Index

A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U | V | W | X | Y

A

B

C

D

E

F

G

H

  • hat.callbacks.checkpoint
  • hat.callbacks.dump_data
  • hat.callbacks.exponential_moving_average
  • hat.callbacks.freeze_bn
  • hat.callbacks.grad_scale
  • hat.callbacks.lr_updater
  • hat.callbacks.metric_updater
  • hat.callbacks.monitor
  • hat.callbacks.online_model_trick
  • hat.callbacks.param_updater
  • hat.callbacks.save_traced
  • hat.callbacks.tensorboard
  • hat.callbacks.validation
  • hat.data.collates.collates
  • hat.data.dataloaders.passthrough_dataloader
  • hat.data.datasets.argoverse_dataset
  • hat.data.datasets.batch_transform_dataset
  • hat.data.datasets.carfusion_keypoints_dataset
  • hat.data.datasets.cityscapes
  • hat.data.datasets.culane_dataset
  • hat.data.datasets.dataset_wrappers
  • hat.data.datasets.flyingchairs_dataset
  • hat.data.datasets.imagenet
  • hat.data.datasets.kitti2d
  • hat.data.datasets.kitti3d
  • hat.data.datasets.mot17_dataset
  • hat.data.datasets.mscoco
  • hat.data.datasets.nuscenes_dataset
  • hat.data.datasets.rand_dataset
  • hat.data.datasets.sceneflow_dataset
  • hat.data.datasets.voc
  • hat.data.samplers.dist_cycle_sampler_multi_dataset
  • hat.data.samplers.dist_group_sampler
  • hat.data.samplers.dist_sampler
  • hat.data.samplers.dist_set_epoch_dataset_sampler
  • hat.data.samplers.selected_sampler
  • hat.data.transforms.classification
  • hat.data.transforms.common
  • hat.data.transforms.detection
  • hat.data.transforms.faceid
  • hat.data.transforms.gaze.gaze
  • hat.data.transforms.grid_mask
  • hat.data.transforms.keypoints
  • hat.data.transforms.lidar
  • hat.data.transforms.lidar_utils.lidar_transform_3d
  • hat.data.transforms.lidar_utils.preprocess
  • hat.data.transforms.lidar_utils.sample_ops
  • hat.data.transforms.multi_views
  • hat.data.transforms.segmentation
  • hat.data.transforms.seq_transform
  • hat.engine.calibrator
  • hat.engine.ddp_trainer
  • hat.engine.dp_trainer
  • hat.engine.predictor
  • hat.engine.processors.processor
  • hat.engine.trainer
  • hat.metrics.acc
  • hat.metrics.argoverse_metric
  • hat.metrics.coco_detection
  • hat.metrics.kitti2d_detection
  • hat.metrics.kitti3d_detection
  • hat.metrics.loss_show
  • hat.metrics.mean_iou
  • hat.metrics.metric_keypoints
  • hat.metrics.metric_lane_detection
  • hat.metrics.metric_optical_flow
  • hat.metrics.mot_metrics
  • hat.metrics.nuscenes_metric
  • hat.metrics.voc_detection
  • hat.models.backbones.contrib.resnet
  • hat.models.backbones.efficientnet
  • hat.models.backbones.horizon_swin_transformer
  • hat.models.backbones.mixvargenet
  • hat.models.backbones.mobilenetv1
  • hat.models.backbones.mobilenetv2
  • hat.models.backbones.resnet
  • hat.models.backbones.vargconvnet
  • hat.models.backbones.vargdarknet
  • hat.models.backbones.vargnetv2
  • hat.models.base_modules.basic_vargnet_module
  • hat.models.base_modules.bbox_decoder
  • hat.models.base_modules.dequant_module
  • hat.models.base_modules.extend_container
  • hat.models.base_modules.label_encoder
  • hat.models.base_modules.matcher
  • hat.models.base_modules.position_encoding
  • hat.models.base_modules.postprocess.anchor_postprocess
  • hat.models.base_modules.postprocess.argmax_postprocess
  • hat.models.base_modules.postprocess.max_postprocess
  • hat.models.base_modules.postprocess.rle_postprocess
  • hat.models.base_modules.quant_module
  • hat.models.base_modules.resize_parser
  • hat.models.base_modules.roi_feat_extractors
  • hat.models.base_modules.target.bbox_target
  • hat.models.base_modules.target.heatmap_roi_3d_target
  • hat.models.base_modules.target.reshape_target
  • hat.models.base_modules.transformer_attentions
  • hat.models.base_modules.transformer_bricks
  • hat.models.embeddings
  • hat.models.losses.cross_entropy_loss
  • hat.models.losses.focal_loss
  • hat.models.losses.giou_loss
  • hat.models.losses.hinge_loss
  • hat.models.losses.l1_loss
  • hat.models.losses.lnnorm_loss
  • hat.models.losses.mse_loss
  • hat.models.losses.seg_loss
  • hat.models.losses.smooth_l1_loss
  • hat.models.losses.yolo_losses
  • hat.models.model_convert.converters
  • hat.models.model_convert.pipelines
  • hat.models.necks.bifpn
  • hat.models.necks.dw_unet
  • hat.models.necks.fast_scnn
  • hat.models.necks.fpn
  • hat.models.necks.pafpn
  • hat.models.necks.retinanet_fpn
  • hat.models.necks.second_neck
  • hat.models.necks.unet
  • hat.models.necks.yolov3
  • hat.models.necks.yolov3_group
  • hat.models.structures.classifier
  • hat.models.structures.detectors.centerpoint
  • hat.models.structures.detectors.detr
  • hat.models.structures.detectors.detr3d
  • hat.models.structures.detectors.fcos
  • hat.models.structures.detectors.fcos3d
  • hat.models.structures.detectors.pointpillars
  • hat.models.structures.detectors.retinanet
  • hat.models.structures.detectors.yolov3
  • hat.models.structures.disparity_pred.stereonet
  • hat.models.structures.encoder_decoder
  • hat.models.structures.keypoints.keypoint_model
  • hat.models.structures.lane_pred.ganet
  • hat.models.structures.lidar_multitask.lidar_multitask
  • hat.models.structures.motion_forecasting
  • hat.models.structures.opticalflow.pwcnet
  • hat.models.structures.segmentor
  • hat.models.structures.track_pred.motr
  • hat.models.structures.view_fusion
  • hat.models.task_modules.carfusion_keypoints.heatmap_decoder
  • hat.models.task_modules.carfusion_keypoints.keypoint_head
  • hat.models.task_modules.centerpoint.bbox_coders
  • hat.models.task_modules.centerpoint.decoder
  • hat.models.task_modules.centerpoint.head
  • hat.models.task_modules.centerpoint.loss
  • hat.models.task_modules.centerpoint.post_process
  • hat.models.task_modules.centerpoint.pre_process
  • hat.models.task_modules.centerpoint.target
  • hat.models.task_modules.deeplab.head
  • hat.models.task_modules.detr.criterion
  • hat.models.task_modules.detr.head
  • hat.models.task_modules.detr.post_process
  • hat.models.task_modules.detr.transformer
  • hat.models.task_modules.detr3d.head
  • hat.models.task_modules.detr3d.post_process
  • hat.models.task_modules.detr3d.target
  • hat.models.task_modules.fcn.decoder
  • hat.models.task_modules.fcn.head
  • hat.models.task_modules.fcn.target
  • hat.models.task_modules.fcos.decoder
  • hat.models.task_modules.fcos.fcos_loss
  • hat.models.task_modules.fcos.filter
  • hat.models.task_modules.fcos.head
  • hat.models.task_modules.fcos.target
  • hat.models.task_modules.fcos3d.bbox_coder
  • hat.models.task_modules.fcos3d.loss
  • hat.models.task_modules.fcos3d.post_process
  • hat.models.task_modules.fcos3d.target
  • hat.models.task_modules.ganet.decoder
  • hat.models.task_modules.ganet.head
  • hat.models.task_modules.ganet.losses
  • hat.models.task_modules.ganet.neck
  • hat.models.task_modules.ganet.target
  • hat.models.task_modules.lidar.anchor_generator
  • hat.models.task_modules.lidar.box_coders
  • hat.models.task_modules.lidar.pillar_encoder
  • hat.models.task_modules.lidar.target_assigner
  • hat.models.task_modules.lidar_multitask.decoder
  • hat.models.task_modules.motion_forecasting.decoders.densetnt.head
  • hat.models.task_modules.motion_forecasting.decoders.densetnt.loss
  • hat.models.task_modules.motion_forecasting.decoders.densetnt.post_process
  • hat.models.task_modules.motion_forecasting.decoders.densetnt.target
  • hat.models.task_modules.motion_forecasting.encoders.vectornet
  • hat.models.task_modules.motr.criterion
  • hat.models.task_modules.motr.head
  • hat.models.task_modules.motr.motr_deformable_transformer
  • hat.models.task_modules.motr.post_process
  • hat.models.task_modules.motr.qim
  • hat.models.task_modules.petr.head
  • hat.models.task_modules.pointpillars.head
  • hat.models.task_modules.pointpillars.loss
  • hat.models.task_modules.pointpillars.postprocess
  • hat.models.task_modules.pointpillars.preprocess
  • hat.models.task_modules.pwcnet.head
  • hat.models.task_modules.pwcnet.neck
  • hat.models.task_modules.retinanet.filter
  • hat.models.task_modules.retinanet.head
  • hat.models.task_modules.retinanet.postprocess
  • hat.models.task_modules.seg.decoder
  • hat.models.task_modules.seg.head
  • hat.models.task_modules.seg.target
  • hat.models.task_modules.seg.utils
  • hat.models.task_modules.seg.vargnet_seg_head
  • hat.models.task_modules.stereonet.head
  • hat.models.task_modules.stereonet.headplus
  • hat.models.task_modules.stereonet.neck
  • hat.models.task_modules.stereonet.post_process
  • hat.models.task_modules.view_fusion.cft_transformer
  • hat.models.task_modules.view_fusion.decoder
  • hat.models.task_modules.view_fusion.encoder
  • hat.models.task_modules.view_fusion.temporal_fusion
  • hat.models.task_modules.view_fusion.view_transformer
  • hat.models.task_modules.yolo.anchor
  • hat.models.task_modules.yolo.filter
  • hat.models.task_modules.yolo.head
  • hat.models.task_modules.yolo.label_encoder
  • hat.models.task_modules.yolo.matcher
  • hat.models.task_modules.yolo.postprocess
  • hat.profiler.memory_profiler
  • hat.profiler.model_profiler
  • hat.profiler.profilers
  • hat.visualize.argoverse
  • hat.visualize.cam3d
  • hat.visualize.cls
  • hat.visualize.det
  • hat.visualize.disparity
  • hat.visualize.keypoints
  • hat.visualize.lane_lines
  • hat.visualize.nuscenes
  • hat.visualize.opticalflow
  • hat.visualize.seg
  • hat.visualize.track
  • HeatMap3DTargetGenerator (class in hat.models.base_modules.target.heatmap_roi_3d_target)
  • HeatmapDecoder (class in hat.models.task_modules.carfusion_keypoints.heatmap_decoder)
  • HeatmapKeypointModel (class in hat.models.structures.keypoints.keypoint_model)
  • horizon_plugin_pytorch.functional
  • horizon_plugin_pytorch.march
  • horizon_plugin_pytorch.nn.bgr_to_yuv444
  • horizon_plugin_pytorch.nn.detection_post_process
  • horizon_plugin_pytorch.nn.detection_post_process_v1
  • horizon_plugin_pytorch.nn.functional
  • horizon_plugin_pytorch.quantization
  • horizon_plugin_pytorch.quantization.fake_quantize
  • horizon_plugin_pytorch.quantization.fuse_modules
  • horizon_plugin_pytorch.quantization.observer
  • horizon_plugin_pytorch.quantization.qconfig
  • horizon_plugin_pytorch.quantization.quantize
  • horizon_plugin_pytorch.quantization.quantize_fx
  • horizon_plugin_pytorch.utils.fx_helper
  • HorizonAdasClsPostProcessor (class in hat.models.base_modules.postprocess.argmax_postprocess)
  • HorizonSwinTransformer (class in hat.models.backbones.horizon_swin_transformer)
  • HueSaturationValue (class in hat.data.transforms.detection)

I

J

K

L

M

N

O

P

Q

R

S

T

U

V

W

X

Y