├── docker ├── tlt_mounts.json ├── requirements-pip-quantization.txt ├── manifest.json ├── requirements-pip-pytorch.txt ├── requirements-apt.txt ├── requirements-pip-odise.txt └── install_jfrog.sh ├── scripts └── git-hooks │ ├── submodules │ └── __init__.py │ └── install_hooks.sh ├── nvidia_tao_pytorch ├── cv │ ├── oneformer │ │ ├── dataloader │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── export │ │ │ └── __init__.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ └── pixel_decoder │ │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── odise │ │ ├── gradio │ │ │ └── examples │ │ │ │ ├── ade.jpg │ │ │ │ ├── coco.jpg │ │ │ │ ├── ego4d.jpg │ │ │ │ ├── purse.jpeg │ │ │ │ └── coco_result.jpg │ │ ├── data │ │ │ └── datasets │ │ │ │ ├── __init__.py │ │ │ │ └── openseg_labels │ │ │ │ ├── pascal_voc_21.txt │ │ │ │ └── README.md │ │ ├── modeling │ │ │ └── pixel_decoder │ │ │ │ ├── ops │ │ │ │ ├── dist │ │ │ │ │ └── MultiScaleDeformableAttention-1.0-py3.8-linux-x86_64.egg │ │ │ │ └── make.sh │ │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── bevfusion │ │ ├── experiment_specs │ │ │ └── convert.yaml │ │ ├── model │ │ │ └── ops │ │ │ │ ├── bev_pool │ │ │ │ └── __init__.py │ │ │ │ ├── voxel │ │ │ │ ├── __init__.py │ │ │ │ └── src │ │ │ │ │ └── voxelization.cpp │ │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── segic │ │ └── gradio │ │ │ └── examples │ │ │ ├── masks │ │ │ ├── bird.png │ │ │ ├── cat.png │ │ │ ├── bench.png │ │ │ ├── person.png │ │ │ ├── bicycle.png │ │ │ └── example_prompt1.png │ │ │ ├── prompt_imgs │ │ │ ├── cat.jpg │ │ │ ├── bench.jpg │ │ │ ├── bird.jpg │ │ │ ├── bicycle.jpg │ │ │ ├── person.jpg │ │ │ └── example_prompt1.jpg │ │ │ ├── segic_demo.drawio.png │ │ │ └── tgt_imgs │ │ │ ├── test1_1.jpg │ │ │ ├── test1_2.jpg │ │ │ ├── bench_test1.jpg │ │ │ ├── bench_test2.jpg │ │ │ ├── bird_test1.jpg │ │ │ ├── bird_test2.jpg │ │ │ ├── cat_test1.jpg │ │ │ ├── cat_test2.jpg │ │ │ ├── bicycle_test1.jpg │ │ │ ├── bicycle_test2.jpg │ │ │ ├── person_test1.jpg │ │ │ └── person_test2.jpg │ ├── mal │ │ ├── experiment_specs │ │ │ ├── train.yaml │ │ │ ├── infer.yaml │ │ │ └── eval.yaml │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── datasets │ │ │ └── __init__.py │ │ ├── entrypoint │ │ │ └── __init__.py │ │ ├── models │ │ │ └── __init__.py │ │ ├── optimizers │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ └── lr_schedulers │ │ │ └── __init__.py │ ├── ml_recog │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── evaluate.yaml │ │ │ └── infer.yaml │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ └── dataloader │ │ │ └── __init__.py │ ├── ocdnet │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── export_ocdnet_vit.yaml │ │ │ ├── inference.yaml │ │ │ └── inference_ocdnet_vit.yaml │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── head │ │ │ │ └── __init__.py │ │ │ ├── losses │ │ │ │ └── __init__.py │ │ │ ├── neck │ │ │ │ └── __init__.py │ │ │ └── backbone │ │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── post_processing │ │ │ └── __init__.py │ │ ├── data_loader │ │ │ └── __init__.py │ │ ├── base │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── ocr_metric │ │ │ │ ├── __init__.py │ │ │ │ └── icdar2015 │ │ │ │ └── detection │ │ │ │ └── __init__.py │ │ ├── entrypoint │ │ │ └── __init__.py │ │ ├── lr_schedulers │ │ │ └── __init__.py │ │ └── pruning │ │ │ └── __init__.py │ ├── centerpose │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── evaluate.yaml │ │ │ ├── infer.yaml │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── rtdetr │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── evaluate.yaml │ │ │ └── inference.yaml │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ ├── distillation │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── action_recognition │ │ ├── experiment_specs │ │ │ ├── export_joint.yaml │ │ │ ├── evaluate_joint.yaml │ │ │ ├── infer_joint.yaml │ │ │ ├── train_of.yaml │ │ │ └── train_rgb.yaml │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ └── dataloader │ │ │ └── __init__.py │ ├── deformable_detr │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── evaluate.yaml │ │ │ └── infer.yaml │ │ ├── utils │ │ │ └── __init__.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ └── ops │ │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ └── dataloader │ │ │ └── __init__.py │ ├── grounding_dino │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── evaluate.yaml │ │ │ └── infer.yaml │ │ ├── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ └── scripts │ │ │ └── __init__.py │ ├── dino │ │ ├── experiment_specs │ │ │ ├── export.yaml │ │ │ ├── export_distill.yaml │ │ │ ├── evaluate.yaml │ │ │ ├── evaluate_distill.yaml │ │ │ ├── export_vit.yaml │ │ │ ├── infer.yaml │ │ │ └── infer_distill.yaml │ │ ├── model │ │ │ ├── __init__.py │ │ │ └── vision_transformer │ │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── distillation │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── mask_grounding_dino │ │ ├── experiment_specs │ │ │ └── export.yaml │ │ ├── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ └── scripts │ │ │ └── __init__.py │ ├── depth_net │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── utils │ │ │ │ └── __init__.py │ │ ├── evaluation │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── mask2former │ │ ├── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── export │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── pixel_decoder │ │ │ │ └── __init__.py │ │ │ └── transformer_decoder │ │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── ocrnet │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── sparse4d │ │ ├── __init__.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── backbone │ │ │ │ └── __init__.py │ │ │ └── detection3d │ │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── backbone │ │ └── __init__.py │ ├── backbone_v2 │ │ └── nn │ │ │ └── __init__.py │ ├── segformer │ │ ├── model │ │ │ ├── __init__.py │ │ │ └── decode_heads │ │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── visual_changenet │ │ ├── utils │ │ │ └── __init__.py │ │ ├── backbone │ │ │ └── __init__.py │ │ ├── segmentation │ │ │ └── models │ │ │ │ └── __init__.py │ │ ├── __init__.py │ │ └── scripts │ │ │ └── __init__.py │ ├── segformer_old │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ ├── optical_inspection │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ └── dataloader │ │ │ └── __init__.py │ ├── re_identification │ │ ├── __init__.py │ │ ├── model │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ └── dataloader │ │ │ └── __init__.py │ ├── classification_pyt │ │ ├── model │ │ │ ├── backbones │ │ │ │ └── __init__.py │ │ │ └── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ └── pose_classification │ │ ├── __init__.py │ │ ├── utils │ │ └── __init__.py │ │ ├── model │ │ └── __init__.py │ │ ├── scripts │ │ └── __init__.py │ │ └── dataloader │ │ └── __init__.py ├── license │ ├── EULA.pdf │ └── __init__.py ├── pointcloud │ ├── pointpillars │ │ ├── tools │ │ │ ├── scripts │ │ │ │ ├── dist_test.sh │ │ │ │ ├── dist_train.sh │ │ │ │ ├── slurm_test_single.sh │ │ │ │ ├── slurm_test_mgpu.sh │ │ │ │ └── slurm_train.sh │ │ │ ├── __init__.py │ │ │ ├── eval_utils │ │ │ │ └── __init__.py │ │ │ ├── train_utils │ │ │ │ └── __init__.py │ │ │ ├── visual_utils │ │ │ │ └── __init__.py │ │ │ └── export │ │ │ │ └── __init__.py │ │ ├── pcdet │ │ │ ├── ops │ │ │ │ ├── iou3d_nms │ │ │ │ │ ├── src │ │ │ │ │ │ ├── iou3d_cpu.h │ │ │ │ │ │ ├── iou3d_nms.h │ │ │ │ │ │ └── iou3d_nms_api.cpp │ │ │ │ │ └── __init__.py │ │ │ │ ├── __init__.py │ │ │ │ ├── voxel_generator │ │ │ │ │ └── __init__.py │ │ │ │ └── roiaware_pool3d │ │ │ │ │ └── __init__.py │ │ │ ├── utils │ │ │ │ └── __init__.py │ │ │ ├── datasets │ │ │ │ ├── processor │ │ │ │ │ └── __init__.py │ │ │ │ └── kitti │ │ │ │ │ └── __init__.py │ │ │ └── models │ │ │ │ ├── backbones_3d │ │ │ │ └── __init__.py │ │ │ │ └── model_utils │ │ │ │ └── __init__.py │ │ ├── __init__.py │ │ └── scripts │ │ │ └── __init__.py │ └── __init__.py ├── sdg │ ├── stylegan_xl │ │ ├── experiment_specs │ │ │ └── dataset_convert.yaml │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── metrics │ │ │ │ └── __init__.py │ │ │ ├── losses │ │ │ │ └── __init__.py │ │ │ ├── labeller │ │ │ │ └── __init__.py │ │ │ ├── generator │ │ │ │ └── __init__.py │ │ │ ├── discriminator │ │ │ │ └── __init__.py │ │ │ └── feature_networks │ │ │ │ └── __init__.py │ │ ├── pretrained_modules │ │ │ └── __init__.py │ │ ├── utils │ │ │ └── __init__.py │ │ ├── dataloader │ │ │ └── __init__.py │ │ ├── __init__.py │ │ ├── scripts │ │ │ └── __init__.py │ │ └── entrypoint │ │ │ └── __init__.py │ └── __init__.py ├── __init__.py ├── core │ ├── hydra │ │ └── __init__.py │ ├── utils │ │ └── __init__.py │ ├── modules │ │ ├── __init__.py │ │ └── activation │ │ │ └── __init__.py │ ├── loggers │ │ └── __init__.py │ ├── lightning │ │ └── __init__.py │ ├── distillation │ │ └── __init__.py │ ├── distributed │ │ └── __init__.py │ ├── types │ │ └── __init__.py │ └── cookbooks │ │ └── __init__.py └── ssl │ ├── mae │ ├── model │ │ └── __init__.py │ ├── scripts │ │ └── __init__.py │ ├── utils │ │ └── __init__.py │ ├── dataloader │ │ └── __init__.py │ ├── entrypoint │ │ └── __init__.py │ └── experiment_specs │ │ └── pretrain.yaml │ ├── nvdinov2 │ ├── __init__.py │ ├── model │ │ └── __init__.py │ ├── dataloader │ │ └── __init__.py │ ├── entrypoint │ │ └── __init__.py │ └── scripts │ │ └── __init__.py │ └── __init__.py ├── release ├── docker │ └── entrypoint.d │ │ ├── 10-banner.txt │ │ └── 30-container-license.txt ├── __init__.py └── python │ └── __init__.py ├── .github └── ISSUE_TEMPLATE │ └── submit-question.md └── third_party ├── __init__.py └── onnx └── __init__.py /docker/tlt_mounts.json: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/git-hooks/submodules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /docker/requirements-pip-quantization.txt: -------------------------------------------------------------------------------- 1 | nvidia-modelopt[all]==0.35.0 2 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | """OneFormer dataloader module.""" 2 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/license/EULA.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/license/EULA.pdf -------------------------------------------------------------------------------- /release/docker/entrypoint.d/10-banner.txt: -------------------------------------------------------------------------------- 1 | 2 | =========================== 3 | === TAO Toolkit PyTorch === 4 | =========================== 5 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/gradio/examples/ade.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/gradio/examples/ade.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/gradio/examples/coco.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/gradio/examples/coco.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/gradio/examples/ego4d.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/gradio/examples/ego4d.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/gradio/examples/purse.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/gradio/examples/purse.jpeg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/experiment_specs/convert.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /results/ 2 | dataset: kitti 3 | root_dir: /data 4 | mode: validation 5 | output_prefix: kitti_person -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bird.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bird.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/cat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/cat.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/data/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2022-2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved. 2 | """Public dataset registration module.""" 3 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/gradio/examples/coco_result.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/gradio/examples/coco_result.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bench.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bench.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/person.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/person.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/experiment_specs/train.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | dataset: 3 | train_ann_path: ??? 4 | train_img_dir: ??? 5 | val_ann_path: ??? 6 | val_img_dir: ??? 7 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bicycle.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/bicycle.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/cat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/cat.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bench.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bench.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bird.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bird.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/segic_demo.drawio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/segic_demo.drawio.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/test1_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/test1_1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/test1_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/test1_2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bicycle.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/bicycle.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/person.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/person.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bench_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bench_test1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bench_test2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bench_test2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bird_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bird_test1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bird_test2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bird_test2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/cat_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/cat_test1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/cat_test2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/cat_test2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/masks/example_prompt1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/masks/example_prompt1.png -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bicycle_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bicycle_test1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bicycle_test2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/bicycle_test2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/person_test1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/person_test1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/person_test2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/tgt_imgs/person_test2.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/example_prompt1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/segic/gradio/examples/prompt_imgs/example_prompt1.jpg -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | inference: 3 | checkpoint: ??? 4 | gpu_ids: [0] 5 | ann_path: '/path/to/gt.json' 6 | img_dir: '/path/to/images' 7 | label_dump_path: '/path/to/gt_mal.json' -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/experiment_specs/eval.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | dataset: 3 | train_ann_path: ??? 4 | train_img_dir: ??? 5 | val_ann_path: ??? 6 | val_img_dir: ??? 7 | evaluate: 8 | gpu_ids: [0] 9 | checkpoint: ??? 10 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/scripts/dist_test.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | NGPUS=$1 5 | PY_ARGS=${@:2} 6 | 7 | python -m torch.distributed.launch --nproc_per_node=${NGPUS} test.py --launcher pytorch ${PY_ARGS} 8 | 9 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/scripts/dist_train.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | NGPUS=$1 5 | PY_ARGS=${@:2} 6 | 7 | python -m torch.distributed.launch --nproc_per_node=${NGPUS} train.py --launcher pytorch ${PY_ARGS} 8 | 9 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/submit-question.md: -------------------------------------------------------------------------------- 1 | --- 2 | name: Submit question 3 | about: Ask a general question about TAO Toolkit PyTorch backend. 4 | title: "[QST]" 5 | labels: "? - Needs Triage, question" 6 | assignees: '' 7 | 8 | --- 9 | 10 | **What is your question?** -------------------------------------------------------------------------------- /nvidia_tao_pytorch/license/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2017-2022, NVIDIA CORPORATION. All rights reserved. 2 | 3 | """EULA for TAO PYTORCH.""" 4 | 5 | from __future__ import absolute_import 6 | from __future__ import division 7 | from __future__ import print_function 8 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/model/ops/bev_pool/__init__.py: -------------------------------------------------------------------------------- 1 | # From mmmdet3d. https://github.com/open-mmlab/mmdetection3d/blob/main/mmdet3d/visualization/local_visualizer.py 2 | 3 | """BEVFusion bev pooling modules""" 4 | 5 | from .bev_pool import bev_pool 6 | 7 | __all__ = ['bev_pool'] 8 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/modeling/pixel_decoder/ops/dist/MultiScaleDeformableAttention-1.0-py3.8-linux-x86_64.egg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NVIDIA/tao_pytorch_backend/HEAD/nvidia_tao_pytorch/cv/odise/modeling/pixel_decoder/ops/dist/MultiScaleDeformableAttention-1.0-py3.8-linux-x86_64.egg -------------------------------------------------------------------------------- /scripts/git-hooks/install_hooks.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | LIB_DIR=submodules 3 | 4 | rm -f .git/hooks/commit-msg 5 | ln -s -f $NV_TAO_PYTORCH_TOP/scripts/git-hooks/commit-msg.py .git/hooks/commit-msg 6 | 7 | rm -rf .git/hooks/${LIB_DIR} 8 | ln -s -f $NV_TAO_PYTORCH_TOP/scripts/git-hooks/${LIB_DIR} .git/hooks/${LIB_DIR} -------------------------------------------------------------------------------- /docker/manifest.json: -------------------------------------------------------------------------------- 1 | { 2 | "registry": "nvcr.io", 3 | "repository": "nvstaging/tao/tao_pytorch_base_image", 4 | "digests": { 5 | "x86": "sha256:d2a6b648152f7e38168453be38233082964193e70b154fdce16fac39e6b0d9e2", 6 | "arm": "sha256:ae074308d179d1353a98b9af8a478b96a175e2422e7b24312519c0f2a4cd7db8" 7 | } 8 | } 9 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | model: 2 | backbone: resnet_50 3 | input_width: 224 4 | input_height: 224 5 | feat_dim: 256 6 | export: 7 | checkpoint: "???" 8 | onnx_file: "???" 9 | results_dir: "???" 10 | batch_size: -1 11 | on_cpu: false 12 | verbose: true 13 | results_dir: "???" -------------------------------------------------------------------------------- /docker/requirements-pip-pytorch.txt: -------------------------------------------------------------------------------- 1 | fairscale==0.4.13 2 | ftfy==6.3.1 3 | lpips==0.1.4 4 | open-clip-torch[training]==2.30.0 5 | pytorch-lightning==2.5.0.post0 6 | pytorch_metric_learning==2.8.1 7 | pytorch-msssim==1.0.0 8 | sentencepiece==0.2.0 9 | thop==0.1.1.post2209072238 10 | timm==1.0.14 11 | torchmetrics==1.6.1 12 | torch-pruning==1.5.1 13 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | results_dir: "???" 2 | model: 3 | backbone: resnet_101 4 | input_width: 224 5 | input_height: 224 6 | feat_dim: 2048 7 | dataset: 8 | workers: 8 9 | val_dataset: 10 | reference: "???" 11 | query: "???" 12 | evaluate: 13 | batch_size: 16 14 | results_dir: "???" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | model: 2 | load_pruned_graph: False 3 | pruned_graph_path: '/results/prune/pruned_0.1.pth' 4 | 5 | export: 6 | results_dir: /results/export 7 | checkpoint: /results/train/model_best.pth 8 | width: 1280 9 | height: 736 10 | 11 | dataset: 12 | validate_dataset: 13 | data_path: ['/data/ocdnet/test'] 14 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/iou3d_nms/src/iou3d_cpu.h: -------------------------------------------------------------------------------- 1 | #ifndef IOU3D_CPU_H 2 | #define IOU3D_CPU_H 3 | 4 | #include 5 | #include 6 | #include 7 | #include 8 | 9 | int boxes_iou_bev_cpu(at::Tensor boxes_a_tensor, at::Tensor boxes_b_tensor, at::Tensor ans_iou_tensor); 10 | 11 | #endif 12 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | encryption_key: "???" 2 | results_dir: "???" 3 | 4 | export: 5 | gpu_id: 0 6 | checkpoint: "???" 7 | onnx_file: "???" 8 | input_channel: 3 9 | input_width: 512 10 | input_height: 512 11 | opset_version: 16 12 | do_constant_folding: True 13 | 14 | model: 15 | down_ratio: 4 16 | backbone: 17 | model_type: "???" -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | results_dir: "???" 2 | model: 3 | backbone: resnet_101 4 | input_width: 224 5 | input_height: 224 6 | feat_dim: 2048 7 | dataset: 8 | workers: 8 9 | val_dataset: 10 | reference: "???" 11 | query: "" 12 | inference: 13 | inference_input_type: classification_folder 14 | input_path: "???" 15 | batch_size: 16 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/experiment_specs/dataset_convert.yaml: -------------------------------------------------------------------------------- 1 | source: /localhome/local-maxhuang/projects.metropolis1/tmp/maxhuang/dataset/stylegan-xl/NEU_Metal_Surface_Defects_Data_JPG_Full/train 2 | results_dir: /localhome/local-maxhuang/projects.metropolis1/tmp/maxhuang/dataset/stylegan-xl/NEU_Metal_Surface_Defects_Data_JPG_Full/ 3 | dest_file_name: train.zip 4 | resolution: [32, 32] 5 | transform: null -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | export: 2 | gpu_id: 0 3 | checkpoint: "???" 4 | onnx_file: "???" 5 | input_width: 640 6 | input_height: 640 7 | opset_version: 17 8 | dataset: 9 | num_classes: 80 10 | remap_mscoco_category: True 11 | model: 12 | backbone: fan_small 13 | return_interm_indices: [1, 2, 3] 14 | dec_layers: 6 15 | enc_layers: 1 16 | num_queries: 300 17 | -------------------------------------------------------------------------------- /release/docker/entrypoint.d/30-container-license.txt: -------------------------------------------------------------------------------- 1 | 2 | Various files include modifications (c) NVIDIA CORPORATION & AFFILIATES. All rights reserved. 3 | 4 | This container image and its contents are governed by the TAO Toolkit End User License Agreement. 5 | By pulling and using the container, you accept the terms and conditions of this license: 6 | https://developer.nvidia.com/tao-toolkit-software-license-agreement 7 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/model/ops/voxel/__init__.py: -------------------------------------------------------------------------------- 1 | # From mmmdet3d. https://github.com/open-mmlab/mmdetection3d/blob/main/mmdet3d/visualization/local_visualizer.py 2 | 3 | """BEVFusion voxel ops modules""" 4 | 5 | from .scatter_points import DynamicScatter, dynamic_scatter 6 | from .voxelize import Voxelization, voxelization 7 | 8 | __all__ = ['Voxelization', 'voxelization', 'dynamic_scatter', 'DynamicScatter'] 9 | -------------------------------------------------------------------------------- /docker/requirements-apt.txt: -------------------------------------------------------------------------------- 1 | build-essential 2 | curl 3 | ffmpeg 4 | gnupg 5 | libboost-program-options-dev 6 | libboost-system-dev 7 | libboost-test-dev 8 | libboost-thread-dev 9 | libbz2-dev 10 | libeigen3-dev 11 | libfreetype6 12 | liblzma-dev 13 | libopenblas-dev 14 | libsm6 15 | libsndfile1 16 | libsox-fmt-mp3 17 | libssl-dev 18 | libturbojpeg-dev 19 | libxext6 20 | nginx 21 | sox 22 | unzip 23 | wget 24 | zlib1g-dev 25 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/experiment_specs/export_joint.yaml: -------------------------------------------------------------------------------- 1 | encryption_key: nvidia_tao 2 | batch_size: 1 3 | model_config: 4 | model_type: joint 5 | backbone: resnet18 6 | of_seq_length: 10 7 | rgb_seq_length: 3 8 | num_fc: 64 9 | dataset_config: 10 | label_map: 11 | walk: 0 12 | sits: 1 13 | squa: 2 14 | fall: 3 15 | bend: 4 16 | output_shape: 17 | - 224 18 | - 224 19 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /results 2 | 3 | evaluate: 4 | num_gpus: 1 5 | checkpoint: "???" 6 | opencv: False 7 | eval_num_symmetry: 1 8 | results_dir: /results 9 | 10 | dataset: 11 | test_data: /data/bike/val 12 | num_classes: 1 13 | batch_size: 4 14 | workers: 4 15 | 16 | model: 17 | down_ratio: 4 18 | backbone: 19 | model_type: fan_small 20 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/experiment_specs/export_ocdnet_vit.yaml: -------------------------------------------------------------------------------- 1 | model: 2 | load_pruned_graph: False 3 | pruned_graph_path: '/results/prune/pruned_0.1.pth' 4 | backbone: fan_tiny_8_p4_hybrid 5 | enlarge_feature_map_size: True 6 | 7 | export: 8 | results_dir: /results/export 9 | checkpoint: '/results/train/model_best.pth' 10 | width: 1280 11 | height: 736 12 | opset_version: 17 13 | verbose: False 14 | gpu_id: 0 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | evaluate: 2 | num_gpus: 1 3 | checkpoint: "???" 4 | dataset: 5 | test_data_sources: 6 | image_dir: "???" 7 | json_file: "???" 8 | num_classes: 80 9 | batch_size: 16 10 | workers: 8 11 | remap_mscoco_category: True 12 | model: 13 | backbone: fan_small 14 | return_interm_indices: [1, 2, 3] 15 | dec_layers: 6 16 | enc_layers: 1 17 | num_queries: 300 18 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | results_dir: "???" 2 | encryption_key: "???" 3 | export: 4 | gpu_id: 0 5 | checkpoint: "???" 6 | onnx_file: "???" 7 | input_width: 960 8 | input_height: 544 9 | dataset: 10 | num_classes: 91 11 | model: 12 | backbone: resnet_50 13 | num_feature_levels: 4 14 | dec_layers: 6 15 | enc_layers: 6 16 | num_queries: 300 17 | with_box_refine: True 18 | aux_loss: False -------------------------------------------------------------------------------- /docker/requirements-pip-odise.txt: -------------------------------------------------------------------------------- 1 | # ODISE 2 | diffdist==0.1 3 | flake8-comprehensions==3.16.0 4 | fvcore==0.1.5.post20221221 5 | iopath==0.1.9 # needs to be <0.1.10 for detectron2==0.6 6 | kornia==0.8.0 7 | kornia-rs==0.1.8 8 | taming-transformers-rom1504==0.0.6 9 | yacs==0.1.8 10 | git+https://github.com/facebookresearch/detectron2.git 11 | git+https://github.com/openai/CLIP.git@main#egg=clip 12 | git+https://github.com/cocodataset/panopticapi.git 13 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/model/ops/__init__.py: -------------------------------------------------------------------------------- 1 | # From mmmdet3d. https://github.com/open-mmlab/mmdetection3d/blob/main/mmdet3d/visualization/local_visualizer.py 2 | 3 | """BEVFusion ops modules""" 4 | 5 | from .bev_pool import bev_pool 6 | from .voxel import DynamicScatter, Voxelization, dynamic_scatter, voxelization 7 | 8 | 9 | __all__ = [ 10 | 'bev_pool', 'Voxelization', 'voxelization', 'dynamic_scatter', 11 | 'DynamicScatter' 12 | ] 13 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | export: 3 | gpu_id: 0 4 | checkpoint: ??? 5 | onnx_file: ??? 6 | input_width: 960 7 | input_height: 544 8 | opset_version: 17 9 | batch_size: -1 10 | model: 11 | backbone: swin_tiny_224_1k 12 | num_feature_levels: 4 13 | dec_layers: 6 14 | enc_layers: 6 15 | num_queries: 900 16 | dim_feedforward: 2048 17 | aux_loss: False 18 | use_dn: False -------------------------------------------------------------------------------- /docker/install_jfrog.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | mkdir -p /usr/share/keyrings && \ 4 | wget -qO - https://releases.jfrog.io/artifactory/api/v2/repositories/jfrog-debs/keyPairs/primary/public | gpg --dearmor -o /usr/share/keyrings/jfrog.gpg && \ 5 | echo "deb [signed-by=/usr/share/keyrings/jfrog.gpg] https://releases.jfrog.io/artifactory/jfrog-debs focal contrib" | tee /etc/apt/sources.list.d/jfrog.list && \ 6 | apt-get update && \ 7 | apt-get install -y jfrog-cli-v2 8 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/experiment_specs/evaluate_joint.yaml: -------------------------------------------------------------------------------- 1 | encryption_key: nvidia_tao 2 | batch_size: 1 3 | model_config: 4 | model_type: joint 5 | backbone: resnet18 6 | of_seq_length: 10 7 | rgb_seq_length: 3 8 | num_fc: 64 9 | dataset_config: 10 | label_map: 11 | walk: 0 12 | sits: 1 13 | squa: 2 14 | fall: 3 15 | bend: 4 16 | output_shape: 17 | - 224 18 | - 224 19 | batch_size: 32 20 | workers: 8 21 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/experiment_specs/infer_joint.yaml: -------------------------------------------------------------------------------- 1 | encryption_key: nvidia_tao 2 | batch_size: 1 3 | model_config: 4 | model_type: joint 5 | backbone: resnet18 6 | of_seq_length: 10 7 | rgb_seq_length: 3 8 | num_fc: 64 9 | dataset_config: 10 | label_map: 11 | walk: 0 12 | sits: 1 13 | squa: 2 14 | fall: 3 15 | bend: 4 16 | output_shape: 17 | - 224 18 | - 224 19 | batch_size: 32 20 | workers: 8 21 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | results_dir: "???" 2 | encryption_key: "???" 3 | export: 4 | gpu_id: 0 5 | checkpoint: "???" 6 | onnx_file: "???" 7 | input_width: 960 8 | input_height: 544 9 | dataset: 10 | num_classes: 91 11 | model: 12 | backbone: fan_small 13 | num_feature_levels: 4 14 | dec_layers: 6 15 | enc_layers: 6 16 | num_queries: 300 17 | num_select: 100 18 | dropout_ratio: 0.0 19 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/export_distill.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | export: 3 | gpu_id: 0 4 | input_width: 960 5 | input_height: 544 6 | opset_version: 12 7 | on_cpu: False 8 | dataset: 9 | num_classes: 91 10 | batch_size: -1 11 | model: 12 | backbone: resnet_50 13 | num_feature_levels: 4 14 | dec_layers: 6 15 | enc_layers: 6 16 | num_queries: 300 17 | num_select: 100 18 | dropout_ratio: 0.0 19 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | evaluate: 3 | num_gpus: 1 4 | checkpoint: ??? 5 | dataset: 6 | test_data_sources: 7 | image_dir: ??? 8 | json_file: ??? 9 | batch_size: 2 10 | workers: 8 11 | model: 12 | backbone: swin_tiny_224_1k 13 | num_feature_levels: 4 14 | dec_layers: 6 15 | enc_layers: 6 16 | num_queries: 900 17 | dropout_ratio: 0.0 18 | dim_feedforward: 2048 19 | use_dn: False -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/experiment_specs/inference.yaml: -------------------------------------------------------------------------------- 1 | inference: 2 | num_gpus: 1 3 | conf_threshold: 0.5 4 | checkpoint: "???" 5 | color_map: 6 | "person": blue 7 | dataset: 8 | infer_data_sources: 9 | image_dir: 10 | - "???" 11 | classmap: "???" 12 | num_classes: 80 13 | batch_size: 4 14 | workers: 8 15 | model: 16 | backbone: fan_small 17 | return_interm_indices: [1, 2, 3] 18 | dec_layers: 6 19 | enc_layers: 1 20 | num_queries: 300 21 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/experiment_specs/export.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | export: 3 | gpu_id: 0 4 | checkpoint: ??? 5 | onnx_file: ??? 6 | input_width: 960 7 | input_height: 544 8 | opset_version: 17 9 | batch_size: -1 10 | model: 11 | backbone: swin_tiny_224_1k 12 | num_feature_levels: 4 13 | dec_layers: 6 14 | enc_layers: 6 15 | num_queries: 900 16 | dim_feedforward: 2048 17 | aux_loss: False 18 | num_region_queries: ??? # use for ReLA, 0 to ignore rela -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/scripts/slurm_test_single.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | 5 | PARTITION=$1 6 | GPUS=1 7 | GPUS_PER_NODE=1 8 | PY_ARGS=${@:2} 9 | JOB_NAME=eval 10 | SRUN_ARGS=${SRUN_ARGS:-""} 11 | 12 | srun -p ${PARTITION} \ 13 | --job-name=${JOB_NAME} \ 14 | --gres=gpu:${GPUS_PER_NODE} \ 15 | --ntasks=${GPUS} \ 16 | --ntasks-per-node=${GPUS_PER_NODE} \ 17 | --kill-on-bad-exit=1 \ 18 | ${SRUN_ARGS} \ 19 | python -u test.py ${PY_ARGS} 20 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | evaluate: 2 | num_gpus: 1 3 | conf_threshold: 0.0 4 | input_width: 960 5 | input_height: 544 6 | dataset: 7 | test_data_sources: 8 | image_dir: "???" 9 | json_file: "???" 10 | num_classes: 91 11 | batch_size: 8 12 | workers: 8 13 | augmentation: 14 | fixed_padding: False 15 | model: 16 | backbone: fan_small 17 | num_feature_levels: 4 18 | dec_layers: 6 19 | enc_layers: 6 20 | num_queries: 300 21 | num_select: 100 22 | dropout_ratio: 0.0 23 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/evaluate_distill.yaml: -------------------------------------------------------------------------------- 1 | evaluate: 2 | num_gpus: 1 3 | conf_threshold: 0.0 4 | input_width: 960 5 | input_height: 544 6 | dataset: 7 | test_data_sources: 8 | image_dir: "???" 9 | json_file: "???" 10 | num_classes: 91 11 | batch_size: 8 12 | workers: 8 13 | augmentation: 14 | fixed_padding: False 15 | model: 16 | backbone: resnet_50 17 | num_feature_levels: 4 18 | dec_layers: 6 19 | enc_layers: 6 20 | num_queries: 300 21 | num_select: 100 22 | dropout_ratio: 0.0 23 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/experiment_specs/train_of.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /results/of_2d 2 | encryption_key: nvidia_tao 3 | model_config: 4 | model_type: of 5 | backbone: resnet18 6 | of_seq_length: 10 7 | train_config: 8 | optim: 9 | lr: 0.01 10 | momentum: 0.9 11 | epochs: 20 12 | dataset_config: 13 | train_dataset_dir: /data/train 14 | val_dataset_dir: /data/test 15 | label_map: 16 | walk: 0 17 | sits: 1 18 | squa: 2 19 | fall: 3 20 | bend: 4 21 | output_shape: 22 | - 224 23 | - 224 24 | batch_size: 32 25 | workers: 8 26 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/experiment_specs/train_rgb.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /results/rgb_2d 2 | encryption_key: nvidia_tao 3 | model_config: 4 | model_type: rgb 5 | backbone: resnet18 6 | rgb_seq_length: 16 7 | train_config: 8 | optim: 9 | lr: 0.01 10 | momentum: 0.9 11 | epochs: 30 12 | dataset_config: 13 | train_dataset_dir: /data/train 14 | val_dataset_dir: /data/test 15 | label_map: 16 | walk: 0 17 | sits: 1 18 | squa: 2 19 | fall: 3 20 | bend: 4 21 | output_shape: 22 | - 224 23 | - 224 24 | batch_size: 8 25 | workers: 8 26 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | results_dir: ??? 2 | inference: 3 | num_gpus: 1 4 | checkpoint: ??? 5 | conf_threshold: 0.3 6 | color_map: 7 | "black cat": blue 8 | "dog": green 9 | dataset: 10 | infer_data_sources: 11 | image_dir: 12 | - ??? 13 | captions: ["black cat", "dog"] 14 | batch_size: 2 15 | workers: 8 16 | model: 17 | backbone: swin_tiny_224_1k 18 | num_feature_levels: 4 19 | dec_layers: 6 20 | enc_layers: 6 21 | num_queries: 900 22 | dropout_ratio: 0.0 23 | dim_feedforward: 2048 24 | use_dn: False -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/scripts/slurm_test_mgpu.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | 5 | PARTITION=$1 6 | GPUS=$2 7 | GPUS_PER_NODE=$GPUS 8 | PY_ARGS=${@:3} 9 | JOB_NAME=eval 10 | SRUN_ARGS=${SRUN_ARGS:-""} 11 | 12 | PORT=$(( ( RANDOM % 10000 ) + 10000 )) 13 | 14 | srun -p ${PARTITION} \ 15 | --job-name=${JOB_NAME} \ 16 | --gres=gpu:${GPUS_PER_NODE} \ 17 | --ntasks=${GPUS} \ 18 | --ntasks-per-node=${GPUS_PER_NODE} \ 19 | --kill-on-bad-exit=1 \ 20 | ${SRUN_ARGS} \ 21 | python -u test.py --launcher slurm ${PY_ARGS} --tcp_port $PORT 22 | 23 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/experiment_specs/inference.yaml: -------------------------------------------------------------------------------- 1 | model: 2 | load_pruned_graph: false 3 | pruned_graph_path: '/results/prune/pruned_0.1.pth' 4 | 5 | inference: 6 | checkpoint: '/results/train/model_best.pth' 7 | input_folder: /data/ocdnet/test/img 8 | width: 1280 9 | height: 736 10 | img_mode: BGR 11 | polygon: false 12 | show: false 13 | results_dir: /results/inference 14 | 15 | post_processing: 16 | type: SegDetectorRepresenter 17 | args: 18 | thresh: 0.3 19 | box_thresh: 0.55 20 | max_candidates: 1000 21 | unclip_ratio: 1.5 22 | 23 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/data/datasets/openseg_labels/pascal_voc_21.txt: -------------------------------------------------------------------------------- 1 | 0:background,bag,bed,bench,book,building,cabinet,ceiling,cloth,computer,cup,door,fence,floor,flower,food,grass,ground,keyboard,light,mountain,mouse,curtain,platform,sign,plate,road,rock,shelves,sidewalk,sky,snow,bedclothes,track,tree,truck,wall,water,window,wood 2 | 1:aeroplane 3 | 2:bicycle 4 | 3:bird 5 | 4:boat 6 | 5:bottle 7 | 6:bus 8 | 7:car 9 | 8:cat 10 | 9:chair 11 | 10:cow 12 | 11:diningtable 13 | 12:dog 14 | 13:horse 15 | 14:motorbike 16 | 15:person 17 | 16:pottedplant 18 | 17:sheep 19 | 18:sofa 20 | 19:train 21 | 20:tvmonitor 22 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/iou3d_nms/src/iou3d_nms.h: -------------------------------------------------------------------------------- 1 | #ifndef IOU3D_NMS_H 2 | #define IOU3D_NMS_H 3 | 4 | #include 5 | #include 6 | #include 7 | #include 8 | 9 | int boxes_overlap_bev_gpu(at::Tensor boxes_a, at::Tensor boxes_b, at::Tensor ans_overlap); 10 | int boxes_iou_bev_gpu(at::Tensor boxes_a, at::Tensor boxes_b, at::Tensor ans_iou); 11 | int nms_gpu(at::Tensor boxes, at::Tensor keep, float nms_overlap_thresh); 12 | int nms_normal_gpu(at::Tensor boxes, at::Tensor keep, float nms_overlap_thresh); 13 | 14 | #endif 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/experiment_specs/evaluate.yaml: -------------------------------------------------------------------------------- 1 | evaluate: 2 | num_gpus: 1 3 | conf_threshold: 0.0 4 | input_width: 960 5 | input_height: 544 6 | dataset: 7 | test_data_sources: 8 | image_dir: /data/raw-data/val2017/ 9 | json_file: /data/raw-data/annotations/instances_val2017.json 10 | num_classes: 91 11 | batch_size: 8 12 | workers: 8 13 | augmentation: 14 | fixed_padding: False 15 | model: 16 | backbone: resnet_50 17 | num_feature_levels: 2 18 | return_interm_indices: [1, 2] 19 | dec_layers: 6 20 | enc_layers: 6 21 | num_queries: 300 22 | with_box_refine: True -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/export_vit.yaml: -------------------------------------------------------------------------------- 1 | results_dir: "???" 2 | export: 3 | gpu_id: 0 4 | checkpoint: "???" 5 | onnx_file: "???" 6 | input_width: 1536 7 | input_height: 1536 8 | opset_version: 17 9 | dataset: 10 | num_classes: 91 11 | batch_size: -1 12 | augmentation: 13 | fixed_random_crop: 1536 14 | test_random_resize: 1536 15 | random_resize_max_size: 1536 16 | fixed_padding: True 17 | model: 18 | backbone: vit_large_dinov2 19 | num_feature_levels: 4 20 | dec_layers: 6 21 | enc_layers: 6 22 | num_queries: 900 23 | dropout_ratio: 0.0 24 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/experiment_specs/inference_ocdnet_vit.yaml: -------------------------------------------------------------------------------- 1 | model: 2 | load_pruned_graph: false 3 | pruned_graph_path: '/results/prune/pruned_0.1.pth' 4 | 5 | 6 | inference: 7 | checkpoint: '/results/train/model_best.pth' 8 | input_folder: /data/ocdnet_vit/test/img 9 | width: 1280 10 | height: 736 11 | img_mode: BGR 12 | polygon: false 13 | show: false 14 | results_dir: /results/inference 15 | 16 | post_processing: 17 | type: SegDetectorRepresenter 18 | args: 19 | thresh: 0.5 20 | box_thresh: 0.55 21 | max_candidates: 1000 22 | unclip_ratio: 1.5 23 | 24 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/model/ops/voxel/src/voxelization.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | #include "voxelization.h" 3 | 4 | namespace voxelization { 5 | 6 | PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) { 7 | m.def("hard_voxelize", &hard_voxelize, "hard voxelize"); 8 | m.def("dynamic_voxelize", &dynamic_voxelize, "dynamic voxelization"); 9 | m.def("dynamic_point_to_voxel_forward", &dynamic_point_to_voxel_forward, "dynamic point to voxel forward"); 10 | m.def("dynamic_point_to_voxel_backward", &dynamic_point_to_voxel_backward, "dynamic point to voxel backward"); 11 | } 12 | 13 | } // namespace voxelization 14 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | inference: 2 | conf_threshold: 0.5 3 | input_width: 960 4 | input_height: 544 5 | color_map: 6 | person: green 7 | car: red 8 | cat: blue 9 | dataset: 10 | infer_data_sources: 11 | image_dir: 12 | - "???" 13 | classmap: '???' 14 | num_classes: 91 15 | batch_size: 8 16 | workers: 8 17 | augmentation: 18 | fixed_padding: False 19 | model: 20 | backbone: fan_small 21 | num_feature_levels: 4 22 | dec_layers: 6 23 | enc_layers: 6 24 | num_queries: 300 25 | num_select: 100 26 | dropout_ratio: 0.0 27 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/experiment_specs/infer_distill.yaml: -------------------------------------------------------------------------------- 1 | inference: 2 | conf_threshold: 0.5 3 | input_width: 960 4 | input_height: 544 5 | color_map: 6 | person: green 7 | car: red 8 | cat: blue 9 | dataset: 10 | infer_data_sources: 11 | image_dir: 12 | - "???" 13 | classmap: "???" 14 | num_classes: 91 15 | batch_size: 8 16 | workers: 8 17 | augmentation: 18 | fixed_padding: False 19 | model: 20 | backbone: resnet_50 21 | num_feature_levels: 4 22 | dec_layers: 6 23 | enc_layers: 6 24 | num_queries: 300 25 | num_select: 100 26 | dropout_ratio: 0.0 27 | dim_feedforward: 2048 -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /results 2 | 3 | dataset: 4 | inference_data: /data/bike/val 5 | num_classes: 1 6 | batch_size: 4 7 | workers: 4 8 | 9 | inference: 10 | checkpoint: "???" 11 | visualization_threshold: 0.3 12 | principle_point_x: 300.77100118001306 13 | principle_point_y: 392.8848775227865 14 | focal_length_x: 615.0476582845052 15 | focal_length_y: 615.0476582845052 16 | skew: 0.0 17 | use_pnp: True 18 | save_json: True 19 | save_visualization: True 20 | opencv: True 21 | 22 | model: 23 | down_ratio: 4 24 | backbone: 25 | model_type: fan_small 26 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/data/datasets/openseg_labels/README.md: -------------------------------------------------------------------------------- 1 | # Acknowledgement 2 | 3 | We thank Golnaz Ghiasi for providing the [OpenSeg](https://arxiv.org/abs/2112.12143) labels for evaluation. 4 | 5 | 6 | ## Citation 7 | 8 | ```BiBTeX 9 | @inproceedings{ghiasi2022scaling, 10 | title={Scaling open-vocabulary image segmentation with image-level labels}, 11 | author={Ghiasi, Golnaz and Gu, Xiuye and Cui, Yin and Lin, Tsung-Yi}, 12 | booktitle={Computer Vision--ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23--27, 2022, Proceedings, Part XXXVI}, 13 | pages={540--557}, 14 | year={2022}, 15 | organization={Springer} 16 | } 17 | ``` 18 | -------------------------------------------------------------------------------- /release/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/experiment_specs/infer.yaml: -------------------------------------------------------------------------------- 1 | inference: 2 | conf_threshold: 0.5 3 | input_width: 960 4 | input_height: 544 5 | color_map: 6 | person: green 7 | car: red 8 | cat: blue 9 | dataset: 10 | infer_data_sources: 11 | image_dir: 12 | - /data/raw-data/val2017/ 13 | classmap: /data/raw-data/annotations/classmap.txt 14 | num_classes: 91 15 | batch_size: 8 16 | workers: 8 17 | augmentation: 18 | fixed_padding: False 19 | model: 20 | backbone: resnet_50 21 | num_feature_levels: 2 22 | return_interm_indices: [1, 2] 23 | dec_layers: 6 24 | enc_layers: 6 25 | num_queries: 300 26 | with_box_refine: True -------------------------------------------------------------------------------- /release/python/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/scripts/slurm_train.sh: -------------------------------------------------------------------------------- 1 | #!/usr/bin/env bash 2 | 3 | set -x 4 | 5 | PARTITION=$1 6 | JOB_NAME=$2 7 | GPUS=$3 8 | PY_ARGS=${@:4} 9 | 10 | GPUS_PER_NODE=${GPUS_PER_NODE:-8} 11 | CPUS_PER_TASK=${CPUS_PER_TASK:-5} 12 | SRUN_ARGS=${SRUN_ARGS:-""} 13 | 14 | PORT=$(( ( RANDOM % 10000 ) + 10000 )) 15 | 16 | srun -p ${PARTITION} \ 17 | --job-name=${JOB_NAME} \ 18 | --gres=gpu:${GPUS_PER_NODE} \ 19 | --ntasks=${GPUS} \ 20 | --ntasks-per-node=${GPUS_PER_NODE} \ 21 | --cpus-per-task=${CPUS_PER_TASK} \ 22 | --kill-on-bad-exit=1 \ 23 | ${SRUN_ARGS} \ 24 | python -u train.py --launcher slurm ${PY_ARGS} --tcp_port $PORT 25 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/iou3d_nms/src/iou3d_nms_api.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | #include 3 | #include 4 | #include 5 | #include 6 | 7 | #include "iou3d_cpu.h" 8 | #include "iou3d_nms.h" 9 | 10 | 11 | PYBIND11_MODULE(TORCH_EXTENSION_NAME, m) { 12 | m.def("boxes_overlap_bev_gpu", &boxes_overlap_bev_gpu, "oriented boxes overlap"); 13 | m.def("boxes_iou_bev_gpu", &boxes_iou_bev_gpu, "oriented boxes iou"); 14 | m.def("nms_gpu", &nms_gpu, "oriented nms gpu"); 15 | m.def("nms_normal_gpu", &nms_normal_gpu, "nms gpu"); 16 | m.def("boxes_iou_bev_cpu", &boxes_iou_bev_cpu, "oriented boxes iou"); 17 | } 18 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/modeling/pixel_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/hydra/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Hydra runner.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Oneformer module.""" 15 | -------------------------------------------------------------------------------- /third_party/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Overrides modules from Torch.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """TAO utilities.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DepthNet module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL scripts.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Mask2former module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCDnet root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/model/head/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/model/losses/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/model/neck/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCRNet root module""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RT-DETR module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Sparse4D Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """MAE model module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """MAE scripts module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """MAE utils module.""" 15 | -------------------------------------------------------------------------------- /third_party/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Custom onnx modules for Torch.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """CV backbone module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/datasets/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL data module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL entrypoint.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Optimizer utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAL utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/model/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/post_processing/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RT-DETR module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/nvdinov2/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """NVDINOv2 SSL Training""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/nvdinov2/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """NVDINOv2 Model""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/backbone_v2/nn/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Backbone nn modules.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask2former utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/data_loader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Dataloader Init.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCRNet model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCRNet script module""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCRNet utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ODISE entrypoint.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OneFormer scripts.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OneFormer utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RT-DETR utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Point Cloud root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """MAE dataloader module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """MAE entrypoint. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Custom nn modules for Torch.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for CenterPose. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model Utils Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """CenterPose utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DD utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DepthNet model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DepthNet utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Grounding DINO module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mal/lr_schedulers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """LR scheduler utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/export/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Mask2former export module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask2former scripts.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/base/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Dataset module for OCDNet.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCDnet scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/export/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Oneformer export module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Oneformer model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RT-DETR scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for SegFormer_PL. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Segformer utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Sparse4D scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Sparse4D utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/visual_changenet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Utils Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for SDG. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/nvdinov2/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """NVDINOv2 Dataloader""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/nvdinov2/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """NVDINOv2 Entrypoint""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/nvdinov2/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Script for Subtasks""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """BEVFusion scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ CenterPose Scripts File """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DepthNet scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO distillation module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask2former model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/utils/ocr_metric/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """get_metric module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """OCRNet dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/model/pixel_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Pixel decoder module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RT-DETR dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Segformer scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer_old/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Segformer Scripts File """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """PointPillars root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model Utils Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/metrics/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric Modules.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/pretrained_modules/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/mae/experiment_specs/pretrain.yaml: -------------------------------------------------------------------------------- 1 | results_dir: /tao_experiments/fcmae/pretrain 2 | dataset: 3 | batch_size: 16 4 | train_data_sources: /datasets/split/train 5 | val_data_sources: /datasets/split/val 6 | test_data_sources: /datasets/split/test 7 | augmentation: 8 | smoothing: 0.1 9 | cutmix: 1.0 10 | mixup: 0.8 11 | input_size: 224 12 | train: 13 | stage: "pretrain" 14 | precision: 'bf16' 15 | num_gpus: 4 16 | checkpoint_interval: 5 17 | validation_interval: 5 18 | num_epochs: 100 19 | optim: 20 | type: "AdamW" 21 | lr: 0.002 22 | weight_decay: 0.05 23 | layer_decay: 0.65 24 | lr_scheduler: "cosine" 25 | warmup_epochs: 5 26 | model: 27 | arch: convnextv2_base 28 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/loggers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Logger module for TAO Toolkit models.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """CenterPose dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Deformable DETR model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/dataloader/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DepthNet utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Depthnet evaluation module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Grounding DINO model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Grounding DINO utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Mask2former dataloader module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask Grounding DINO module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric-learning recognition root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/optical_inspection/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """optical inspection root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/re_identification/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Re-Identification root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RTDETR distillation module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Segformer dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/model/decode_heads/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Decoder head module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Sparse4D dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/model/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Backbones for Sparse4D.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/visual_changenet/backbone/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Backbone Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/iou3d_nms/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """3D NMS.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Tools for PointPillars.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/losses/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """StyleGAN-XL loss module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/ssl/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Self-Supervised Learning module for TAO Toolkit.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/lightning/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Lightning utilities for TAO Toolkit models.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/model/backbones/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Backbone Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for Scripts """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Classification_pl utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Deformable DETR scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the DINO task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/dino/model/vision_transformer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Vision Transformer module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/grounding_dino/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Grounding DINO scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/model/pixel_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pixel decoder module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """DINO dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric-learning recognition Model Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric-learning recognition utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the ocdnet task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/lr_schedulers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """learning rate schedulers module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/pruning/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Root module for PyTorch model pruning.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocrnet/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the OCRNet task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/odise/modeling/pixel_decoder/ops/make.sh: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | python3 setup.py build install 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/pose_classification/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pose classification root module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/re_identification/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Re-Identification Model Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/re_identification/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Re-Identification utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/model/detection3d/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Sparse4D Detection3D module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """PointPillars script module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/eval_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Evaluation utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/train_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Training utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """StyleGAN-XL dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/labeller/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """BigDatasetGAN componenets.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/distillation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Core distillation components for TAO Toolkit models.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/distributed/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Core distributed utilities for TAO Toolkit models.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/modules/activation/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Custom activation modules for Torch.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Classification_pl dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Deformable DETR dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/deformable_detr/model/ops/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Deformable DETR model ops module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/model/transformer_decoder/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | """Transformer decoder module.""" 15 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask Grounding DINO model module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask Grounding DINO utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric-learning recognition scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/optical_inspection/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Optical Inspection scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/optical_inspection/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/pose_classification/utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pose classification utils module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/re_identification/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Re-Identification scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/rtdetr/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the RT-DETR task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer_old/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for SegFormer. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/sparse4d/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the Sparse4D task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/visual_changenet/segmentation/models/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model Utils Init Module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/datasets/processor/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Data processor.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/models/backbones_3d/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """3D backbones.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/models/model_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Model utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Custom ops for PointPillars.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/visual_utils/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Visualization utils.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for StyleGAN XL. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/generator/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """StyleGAN-XL generator module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """StyleGAN-XL Scripts File.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/bevfusion/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the BEVFusion task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the CenterPose task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Classification dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/classification_pyt/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 3 | # 4 | # Licensed under the Apache License, Version 2.0 (the "License"); 5 | # you may not use this file except in compliance with the License. 6 | # You may obtain a copy of the License at 7 | # 8 | # http://www.apache.org/licenses/LICENSE-2.0 9 | # 10 | # Unless required by applicable law or agreed to in writing, software 11 | # distributed under the License is distributed on an "AS IS" BASIS, 12 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 13 | # See the License for the specific language governing permissions and 14 | # limitations under the License. 15 | 16 | """Classification Entrypoint.""" 17 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask2former/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the Mask2former task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/mask_grounding_dino/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Mask Grounding DINO scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ml_recog/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Metric-learning recognition dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/oneformer/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the OneFormer task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/optical_inspection/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/pose_classification/model/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pose classification dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/pose_classification/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pose classification scripts module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/re_identification/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Re-Identification dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the Segformer task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/segformer_old/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the Segformer task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/datasets/kitti/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """KITTI dataset module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/voxel_generator/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Voxel Generator.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/tools/export/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Export tools for PointPillars.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/discriminator/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """StyleGAN-XL discriminator module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/types/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Module containing data structures to represent information.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/action_recognition/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/centerpose/experiment_specs/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """CenterPose sample experiment spec module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/depth_net/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2025, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the depth estimation task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/ocdnet/utils/ocr_metric/icdar2015/detection/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """icdar2015 detection module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/optical_inspection/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Action recognition dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/pose_classification/dataloader/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Pose classification dataloader module.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/visual_changenet/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Init Module for Visual ChangeNet. """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/cv/visual_changenet/scripts/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """ Visual ChangeNet Scripts File """ 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/pointcloud/pointpillars/pcdet/ops/roiaware_pool3d/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """RoI-aware 3D Pooling.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/entrypoint/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Entrypoint script for the StyleGAN-XL task.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/sdg/stylegan_xl/model/feature_networks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2024, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Discriminator's feature network.""" 16 | -------------------------------------------------------------------------------- /nvidia_tao_pytorch/core/cookbooks/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) 2023, NVIDIA CORPORATION. All rights reserved. 2 | # 3 | # Licensed under the Apache License, Version 2.0 (the "License"); 4 | # you may not use this file except in compliance with the License. 5 | # You may obtain a copy of the License at 6 | # 7 | # http://www.apache.org/licenses/LICENSE-2.0 8 | # 9 | # Unless required by applicable law or agreed to in writing, software 10 | # distributed under the License is distributed on an "AS IS" BASIS, 11 | # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. 12 | # See the License for the specific language governing permissions and 13 | # limitations under the License. 14 | 15 | """Module containing definitions of all cookbooks for TAO Toolkit.""" 16 | --------------------------------------------------------------------------------