首页 星云 工具 资源 星选 资讯 热门工具
:

PDF转图片 完全免费 小红书视频下载 无水印 抖音视频下载 无水印 数字星空

wwwwwwwwwwwwwwww

行业研究 2.63MB 7 需要积分: 1
立即下载

资源介绍:

wwwwwwwwwwwwwwwwwwww
# Copyright (c) Horizon Robotics. All rights reserved. # Source code reference to mmdetection, gluoncv, gluonnas. import copy import inspect import logging import math import random from abc import abstractmethod from typing import Dict, List, Optional, Sequence, Tuple, Union import cv2 import numpy as np import torch import torchvision from hat.core.box_utils import bbox_overlaps, is_center_of_bboxes_in_roi from hat.data.transforms.functional_img import ( image_normalize, image_pad, imresize, imresize_pad_to_keep_ratio, random_flip, ) from hat.registry import OBJECT_REGISTRY from .affine import ( AffineAugMat, AffineMat2DGenerator, AffineMatFromROIBoxGenerator, AlphaImagePyramid, ImageAffineTransform, LabelAffineTransform, _pad_array, get_affine_image_resize, resize_affine_mat, ) from .bbox import ( clip_bbox, filter_bbox, remap_bbox_label_by_area, remap_bbox_label_by_clip_area_ratio, ) from .classification import BgrToYuv444, BgrToYuv444V2 from .common import Cast from .gaze import eye_ldmk_mirror try: import albumentations except ImportError: albumentations = None logger = logging.getLogger(__name__) __all__ = [ "Resize", "Resize3D", "RandomFlip", "Pad", "Normalize", "RandomCrop", "ToTensor", "Batchify", "FixedCrop", "PresetCrop", "ColorJitter", "RandomExpand", "MinIoURandomCrop", "AugmentHSV", "get_dynamic_roi_from_camera", "IterableDetRoITransform", "PadDetData", "ToFasterRCNNData", "ToMultiTaskFasterRCNNData", "PadTensorListToBatch", "PlainCopyPaste", "HueSaturationValue", "RGBShift", "MeanBlur", "MedianBlur", "RandomBrightnessContrast", "ShiftScaleRotate", "RandomResizedCrop", "AlbuImageOnlyTransform", "BoxJitter", "RandomSizeCrop", "DetYOLOv5MixUp", "DetYOLOXMixUp", "DetMosaic", "DetAffineAugTransformer", "IterableDetRoIListTransform", ] def _transform_bboxes( gt_boxes, ig_regions, img_roi, affine_aug_param, clip=True, min_valid_area=8, min_valid_clip_area_ratio=0.5, min_edge_size=2, complete_boxes=False, ): bbox_ts = LabelAffineTransform(label_type="box") ts_gt_boxes = bbox_ts( gt_boxes, affine_aug_param.mat, flip=affine_aug_param.flipped ) if clip: clip_gt_boxes = clip_bbox(ts_gt_boxes, img_roi, need_copy=True) else: clip_gt_boxes = ts_gt_boxes clip_gt_boxes = remap_bbox_label_by_area(clip_gt_boxes, min_valid_area) clip_gt_boxes = remap_bbox_label_by_clip_area_ratio( ts_gt_boxes, clip_gt_boxes, min_valid_clip_area_ratio ) if clip and complete_boxes: mask = filter_bbox( clip_gt_boxes, img_roi, allow_outside_center=True, min_edge_size=min_edge_size, return_mask=True, ) to_be_hard_flag = np.logical_and( clip_gt_boxes[:, 4] < 0, ts_gt_boxes[:, 4] > 0 ) ts_gt_boxes[to_be_hard_flag, 4] *= -1 clip_gt_boxes = ts_gt_boxes[mask] else: clip_gt_boxes = filter_bbox( clip_gt_boxes, img_roi, allow_outside_center=True, min_edge_size=min_edge_size, ) if ig_regions is not None: ts_ig_regions = bbox_ts( ig_regions, affine_aug_param.mat, flip=affine_aug_param.flipped ) if clip: clip_ig_regions = clip_bbox(ts_ig_regions, img_roi) else: clip_ig_regions = ts_ig_regions else: clip_ig_regions = None return clip_gt_boxes, clip_ig_regions @OBJECT_REGISTRY.register class Resize(object): """Resize image & bbox & mask & seg. .. note:: Affected keys: 'img', 'ori_img', 'img_shape', 'pad_shape', 'resized_shape', 'pad_shape', 'scale_factor', 'gt_bboxes', 'gt_seg', 'gt_ldmk'. Args: img_scale: See above. max_scale: The max size of image. If the image's shape > max_scale, The image is resized to max_scale multiscale_mode: Value must be one of "range" or "value". This transform resizes the input image and bbox to same scale factor. There are 3 multiscale modes: 'ratio_range' is not None: randomly sample a ratio from the ratio range and multiply with the image scale. e.g. Resize(img_scale=(400, 500)), multiscale_mode='range', ratio_range=(0.5, 2.0) 'ratio_range' is None and 'multiscale_mode' == "range": randomly sample a scale from a range, the length of img_scale[tuple] must be 2, which represent small img_scale and large img_scale. e.g. Resize(img_scale=((100, 200), (400,500)), multiscale_mode='range') 'ratio_range' is None and 'multiscale_mode' == "value": randomly sample a scale from multiple scales. e.g. Resize(img_scale=((100, 200), (300, 400), (400, 500)), multiscale_mode='value'))) ratio_range: Scale factor range like (min_ratio, max_ratio). keep_ratio: Whether to keep the aspect ratio when resizing the image. pad_to_keep_ratio: Whether to pad image to keep the same shape and aspect ratio when resizing the image to target shape. raw_scaler_enable: Whether to enable raw scaler when resize the image. sample1c_enable: Whether to sample one channel after resize the image. divisor: Width and height are rounded to multiples of `divisor`. rm_neg_coords: Whether to rm negative coordinates. """ def __init__( self, img_scale: Union[Sequence[int], Sequence[Sequence[int]]] = None, max_scale: Union[Sequence[int], Sequence[Sequence[int]]] = None, multiscale_mode: str = "range", ratio_range: Tuple[float, float] = None, keep_ratio: bool = True, pad_to_keep_ratio: bool = False, raw_scaler_enable: bool = False, sample1c_enable: bool = False, divisor: int = 1, rm_neg_coords: bool = True, split_transform: bool = False, split_trans_w: int = 256, split_trans_h: int = 256, ): if img_scale is None: self.img_scale = img_scale else: if isinstance(img_scale, (list, tuple)): if isinstance(img_scale[0], (tuple, list)): self.img_scale = img_scale else: self.img_scale = [img_scale] else: self.img_scale = [img_scale] for value in self.img_scale: assert isinstance(value, (tuple, list)), ( "you should set img_scale like a tupe/list or a list of " "tuple/list" ) self.max_scale = max_scale if ratio_range is not None: # mode 1: given a scale and a range of image ratio assert len(self.img_scale) == 1 else: # mode 2: given multiple scales or a range of scales assert multiscale_mode in ["value", "range", "max_size"] self.multiscale_mode = multiscale_mode self.ratio_range = ratio_range self.keep_ratio = keep_ratio self.pad_to_keep_ratio = pad_to_keep_ratio self.raw_scaler_enable = raw_scaler_enable self.sample1c_enable = sample1c_enable self.divisor = divisor self.rm_neg_coords = rm_neg_coords self.split_transform = split_transform self.split_trans_w = split_trans_w self.split_trans_h = split_trans_h @staticmethod def random_select(img_scales): scale_idx = np.random.randint(len(img_scales)) img_scale = img_scales[scale_idx] return img_scale, scale_idx @staticmethod def random_sample(img_scales): assert len(img_scales) == 2

资源文件列表:

hat.zip 大约有1141个文件
  1. hat/
  2. hat/__init__.py 1.11KB
  3. hat/_version.py 22B
  4. hat/registry.py 12.29KB
  5. hat/version.py 6.33KB
  6. hat/__pycache__/
  7. hat/__pycache__/__init__.cpython-38.pyc 986B
  8. hat/__pycache__/_version.cpython-38.pyc 166B
  9. hat/__pycache__/registry.cpython-38.pyc 10.45KB
  10. hat/__pycache__/version.cpython-38.pyc 4.48KB
  11. hat/callbacks/
  12. hat/callbacks/__init__.py 135B
  13. hat/callbacks/callbacks.py 1.26KB
  14. hat/callbacks/checkpoint.py 15.91KB
  15. hat/callbacks/dump_data.py 7.88KB
  16. hat/callbacks/exponential_moving_average.py 3.93KB
  17. hat/callbacks/freeze_bn.py 665B
  18. hat/callbacks/grad_scale.py 3.81KB
  19. hat/callbacks/lr_updater.py 27.13KB
  20. hat/callbacks/metric_updater.py 13.38KB
  21. hat/callbacks/monitor.py 6.59KB
  22. hat/callbacks/online_model_trick.py 6.92KB
  23. hat/callbacks/param_updater.py 18.47KB
  24. hat/callbacks/save_traced.py 3.82KB
  25. hat/callbacks/tensorboard.py 7.33KB
  26. hat/callbacks/validation.py 9.72KB
  27. hat/callbacks/__pycache__/
  28. hat/callbacks/__pycache__/__init__.cpython-38.pyc 202B
  29. hat/callbacks/__pycache__/callbacks.cpython-38.pyc 2.2KB
  30. hat/callbacks/__pycache__/checkpoint.cpython-38.pyc 10.3KB
  31. hat/callbacks/__pycache__/dump_data.cpython-38.pyc 6.33KB
  32. hat/callbacks/__pycache__/exponential_moving_average.cpython-38.pyc 3.82KB
  33. hat/callbacks/__pycache__/freeze_bn.cpython-38.pyc 1.09KB
  34. hat/callbacks/__pycache__/grad_scale.cpython-38.pyc 3.69KB
  35. hat/callbacks/__pycache__/lr_updater.cpython-38.pyc 22.84KB
  36. hat/callbacks/__pycache__/metric_updater.cpython-38.pyc 10.93KB
  37. hat/callbacks/__pycache__/monitor.cpython-38.pyc 5.76KB
  38. hat/callbacks/__pycache__/online_model_trick.cpython-38.pyc 6.55KB
  39. hat/callbacks/__pycache__/param_updater.cpython-38.pyc 14.55KB
  40. hat/callbacks/__pycache__/save_traced.cpython-38.pyc 3.21KB
  41. hat/callbacks/__pycache__/tensorboard.cpython-38.pyc 7.83KB
  42. hat/callbacks/__pycache__/validation.cpython-38.pyc 7.06KB
  43. hat/core/
  44. hat/core/__init__.py 98B
  45. hat/core/adapter.py 1.56KB
  46. hat/core/affine.py 6.42KB
  47. hat/core/anno_ts_utils.py 31.46KB
  48. hat/core/box3d_utils.py 42.68KB
  49. hat/core/box_np_ops.py 18.64KB
  50. hat/core/box_torch_ops.py 5.87KB
  51. hat/core/box_utils.py 14.71KB
  52. hat/core/cam_box3d.py 10.64KB
  53. hat/core/camera.py 7.78KB
  54. hat/core/center_utils.py 16.17KB
  55. hat/core/circle_nms_jit.py 1.09KB
  56. hat/core/colormap.py 12.28KB
  57. hat/core/crowd.py 1.63KB
  58. hat/core/cvt_pack_info.py 11.31KB
  59. hat/core/detection_utils.py 1.04KB
  60. hat/core/eq_focal_length.py 4.52KB
  61. hat/core/eval_platform_adaptor.py 3.04KB
  62. hat/core/event.py 3.26KB
  63. hat/core/heatmap.py 3.15KB
  64. hat/core/heatmap_decoder.py 2.56KB
  65. hat/core/mask2polygon.py 15.22KB
  66. hat/core/nus_box3d_utils.py 8.8KB
  67. hat/core/point_geometry.py 18.18KB
  68. hat/core/position_embedding_utils.py 9.68KB
  69. hat/core/rotate_box_utils.py 21.25KB
  70. hat/core/rotate_box_utils_v2.py 14.67KB
  71. hat/core/task_sampler.py 18.26KB
  72. hat/core/traj_pred_point_level_func.py 8.61KB
  73. hat/core/traj_pred_typing.py 19.1KB
  74. hat/core/traj_pred_utils.py 44.83KB
  75. hat/core/traj_pred_viz_module.py 39.14KB
  76. hat/core/traj_pred_viz_utils.py 15.72KB
  77. hat/core/undistort_lut.py 8.18KB
  78. hat/core/utils_3d.py 20.38KB
  79. hat/core/__pycache__/
  80. hat/core/__pycache__/__init__.cpython-38.pyc 150B
  81. hat/core/__pycache__/adapter.cpython-38.pyc 1.73KB
  82. hat/core/__pycache__/affine.cpython-38.pyc 5.83KB
  83. hat/core/__pycache__/anno_ts_utils.cpython-38.pyc 25.97KB
  84. hat/core/__pycache__/box3d_utils.cpython-38.pyc 30.88KB
  85. hat/core/__pycache__/box_np_ops.cpython-38.pyc 16.38KB
  86. hat/core/__pycache__/box_torch_ops.cpython-38.pyc 5.16KB
  87. hat/core/__pycache__/box_utils.cpython-38.pyc 11.88KB
  88. hat/core/__pycache__/cam_box3d.cpython-38.pyc 9.82KB
  89. hat/core/__pycache__/camera.cpython-38.pyc 5.95KB
  90. hat/core/__pycache__/center_utils.cpython-38.pyc 14.95KB
  91. hat/core/__pycache__/circle_nms_jit.cpython-38.pyc 1006B
  92. hat/core/__pycache__/colormap.cpython-38.pyc 12.12KB
  93. hat/core/__pycache__/crowd.cpython-38.pyc 2.2KB
  94. hat/core/__pycache__/cvt_pack_info.cpython-38.pyc 7.21KB
  95. hat/core/__pycache__/detection_utils.cpython-38.pyc 1.35KB
  96. hat/core/__pycache__/eq_focal_length.cpython-38.pyc 3.32KB
  97. hat/core/__pycache__/eval_platform_adaptor.cpython-38.pyc 2.76KB
  98. hat/core/__pycache__/event.cpython-38.pyc 4.14KB
  99. hat/core/__pycache__/heatmap.cpython-38.pyc 2.44KB
  100. hat/core/__pycache__/heatmap_decoder.cpython-38.pyc 2.43KB
  101. hat/core/__pycache__/mask2polygon.cpython-38.pyc 13.25KB
  102. hat/core/__pycache__/nus_box3d_utils.cpython-38.pyc 7.91KB
  103. hat/core/__pycache__/point_geometry.cpython-38.pyc 13.13KB
  104. hat/core/__pycache__/position_embedding_utils.cpython-38.pyc 8.11KB
  105. hat/core/__pycache__/rotate_box_utils.cpython-38.pyc 16.55KB
  106. hat/core/__pycache__/rotate_box_utils_v2.cpython-38.pyc 10.91KB
  107. hat/core/__pycache__/task_sampler.cpython-38.pyc 13.98KB
  108. hat/core/__pycache__/traj_pred_point_level_func.cpython-38.pyc 8.11KB
  109. hat/core/__pycache__/traj_pred_typing.cpython-38.pyc 16.93KB
  110. hat/core/__pycache__/traj_pred_utils.cpython-38.pyc 38.13KB
  111. hat/core/__pycache__/traj_pred_viz_module.cpython-38.pyc 24.97KB
  112. hat/core/__pycache__/traj_pred_viz_utils.cpython-38.pyc 14.82KB
  113. hat/core/__pycache__/undistort_lut.cpython-38.pyc 5.19KB
  114. hat/core/__pycache__/utils_3d.cpython-38.pyc 17.45KB
  115. hat/core/assigners/
  116. hat/core/assigners/__init__.py 154B
  117. hat/core/assigners/assign_result.py 1.79KB
  118. hat/core/assigners/hungarian_assigner_3d.py 5.11KB
  119. hat/core/assigners/__pycache__/
  120. hat/core/assigners/__pycache__/__init__.cpython-38.pyc 308B
  121. hat/core/assigners/__pycache__/assign_result.cpython-38.pyc 2.07KB
  122. hat/core/assigners/__pycache__/hungarian_assigner_3d.cpython-38.pyc 4.22KB
  123. hat/core/data_struct/
  124. hat/core/data_struct/__init__.py
  125. hat/core/data_struct/base.py 5.39KB
  126. hat/core/data_struct/base_struct.py 20.16KB
  127. hat/core/data_struct/img_structures.py 6.75KB
  128. hat/core/data_struct/__pycache__/
  129. hat/core/data_struct/__pycache__/__init__.cpython-38.pyc 162B
  130. hat/core/data_struct/__pycache__/base.cpython-38.pyc 6.09KB
  131. hat/core/data_struct/__pycache__/base_struct.cpython-38.pyc 23.41KB
  132. hat/core/data_struct/__pycache__/img_structures.cpython-38.pyc 8.13KB
  133. hat/core/differentiable_camera/
  134. hat/core/differentiable_camera/__init__.py 376B
  135. hat/core/differentiable_camera/camera.py 32.42KB
  136. hat/core/differentiable_camera/conversions.py 5.37KB
  137. hat/core/differentiable_camera/lens_module.py 20.75KB
  138. hat/core/differentiable_camera/utils.py 406B
  139. hat/core/differentiable_camera/warping_module.py 2.63KB
  140. hat/core/differentiable_camera/__pycache__/
  141. hat/core/differentiable_camera/__pycache__/__init__.cpython-38.pyc 457B
  142. hat/core/differentiable_camera/__pycache__/camera.cpython-38.pyc 24.56KB
  143. hat/core/differentiable_camera/__pycache__/conversions.cpython-38.pyc 5.03KB
  144. hat/core/differentiable_camera/__pycache__/lens_module.cpython-38.pyc 15.34KB
  145. hat/core/differentiable_camera/__pycache__/utils.cpython-38.pyc 475B
  146. hat/core/differentiable_camera/__pycache__/warping_module.cpython-38.pyc 2.72KB
  147. hat/core/eval_setting/
  148. hat/core/eval_setting/__init__.py 106B
  149. hat/core/eval_setting/parameter_def.py 4.04KB
  150. hat/core/eval_setting/__pycache__/
  151. hat/core/eval_setting/__pycache__/__init__.cpython-38.pyc 223B
  152. hat/core/eval_setting/__pycache__/parameter_def.cpython-38.pyc 4.05KB
  153. hat/core/hand3d/
  154. hat/core/hand3d/__init__.py
  155. hat/core/hand3d/hand3d_func.py 1.05KB
  156. hat/core/hand3d/__pycache__/
  157. hat/core/hand3d/__pycache__/__init__.cpython-38.pyc 157B
  158. hat/core/hand3d/__pycache__/hand3d_func.cpython-38.pyc 1.44KB
  159. hat/core/match_costs/
  160. hat/core/match_costs/__init__.py 108B
  161. hat/core/match_costs/match_cost.py 3.96KB
  162. hat/core/match_costs/__pycache__/
  163. hat/core/match_costs/__pycache__/__init__.cpython-38.pyc 266B
  164. hat/core/match_costs/__pycache__/match_cost.cpython-38.pyc 4.04KB
  165. hat/core/nlu/
  166. hat/core/nlu/__init__.py
  167. hat/core/nlu/nlu_protocol_eval.py 6.55KB
  168. hat/core/nlu/nlu_utils.py 12.48KB
  169. hat/core/nlu/__pycache__/
  170. hat/core/nlu/__pycache__/__init__.cpython-38.pyc 154B
  171. hat/core/nlu/__pycache__/nlu_protocol_eval.cpython-38.pyc 4.85KB
  172. hat/core/nlu/__pycache__/nlu_utils.cpython-38.pyc 10.83KB
  173. hat/core/nms/
  174. hat/core/nms/__init__.py 46B
  175. hat/core/nms/box3d_nms.py 10.12KB
  176. hat/core/nms/__pycache__/
  177. hat/core/nms/__pycache__/__init__.cpython-38.pyc 210B
  178. hat/core/nms/__pycache__/box3d_nms.cpython-38.pyc 6.66KB
  179. hat/core/points/
  180. hat/core/points/__init__.py 92B
  181. hat/core/points/base_points.py 14.81KB
  182. hat/core/points/__pycache__/
  183. hat/core/points/__pycache__/__init__.cpython-38.pyc 203B
  184. hat/core/points/__pycache__/base_points.cpython-38.pyc 12.39KB
  185. hat/core/proj_spec/
  186. hat/core/proj_spec/__init__.py
  187. hat/core/proj_spec/classification.py 45.48KB
  188. hat/core/proj_spec/descs.py 23.42KB
  189. hat/core/proj_spec/detection.py 8.9KB
  190. hat/core/proj_spec/lane_parsing.py 11.78KB
  191. hat/core/proj_spec/parsing.py 50.96KB
  192. hat/core/proj_spec/tracking_feature.py 386B
  193. hat/core/proj_spec/__pycache__/
  194. hat/core/proj_spec/__pycache__/__init__.cpython-38.pyc 160B
  195. hat/core/proj_spec/__pycache__/classification.cpython-38.pyc 25.36KB
  196. hat/core/proj_spec/__pycache__/descs.cpython-38.pyc 12.3KB
  197. hat/core/proj_spec/__pycache__/detection.cpython-38.pyc 6.32KB
  198. hat/core/proj_spec/__pycache__/lane_parsing.cpython-38.pyc 4.83KB
  199. hat/core/proj_spec/__pycache__/parsing.cpython-38.pyc 21KB
  200. hat/core/proj_spec/__pycache__/tracking_feature.cpython-38.pyc 555B
  201. hat/core/virtual_camera/
  202. hat/core/virtual_camera/__init__.py 556B
  203. hat/core/virtual_camera/camera_base.py 39.81KB
  204. hat/core/virtual_camera/cameras.py 8.66KB
  205. hat/core/virtual_camera/projection.py 10.34KB
  206. hat/core/virtual_camera/utils.py 14.88KB
  207. hat/core/virtual_camera/__pycache__/
  208. hat/core/virtual_camera/__pycache__/__init__.cpython-38.pyc 713B
  209. hat/core/virtual_camera/__pycache__/camera_base.cpython-38.pyc 32.97KB
  210. hat/core/virtual_camera/__pycache__/cameras.cpython-38.pyc 7.12KB
  211. hat/core/virtual_camera/__pycache__/projection.cpython-38.pyc 8.75KB
  212. hat/core/virtual_camera/__pycache__/utils.cpython-38.pyc 10.66KB
  213. hat/data/
  214. hat/data/__init__.py 224B
  215. hat/data/metas.py 1.08KB
  216. hat/data/utils.py 1.13KB
  217. hat/data/__pycache__/
  218. hat/data/__pycache__/__init__.cpython-38.pyc 324B
  219. hat/data/__pycache__/metas.cpython-38.pyc 922B
  220. hat/data/__pycache__/utils.cpython-38.pyc 1.14KB
  221. hat/data/collates/
  222. hat/data/collates/__init__.py 98B
  223. hat/data/collates/collates.py 43.57KB
  224. hat/data/collates/nusc_collates.py 2.29KB
  225. hat/data/collates/__pycache__/
  226. hat/data/collates/__pycache__/__init__.cpython-38.pyc 159B
  227. hat/data/collates/__pycache__/collates.cpython-38.pyc 31.22KB
  228. hat/data/collates/__pycache__/nusc_collates.cpython-38.pyc 1.85KB
  229. hat/data/dataloaders/
  230. hat/data/dataloaders/__init__.py 98B
  231. hat/data/dataloaders/passthrough_dataloader.py 948B
  232. hat/data/dataloaders/__pycache__/
  233. hat/data/dataloaders/__pycache__/__init__.cpython-38.pyc 162B
  234. hat/data/dataloaders/__pycache__/passthrough_dataloader.cpython-38.pyc 1.34KB
  235. hat/data/datasets/
  236. hat/data/datasets/__init__.py 98B
  237. hat/data/datasets/argoverse_dataset.py 43KB
  238. hat/data/datasets/batch_transform_dataset.py 2.33KB
  239. hat/data/datasets/carfusion_keypoints_dataset.py 8.07KB
  240. hat/data/datasets/cityscapes.py 4.61KB
  241. hat/data/datasets/culane_dataset.py 7.81KB
  242. hat/data/datasets/data_packer.py 5.72KB
  243. hat/data/datasets/dataset_wrappers.py 17.88KB
  244. hat/data/datasets/flyingchairs_dataset.py 12.57KB
  245. hat/data/datasets/imagenet.py 4.63KB
  246. hat/data/datasets/kitti2d.py 7.21KB
  247. hat/data/datasets/kitti3d.py 33.27KB
  248. hat/data/datasets/mot17_dataset.py 16.38KB
  249. hat/data/datasets/mscoco.py 9.62KB
  250. hat/data/datasets/nuscenes_dataset.py 91.61KB
  251. hat/data/datasets/rand_dataset.py 1.16KB
  252. hat/data/datasets/sceneflow_dataset.py 8.32KB
  253. hat/data/datasets/voc.py 8.18KB
  254. hat/data/datasets/__pycache__/
  255. hat/data/datasets/__pycache__/__init__.cpython-38.pyc 159B
  256. hat/data/datasets/__pycache__/argoverse_dataset.cpython-38.pyc 36.35KB
  257. hat/data/datasets/__pycache__/batch_transform_dataset.cpython-38.pyc 2.41KB
  258. hat/data/datasets/__pycache__/carfusion_keypoints_dataset.cpython-38.pyc 7.4KB
  259. hat/data/datasets/__pycache__/cityscapes.cpython-38.pyc 4.45KB
  260. hat/data/datasets/__pycache__/culane_dataset.cpython-38.pyc 7.31KB
  261. hat/data/datasets/__pycache__/data_packer.cpython-38.pyc 5.62KB
  262. hat/data/datasets/__pycache__/dataset_wrappers.cpython-38.pyc 16.53KB
  263. hat/data/datasets/__pycache__/flyingchairs_dataset.cpython-38.pyc 10.18KB
  264. hat/data/datasets/__pycache__/imagenet.cpython-38.pyc 4.96KB
  265. hat/data/datasets/__pycache__/kitti2d.cpython-38.pyc 7.06KB
  266. hat/data/datasets/__pycache__/kitti3d.cpython-38.pyc 25.95KB
  267. hat/data/datasets/__pycache__/mot17_dataset.cpython-38.pyc 12.17KB
  268. hat/data/datasets/__pycache__/mscoco.cpython-38.pyc 9.32KB
  269. hat/data/datasets/__pycache__/nuscenes_dataset.cpython-38.pyc 63.5KB
  270. hat/data/datasets/__pycache__/rand_dataset.cpython-38.pyc 1.96KB
  271. hat/data/datasets/__pycache__/sceneflow_dataset.cpython-38.pyc 8.39KB
  272. hat/data/datasets/__pycache__/voc.cpython-38.pyc 6.83KB
  273. hat/data/samplers/
  274. hat/data/samplers/__init__.py 98B
  275. hat/data/samplers/dist_cycle_sampler_multi_dataset.py 5.23KB
  276. hat/data/samplers/dist_group_sampler.py 4.54KB
  277. hat/data/samplers/dist_sampler.py 1.25KB
  278. hat/data/samplers/dist_set_epoch_dataset_sampler.py 1.1KB
  279. hat/data/samplers/selected_sampler.py 5.02KB
  280. hat/data/samplers/__pycache__/
  281. hat/data/samplers/__pycache__/__init__.cpython-38.pyc 159B
  282. hat/data/samplers/__pycache__/dist_cycle_sampler_multi_dataset.cpython-38.pyc 4.28KB
  283. hat/data/samplers/__pycache__/dist_group_sampler.cpython-38.pyc 4.08KB
  284. hat/data/samplers/__pycache__/dist_sampler.cpython-38.pyc 1.42KB
  285. hat/data/samplers/__pycache__/dist_set_epoch_dataset_sampler.cpython-38.pyc 1.43KB
  286. hat/data/samplers/__pycache__/selected_sampler.cpython-38.pyc 4.45KB
  287. hat/data/transforms/
  288. hat/data/transforms/__init__.py 98B
  289. hat/data/transforms/affine.py 48.25KB
  290. hat/data/transforms/bbox.py 2.48KB
  291. hat/data/transforms/classification.py 4.31KB
  292. hat/data/transforms/common.py 16.51KB
  293. hat/data/transforms/detection.py 185.35KB
  294. hat/data/transforms/faceid.py 21.67KB
  295. hat/data/transforms/functional_img.py 17.68KB
  296. hat/data/transforms/functional_target.py 686B
  297. hat/data/transforms/grid_mask.py 3.05KB
  298. hat/data/transforms/keypoints.py 4.75KB
  299. hat/data/transforms/lidar.py 24.56KB
  300. hat/data/transforms/multi_views.py 13.96KB
  301. hat/data/transforms/segmentation.py 39.23KB
  302. hat/data/transforms/seq_transform.py 12.28KB
  303. hat/data/transforms/__pycache__/
  304. hat/data/transforms/__pycache__/__init__.cpython-38.pyc 161B
  305. hat/data/transforms/__pycache__/affine.cpython-38.pyc 41.06KB
  306. hat/data/transforms/__pycache__/bbox.cpython-38.pyc 2.37KB
  307. hat/data/transforms/__pycache__/classification.cpython-38.pyc 4.64KB
  308. hat/data/transforms/__pycache__/common.cpython-38.pyc 17.3KB
  309. hat/data/transforms/__pycache__/detection.cpython-38.pyc 128.71KB
  310. hat/data/transforms/__pycache__/faceid.cpython-38.pyc 18.07KB
  311. hat/data/transforms/__pycache__/functional_img.cpython-38.pyc 12.86KB
  312. hat/data/transforms/__pycache__/functional_target.cpython-38.pyc 894B
  313. hat/data/transforms/__pycache__/grid_mask.cpython-38.pyc 2.88KB
  314. hat/data/transforms/__pycache__/keypoints.cpython-38.pyc 4.77KB
  315. hat/data/transforms/__pycache__/lidar.cpython-38.pyc 19.09KB
  316. hat/data/transforms/__pycache__/multi_views.cpython-38.pyc 13.58KB
  317. hat/data/transforms/__pycache__/segmentation.cpython-38.pyc 32.81KB
  318. hat/data/transforms/__pycache__/seq_transform.cpython-38.pyc 11.85KB
  319. hat/data/transforms/gaze/
  320. hat/data/transforms/gaze/__init__.py 378B
  321. hat/data/transforms/gaze/gaze.py 22.54KB
  322. hat/data/transforms/gaze/utils.py 7.22KB
  323. hat/data/transforms/gaze/__pycache__/
  324. hat/data/transforms/gaze/__pycache__/__init__.cpython-38.pyc 432B
  325. hat/data/transforms/gaze/__pycache__/gaze.cpython-38.pyc 17.79KB
  326. hat/data/transforms/gaze/__pycache__/utils.cpython-38.pyc 6.75KB
  327. hat/data/transforms/lidar_utils/
  328. hat/data/transforms/lidar_utils/__init__.py 809B
  329. hat/data/transforms/lidar_utils/lidar_transform_3d.py 21.91KB
  330. hat/data/transforms/lidar_utils/preprocess.py 45.43KB
  331. hat/data/transforms/lidar_utils/sample_ops.py 18.59KB
  332. hat/data/transforms/lidar_utils/voxel_generator.py 10.76KB
  333. hat/data/transforms/lidar_utils/__pycache__/
  334. hat/data/transforms/lidar_utils/__pycache__/__init__.cpython-38.pyc 842B
  335. hat/data/transforms/lidar_utils/__pycache__/lidar_transform_3d.cpython-38.pyc 16.21KB
  336. hat/data/transforms/lidar_utils/__pycache__/preprocess.cpython-38.pyc 32.72KB
  337. hat/data/transforms/lidar_utils/__pycache__/sample_ops.cpython-38.pyc 11.82KB
  338. hat/data/transforms/lidar_utils/__pycache__/voxel_generator.cpython-38.pyc 6.92KB
  339. hat/engine/
  340. hat/engine/__init__.py 533B
  341. hat/engine/calibrator.py 4.31KB
  342. hat/engine/ddp_trainer.py 18.75KB
  343. hat/engine/dp_trainer.py 4.56KB
  344. hat/engine/launcher.py 342B
  345. hat/engine/loop_base.py 23.55KB
  346. hat/engine/predictor.py 3.21KB
  347. hat/engine/trainer.py 5.55KB
  348. hat/engine/__pycache__/
  349. hat/engine/__pycache__/__init__.cpython-38.pyc 610B
  350. hat/engine/__pycache__/calibrator.cpython-38.pyc 3.8KB
  351. hat/engine/__pycache__/ddp_trainer.cpython-38.pyc 12.51KB
  352. hat/engine/__pycache__/dp_trainer.cpython-38.pyc 4.08KB
  353. hat/engine/__pycache__/launcher.cpython-38.pyc 551B
  354. hat/engine/__pycache__/loop_base.cpython-38.pyc 15.74KB
  355. hat/engine/__pycache__/predictor.cpython-38.pyc 3.27KB
  356. hat/engine/__pycache__/trainer.cpython-38.pyc 5.19KB
  357. hat/engine/processors/
  358. hat/engine/processors/__init__.py 385B
  359. hat/engine/processors/loss_collector.py 3.56KB
  360. hat/engine/processors/processor.py 45.69KB
  361. hat/engine/processors/__pycache__/
  362. hat/engine/processors/__pycache__/__init__.cpython-38.pyc 428B
  363. hat/engine/processors/__pycache__/loss_collector.cpython-38.pyc 3.42KB
  364. hat/engine/processors/__pycache__/processor.cpython-38.pyc 21.71KB
  365. hat/metrics/
  366. hat/metrics/__init__.py 98B
  367. hat/metrics/acc.py 6.68KB
  368. hat/metrics/argoverse_metric.py 8.31KB
  369. hat/metrics/coco_detection.py 9.09KB
  370. hat/metrics/kitti2d_detection.py 19.02KB
  371. hat/metrics/kitti3d_detection.py 36.34KB
  372. hat/metrics/loss_show.py 2.13KB
  373. hat/metrics/mean_iou.py 5.52KB
  374. hat/metrics/metric.py 7.52KB
  375. hat/metrics/metric_3dv_utils.py 33.18KB
  376. hat/metrics/metric_keypoints.py 3.96KB
  377. hat/metrics/metric_lane_detection.py 7.11KB
  378. hat/metrics/metric_optical_flow.py 1.51KB
  379. hat/metrics/mot_metrics.py 5.62KB
  380. hat/metrics/nuscenes_metric.py 18.5KB
  381. hat/metrics/utils.py 468B
  382. hat/metrics/voc_detection.py 16.89KB
  383. hat/metrics/__pycache__/
  384. hat/metrics/__pycache__/__init__.cpython-38.pyc 153B
  385. hat/metrics/__pycache__/acc.cpython-38.pyc 5.35KB
  386. hat/metrics/__pycache__/argoverse_metric.cpython-38.pyc 6.97KB
  387. hat/metrics/__pycache__/coco_detection.cpython-38.pyc 7.49KB
  388. hat/metrics/__pycache__/kitti2d_detection.cpython-38.pyc 9.34KB
  389. hat/metrics/__pycache__/kitti3d_detection.cpython-38.pyc 22.6KB
  390. hat/metrics/__pycache__/loss_show.cpython-38.pyc 2.81KB
  391. hat/metrics/__pycache__/mean_iou.cpython-38.pyc 4.79KB
  392. hat/metrics/__pycache__/metric.cpython-38.pyc 7.23KB
  393. hat/metrics/__pycache__/metric_3dv_utils.cpython-38.pyc 23.29KB
  394. hat/metrics/__pycache__/metric_keypoints.cpython-38.pyc 3.94KB
  395. hat/metrics/__pycache__/metric_lane_detection.cpython-38.pyc 5.86KB
  396. hat/metrics/__pycache__/metric_optical_flow.cpython-38.pyc 1.68KB
  397. hat/metrics/__pycache__/mot_metrics.cpython-38.pyc 5.2KB
  398. hat/metrics/__pycache__/nuscenes_metric.cpython-38.pyc 13.37KB
  399. hat/metrics/__pycache__/utils.cpython-38.pyc 755B
  400. hat/metrics/__pycache__/voc_detection.cpython-38.pyc 12.24KB
  401. hat/models/
  402. hat/models/__init__.py 98B
  403. hat/models/embeddings.py 11.82KB
  404. hat/models/utils.py 3.53KB
  405. hat/models/weight_init.py 4.35KB
  406. hat/models/__pycache__/
  407. hat/models/__pycache__/__init__.cpython-38.pyc 152B
  408. hat/models/__pycache__/embeddings.cpython-38.pyc 10.32KB
  409. hat/models/__pycache__/utils.cpython-38.pyc 3.29KB
  410. hat/models/__pycache__/weight_init.cpython-38.pyc 3.66KB
  411. hat/models/backbones/
  412. hat/models/backbones/__init__.py 98B
  413. hat/models/backbones/efficientnet.py 14.27KB
  414. hat/models/backbones/horizon_swin_transformer.py 7.71KB
  415. hat/models/backbones/mixvargenet.py 13.04KB
  416. hat/models/backbones/mobilenetv1.py 4.85KB
  417. hat/models/backbones/mobilenetv2.py 5.48KB
  418. hat/models/backbones/resnet.py 13.29KB
  419. hat/models/backbones/vargconvnet.py 6.95KB
  420. hat/models/backbones/vargdarknet.py 4.96KB
  421. hat/models/backbones/vargnetv2.py 15.88KB
  422. hat/models/backbones/__pycache__/
  423. hat/models/backbones/__pycache__/__init__.cpython-38.pyc 162B
  424. hat/models/backbones/__pycache__/efficientnet.cpython-38.pyc 9.15KB
  425. hat/models/backbones/__pycache__/horizon_swin_transformer.cpython-38.pyc 6.71KB
  426. hat/models/backbones/__pycache__/mixvargenet.cpython-38.pyc 10.37KB
  427. hat/models/backbones/__pycache__/mobilenetv1.cpython-38.pyc 4.01KB
  428. hat/models/backbones/__pycache__/mobilenetv2.cpython-38.pyc 4.26KB
  429. hat/models/backbones/__pycache__/resnet.cpython-38.pyc 9.48KB
  430. hat/models/backbones/__pycache__/vargconvnet.cpython-38.pyc 4.3KB
  431. hat/models/backbones/__pycache__/vargdarknet.cpython-38.pyc 4.05KB
  432. hat/models/backbones/__pycache__/vargnetv2.cpython-38.pyc 11.7KB
  433. hat/models/backbones/contrib/
  434. hat/models/backbones/contrib/__init__.py 230B
  435. hat/models/backbones/contrib/mobilenetv2.py 9.43KB
  436. hat/models/backbones/contrib/resnet.py 13.04KB
  437. hat/models/backbones/contrib/__pycache__/
  438. hat/models/backbones/contrib/__pycache__/__init__.cpython-38.pyc 373B
  439. hat/models/backbones/contrib/__pycache__/mobilenetv2.cpython-38.pyc 6.32KB
  440. hat/models/backbones/contrib/__pycache__/resnet.cpython-38.pyc 7.86KB
  441. hat/models/base_modules/
  442. hat/models/base_modules/__init__.py 98B
  443. hat/models/base_modules/activation.py 1.12KB
  444. hat/models/base_modules/anchor_generator.py 195B
  445. hat/models/base_modules/attention.py 10.53KB
  446. hat/models/base_modules/basic_efficientnet_module.py 12.35KB
  447. hat/models/base_modules/basic_horizon_swin_module.py 19.29KB
  448. hat/models/base_modules/basic_mixvargenet_module.py 13.55KB
  449. hat/models/base_modules/basic_repvgg_module.py 9.01KB
  450. hat/models/base_modules/basic_resnet_module.py 5.44KB
  451. hat/models/base_modules/basic_swin_module.py 22.07KB
  452. hat/models/base_modules/basic_timesformer_module.py 11.88KB
  453. hat/models/base_modules/basic_vargconvnet_module.py 3.05KB
  454. hat/models/base_modules/basic_vargdarknet_module.py 2.12KB
  455. hat/models/base_modules/basic_vargnasnet_module.py 2.05KB
  456. hat/models/base_modules/basic_vargnet_module.py 20.24KB
  457. hat/models/base_modules/bbox_decoder.py 2KB
  458. hat/models/base_modules/conv_compactor.py 2.2KB
  459. hat/models/base_modules/conv_factory.py 2.84KB
  460. hat/models/base_modules/conv_module.py 14.29KB
  461. hat/models/base_modules/dequant_module.py 1.18KB
  462. hat/models/base_modules/extend_container.py 2.68KB
  463. hat/models/base_modules/gn_module.py 4.62KB
  464. hat/models/base_modules/inverted_residual.py 2.72KB
  465. hat/models/base_modules/label_encoder.py 74.94KB
  466. hat/models/base_modules/loss_hard_neg_mining.py 6.76KB
  467. hat/models/base_modules/matcher.py 6.27KB
  468. hat/models/base_modules/mlp_module.py 1.28KB
  469. hat/models/base_modules/position_encoding.py 2.14KB
  470. hat/models/base_modules/quant_module.py 719B
  471. hat/models/base_modules/reparam.py 7.53KB
  472. hat/models/base_modules/resize_parser.py 3.79KB
  473. hat/models/base_modules/roi_feat_extractors.py 12.22KB
  474. hat/models/base_modules/sandglass.py 3.08KB
  475. hat/models/base_modules/separable_conv_module.py 4.95KB
  476. hat/models/base_modules/transformer_attentions.py 34.83KB
  477. hat/models/base_modules/transformer_bricks.py 8.38KB
  478. hat/models/base_modules/__pycache__/
  479. hat/models/base_modules/__pycache__/__init__.cpython-38.pyc 165B
  480. hat/models/base_modules/__pycache__/activation.cpython-38.pyc 1.67KB
  481. hat/models/base_modules/__pycache__/anchor_generator.cpython-38.pyc 312B
  482. hat/models/base_modules/__pycache__/attention.cpython-38.pyc 6.75KB
  483. hat/models/base_modules/__pycache__/basic_efficientnet_module.cpython-38.pyc 6.37KB
  484. hat/models/base_modules/__pycache__/basic_horizon_swin_module.cpython-38.pyc 15.31KB
  485. hat/models/base_modules/__pycache__/basic_mixvargenet_module.cpython-38.pyc 8.2KB
  486. hat/models/base_modules/__pycache__/basic_repvgg_module.cpython-38.pyc 7.94KB
  487. hat/models/base_modules/__pycache__/basic_resnet_module.cpython-38.pyc 3.78KB
  488. hat/models/base_modules/__pycache__/basic_swin_module.cpython-38.pyc 16.09KB
  489. hat/models/base_modules/__pycache__/basic_timesformer_module.cpython-38.pyc 8.06KB
  490. hat/models/base_modules/__pycache__/basic_vargconvnet_module.cpython-38.pyc 2.39KB
  491. hat/models/base_modules/__pycache__/basic_vargdarknet_module.cpython-38.pyc 2.13KB
  492. hat/models/base_modules/__pycache__/basic_vargnasnet_module.cpython-38.pyc 1.97KB
  493. hat/models/base_modules/__pycache__/basic_vargnet_module.cpython-38.pyc 12.1KB
  494. hat/models/base_modules/__pycache__/bbox_decoder.cpython-38.pyc 2.13KB
  495. hat/models/base_modules/__pycache__/conv_compactor.cpython-38.pyc 2.77KB
  496. hat/models/base_modules/__pycache__/conv_factory.cpython-38.pyc 1.78KB
  497. hat/models/base_modules/__pycache__/conv_module.cpython-38.pyc 11.9KB
  498. hat/models/base_modules/__pycache__/dequant_module.cpython-38.pyc 1.47KB
  499. hat/models/base_modules/__pycache__/extend_container.cpython-38.pyc 2.96KB
  500. hat/models/base_modules/__pycache__/gn_module.cpython-38.pyc 2.99KB
  501. hat/models/base_modules/__pycache__/inverted_residual.cpython-38.pyc 2.22KB
  502. hat/models/base_modules/__pycache__/label_encoder.cpython-38.pyc 43.14KB
  503. hat/models/base_modules/__pycache__/loss_hard_neg_mining.cpython-38.pyc 4.83KB
  504. hat/models/base_modules/__pycache__/matcher.cpython-38.pyc 6.03KB
  505. hat/models/base_modules/__pycache__/mlp_module.cpython-38.pyc 1.46KB
  506. hat/models/base_modules/__pycache__/position_encoding.cpython-38.pyc 2.4KB
  507. hat/models/base_modules/__pycache__/quant_module.cpython-38.pyc 1.23KB
  508. hat/models/base_modules/__pycache__/reparam.cpython-38.pyc 6.53KB
  509. hat/models/base_modules/__pycache__/resize_parser.cpython-38.pyc 3.18KB
  510. hat/models/base_modules/__pycache__/roi_feat_extractors.cpython-38.pyc 11.43KB
  511. hat/models/base_modules/__pycache__/sandglass.cpython-38.pyc 2.28KB
  512. hat/models/base_modules/__pycache__/separable_conv_module.cpython-38.pyc 4.28KB
  513. hat/models/base_modules/__pycache__/transformer_attentions.cpython-38.pyc 22.72KB
  514. hat/models/base_modules/__pycache__/transformer_bricks.cpython-38.pyc 6.85KB
  515. hat/models/base_modules/postprocess/
  516. hat/models/base_modules/postprocess/__init__.py 659B
  517. hat/models/base_modules/postprocess/add_desc.py 4KB
  518. hat/models/base_modules/postprocess/anchor_postprocess.py 4.22KB
  519. hat/models/base_modules/postprocess/argmax_postprocess.py 2.75KB
  520. hat/models/base_modules/postprocess/filter_module.py 1.71KB
  521. hat/models/base_modules/postprocess/max_postprocess.py 2.22KB
  522. hat/models/base_modules/postprocess/postprocess.py 760B
  523. hat/models/base_modules/postprocess/rcnn_postprocess.py 5.36KB
  524. hat/models/base_modules/postprocess/rle_postprocess.py 1.98KB
  525. hat/models/base_modules/postprocess/__pycache__/
  526. hat/models/base_modules/postprocess/__pycache__/__init__.cpython-38.pyc 738B
  527. hat/models/base_modules/postprocess/__pycache__/add_desc.cpython-38.pyc 3.67KB
  528. hat/models/base_modules/postprocess/__pycache__/anchor_postprocess.cpython-38.pyc 4.76KB
  529. hat/models/base_modules/postprocess/__pycache__/argmax_postprocess.cpython-38.pyc 2.83KB
  530. hat/models/base_modules/postprocess/__pycache__/filter_module.cpython-38.pyc 2.09KB
  531. hat/models/base_modules/postprocess/__pycache__/max_postprocess.cpython-38.pyc 2.14KB
  532. hat/models/base_modules/postprocess/__pycache__/postprocess.cpython-38.pyc 1.08KB
  533. hat/models/base_modules/postprocess/__pycache__/rcnn_postprocess.cpython-38.pyc 4.85KB
  534. hat/models/base_modules/postprocess/__pycache__/rle_postprocess.cpython-38.pyc 2.29KB
  535. hat/models/base_modules/target/
  536. hat/models/base_modules/target/__init__.py 563B
  537. hat/models/base_modules/target/bbox_target.py 26.5KB
  538. hat/models/base_modules/target/heatmap_roi_3d_target.py 13.82KB
  539. hat/models/base_modules/target/reshape_target.py 1.67KB
  540. hat/models/base_modules/target/__pycache__/
  541. hat/models/base_modules/target/__pycache__/__init__.cpython-38.pyc 584B
  542. hat/models/base_modules/target/__pycache__/bbox_target.cpython-38.pyc 17.24KB
  543. hat/models/base_modules/target/__pycache__/heatmap_roi_3d_target.cpython-38.pyc 6.63KB
  544. hat/models/base_modules/target/__pycache__/reshape_target.cpython-38.pyc 1.79KB
  545. hat/models/losses/
  546. hat/models/losses/__init__.py 98B
  547. hat/models/losses/cross_entropy_loss.py 15.84KB
  548. hat/models/losses/focal_loss.py 12.64KB
  549. hat/models/losses/giou_loss.py 3.49KB
  550. hat/models/losses/hinge_loss.py 10.11KB
  551. hat/models/losses/l1_loss.py 2.47KB
  552. hat/models/losses/lnnorm_loss.py 2.1KB
  553. hat/models/losses/mse_loss.py 2.46KB
  554. hat/models/losses/seg_loss.py 8.73KB
  555. hat/models/losses/smooth_l1_loss.py 2.88KB
  556. hat/models/losses/utils.py 3.12KB
  557. hat/models/losses/yolo_losses.py 9.64KB
  558. hat/models/losses/__pycache__/
  559. hat/models/losses/__pycache__/__init__.cpython-38.pyc 159B
  560. hat/models/losses/__pycache__/cross_entropy_loss.cpython-38.pyc 12.24KB
  561. hat/models/losses/__pycache__/focal_loss.cpython-38.pyc 10.86KB
  562. hat/models/losses/__pycache__/giou_loss.cpython-38.pyc 3.08KB
  563. hat/models/losses/__pycache__/hinge_loss.cpython-38.pyc 8.2KB
  564. hat/models/losses/__pycache__/l1_loss.cpython-38.pyc 2.2KB
  565. hat/models/losses/__pycache__/lnnorm_loss.cpython-38.pyc 2.25KB
  566. hat/models/losses/__pycache__/mse_loss.cpython-38.pyc 2.25KB
  567. hat/models/losses/__pycache__/seg_loss.cpython-38.pyc 8.31KB
  568. hat/models/losses/__pycache__/smooth_l1_loss.cpython-38.pyc 2.58KB
  569. hat/models/losses/__pycache__/utils.cpython-38.pyc 2.8KB
  570. hat/models/losses/__pycache__/yolo_losses.cpython-38.pyc 5.97KB
  571. hat/models/model_convert/
  572. hat/models/model_convert/__init__.py 36B
  573. hat/models/model_convert/converters.py 20.98KB
  574. hat/models/model_convert/pipelines.py 6.89KB
  575. hat/models/model_convert/__pycache__/
  576. hat/models/model_convert/__pycache__/__init__.cpython-38.pyc 221B
  577. hat/models/model_convert/__pycache__/converters.cpython-38.pyc 17.87KB
  578. hat/models/model_convert/__pycache__/pipelines.cpython-38.pyc 6.27KB
  579. hat/models/necks/
  580. hat/models/necks/__init__.py 98B
  581. hat/models/necks/bifpn.py 21.06KB
  582. hat/models/necks/dw_unet.py 8.29KB
  583. hat/models/necks/fast_scnn.py 8.74KB
  584. hat/models/necks/fpn.py 8.56KB
  585. hat/models/necks/pafpn.py 20.49KB
  586. hat/models/necks/retinanet_fpn.py 3.29KB
  587. hat/models/necks/second_neck.py 5.95KB
  588. hat/models/necks/unet.py 10.75KB
  589. hat/models/necks/yolov3.py 6.21KB
  590. hat/models/necks/yolov3_group.py 8.08KB
  591. hat/models/necks/__pycache__/
  592. hat/models/necks/__pycache__/__init__.cpython-38.pyc 158B
  593. hat/models/necks/__pycache__/bifpn.cpython-38.pyc 14.77KB
  594. hat/models/necks/__pycache__/dw_unet.cpython-38.pyc 5.94KB
  595. hat/models/necks/__pycache__/fast_scnn.cpython-38.pyc 7.75KB
  596. hat/models/necks/__pycache__/fpn.cpython-38.pyc 5.58KB
  597. hat/models/necks/__pycache__/pafpn.cpython-38.pyc 12.45KB
  598. hat/models/necks/__pycache__/retinanet_fpn.cpython-38.pyc 3.32KB
  599. hat/models/necks/__pycache__/second_neck.cpython-38.pyc 4.66KB
  600. hat/models/necks/__pycache__/unet.cpython-38.pyc 7.79KB
  601. hat/models/necks/__pycache__/yolov3.cpython-38.pyc 4.76KB
  602. hat/models/necks/__pycache__/yolov3_group.cpython-38.pyc 5.1KB
  603. hat/models/structures/
  604. hat/models/structures/view_fusion1.py 8.69KB
  605. hat/models/structures/__init__.py 98B
  606. hat/models/structures/classifier.py 3.06KB
  607. hat/models/structures/encoder_decoder.py 4.69KB
  608. hat/models/structures/motion_forecasting.py 1.96KB
  609. hat/models/structures/segmentor.py 5.28KB
  610. hat/models/structures/view_fusion.py 7.92KB
  611. hat/models/structures/__pycache__/
  612. hat/models/structures/__pycache__/__init__.cpython-38.pyc 163B
  613. hat/models/structures/__pycache__/classifier.cpython-38.pyc 2.91KB
  614. hat/models/structures/__pycache__/encoder_decoder.cpython-38.pyc 4.09KB
  615. hat/models/structures/__pycache__/motion_forecasting.cpython-38.pyc 2.11KB
  616. hat/models/structures/__pycache__/segmentor.cpython-38.pyc 4.71KB
  617. hat/models/structures/__pycache__/view_fusion.cpython-38.pyc 6.38KB
  618. hat/models/structures/detectors/
  619. hat/models/structures/detectors/__init__.py 461B
  620. hat/models/structures/detectors/centerpoint.py 7.39KB
  621. hat/models/structures/detectors/detr.py 2.45KB
  622. hat/models/structures/detectors/detr3d.py 5.42KB
  623. hat/models/structures/detectors/fcos.py 3.05KB
  624. hat/models/structures/detectors/fcos3d.py 3.9KB
  625. hat/models/structures/detectors/pointpillars.py 7.99KB
  626. hat/models/structures/detectors/retinanet.py 5.06KB
  627. hat/models/structures/detectors/yolov3.py 2.74KB
  628. hat/models/structures/detectors/__pycache__/
  629. hat/models/structures/detectors/__pycache__/__init__.cpython-38.pyc 592B
  630. hat/models/structures/detectors/__pycache__/centerpoint.cpython-38.pyc 5.21KB
  631. hat/models/structures/detectors/__pycache__/detr.cpython-38.pyc 2.66KB
  632. hat/models/structures/detectors/__pycache__/detr3d.cpython-38.pyc 5.31KB
  633. hat/models/structures/detectors/__pycache__/fcos.cpython-38.pyc 2.96KB
  634. hat/models/structures/detectors/__pycache__/fcos3d.cpython-38.pyc 2.99KB
  635. hat/models/structures/detectors/__pycache__/pointpillars.cpython-38.pyc 5.4KB
  636. hat/models/structures/detectors/__pycache__/retinanet.cpython-38.pyc 4.55KB
  637. hat/models/structures/detectors/__pycache__/yolov3.cpython-38.pyc 2.54KB
  638. hat/models/structures/disparity_pred/
  639. hat/models/structures/disparity_pred/__init__.py 157B
  640. hat/models/structures/disparity_pred/stereonet.py 5.05KB
  641. hat/models/structures/disparity_pred/__pycache__/
  642. hat/models/structures/disparity_pred/__pycache__/__init__.cpython-38.pyc 278B
  643. hat/models/structures/disparity_pred/__pycache__/stereonet.cpython-38.pyc 4.42KB
  644. hat/models/structures/keypoints/
  645. hat/models/structures/keypoints/__init__.py 50B
  646. hat/models/structures/keypoints/keypoint_model.py 2.42KB
  647. hat/models/structures/keypoints/__pycache__/
  648. hat/models/structures/keypoints/__pycache__/__init__.cpython-38.pyc 232B
  649. hat/models/structures/keypoints/__pycache__/keypoint_model.cpython-38.pyc 2.59KB
  650. hat/models/structures/lane_pred/
  651. hat/models/structures/lane_pred/__init__.py 46B
  652. hat/models/structures/lane_pred/ganet.py 2.3KB
  653. hat/models/structures/lane_pred/__pycache__/
  654. hat/models/structures/lane_pred/__pycache__/__init__.cpython-38.pyc 230B
  655. hat/models/structures/lane_pred/__pycache__/ganet.cpython-38.pyc 2.33KB
  656. hat/models/structures/lidar_multitask/
  657. hat/models/structures/lidar_multitask/__init__.py 74B
  658. hat/models/structures/lidar_multitask/lidar_multitask.py 5.68KB
  659. hat/models/structures/lidar_multitask/__pycache__/
  660. hat/models/structures/lidar_multitask/__pycache__/__init__.cpython-38.pyc 255B
  661. hat/models/structures/lidar_multitask/__pycache__/lidar_multitask.cpython-38.pyc 4.05KB
  662. hat/models/structures/opticalflow/
  663. hat/models/structures/opticalflow/__init__.py 112B
  664. hat/models/structures/opticalflow/pwcnet.py 2.99KB
  665. hat/models/structures/opticalflow/__pycache__/
  666. hat/models/structures/opticalflow/__pycache__/__init__.cpython-38.pyc 236B
  667. hat/models/structures/opticalflow/__pycache__/pwcnet.cpython-38.pyc 2.92KB
  668. hat/models/structures/track_pred/
  669. hat/models/structures/track_pred/__init__.py 43B
  670. hat/models/structures/track_pred/motr.py 12.34KB
  671. hat/models/structures/track_pred/__pycache__/
  672. hat/models/structures/track_pred/__pycache__/__init__.cpython-38.pyc 229B
  673. hat/models/structures/track_pred/__pycache__/motr.cpython-38.pyc 7.99KB
  674. hat/models/task_modules/
  675. hat/models/task_modules/__init__.py 98B
  676. hat/models/task_modules/__pycache__/
  677. hat/models/task_modules/__pycache__/__init__.cpython-38.pyc 165B
  678. hat/models/task_modules/carfusion_keypoints/
  679. hat/models/task_modules/carfusion_keypoints/__init__.py 132B
  680. hat/models/task_modules/carfusion_keypoints/heatmap_decoder.py 1.22KB
  681. hat/models/task_modules/carfusion_keypoints/keypoint_head.py 3.21KB
  682. hat/models/task_modules/carfusion_keypoints/__pycache__/
  683. hat/models/task_modules/carfusion_keypoints/__pycache__/__init__.cpython-38.pyc 319B
  684. hat/models/task_modules/carfusion_keypoints/__pycache__/heatmap_decoder.cpython-38.pyc 1.68KB
  685. hat/models/task_modules/carfusion_keypoints/__pycache__/keypoint_head.cpython-38.pyc 2.92KB
  686. hat/models/task_modules/centerpoint/
  687. hat/models/task_modules/centerpoint/__init__.py 682B
  688. hat/models/task_modules/centerpoint/bbox_coders.py 8.36KB
  689. hat/models/task_modules/centerpoint/decoder.py 9.58KB
  690. hat/models/task_modules/centerpoint/head.py 10.65KB
  691. hat/models/task_modules/centerpoint/loss.py 4.55KB
  692. hat/models/task_modules/centerpoint/post_process.py 12.26KB
  693. hat/models/task_modules/centerpoint/pre_process.py 3.3KB
  694. hat/models/task_modules/centerpoint/target.py 22.76KB
  695. hat/models/task_modules/centerpoint/__pycache__/
  696. hat/models/task_modules/centerpoint/__pycache__/__init__.cpython-38.pyc 747B
  697. hat/models/task_modules/centerpoint/__pycache__/bbox_coders.cpython-38.pyc 6.33KB
  698. hat/models/task_modules/centerpoint/__pycache__/decoder.cpython-38.pyc 6.64KB
  699. hat/models/task_modules/centerpoint/__pycache__/head.cpython-38.pyc 9.06KB
  700. hat/models/task_modules/centerpoint/__pycache__/loss.cpython-38.pyc 3.69KB
  701. hat/models/task_modules/centerpoint/__pycache__/post_process.cpython-38.pyc 8.1KB
  702. hat/models/task_modules/centerpoint/__pycache__/pre_process.cpython-38.pyc 3.16KB
  703. hat/models/task_modules/centerpoint/__pycache__/target.cpython-38.pyc 13.4KB
  704. hat/models/task_modules/deeplab/
  705. hat/models/task_modules/deeplab/__init__.py 103B
  706. hat/models/task_modules/deeplab/head.py 11.4KB
  707. hat/models/task_modules/deeplab/__pycache__/
  708. hat/models/task_modules/deeplab/__pycache__/__init__.cpython-38.pyc 241B
  709. hat/models/task_modules/deeplab/__pycache__/head.cpython-38.pyc 8.43KB
  710. hat/models/task_modules/detr/
  711. hat/models/task_modules/detr/__init__.py 403B
  712. hat/models/task_modules/detr/criterion.py 10.4KB
  713. hat/models/task_modules/detr/head.py 7.68KB
  714. hat/models/task_modules/detr/matcher.py 5.85KB
  715. hat/models/task_modules/detr/post_process.py 1.59KB
  716. hat/models/task_modules/detr/transformer.py 20.06KB
  717. hat/models/task_modules/detr/__pycache__/
  718. hat/models/task_modules/detr/__pycache__/__init__.cpython-38.pyc 500B
  719. hat/models/task_modules/detr/__pycache__/criterion.cpython-38.pyc 9.38KB
  720. hat/models/task_modules/detr/__pycache__/head.cpython-38.pyc 5.66KB
  721. hat/models/task_modules/detr/__pycache__/matcher.cpython-38.pyc 5.15KB
  722. hat/models/task_modules/detr/__pycache__/post_process.cpython-38.pyc 1.52KB
  723. hat/models/task_modules/detr/__pycache__/transformer.cpython-38.pyc 14.37KB
  724. hat/models/task_modules/detr3d/
  725. hat/models/task_modules/detr3d/__init__.py 264B
  726. hat/models/task_modules/detr3d/head.py 32.91KB
  727. hat/models/task_modules/detr3d/post_process.py 4.12KB
  728. hat/models/task_modules/detr3d/target.py 7.14KB
  729. hat/models/task_modules/detr3d/__pycache__/
  730. hat/models/task_modules/detr3d/__pycache__/__init__.cpython-38.pyc 420B
  731. hat/models/task_modules/detr3d/__pycache__/head.cpython-38.pyc 25.56KB
  732. hat/models/task_modules/detr3d/__pycache__/post_process.cpython-38.pyc 4.02KB
  733. hat/models/task_modules/detr3d/__pycache__/target.cpython-38.pyc 6.17KB
  734. hat/models/task_modules/fcn/
  735. hat/models/task_modules/fcn/__init__.py 194B
  736. hat/models/task_modules/fcn/decoder.py 1.32KB
  737. hat/models/task_modules/fcn/head.py 6.51KB
  738. hat/models/task_modules/fcn/target.py 1.11KB
  739. hat/models/task_modules/fcn/__pycache__/
  740. hat/models/task_modules/fcn/__pycache__/__init__.cpython-38.pyc 366B
  741. hat/models/task_modules/fcn/__pycache__/decoder.cpython-38.pyc 1.53KB
  742. hat/models/task_modules/fcn/__pycache__/head.cpython-38.pyc 5.21KB
  743. hat/models/task_modules/fcn/__pycache__/target.cpython-38.pyc 1.42KB
  744. hat/models/task_modules/fcos/
  745. hat/models/task_modules/fcos/__init__.py 705B
  746. hat/models/task_modules/fcos/decoder.py 32.11KB
  747. hat/models/task_modules/fcos/fcos_loss.py 3.35KB
  748. hat/models/task_modules/fcos/filter.py 6.81KB
  749. hat/models/task_modules/fcos/head.py 44.96KB
  750. hat/models/task_modules/fcos/target.py 59.38KB
  751. hat/models/task_modules/fcos/__pycache__/
  752. hat/models/task_modules/fcos/__pycache__/__init__.cpython-38.pyc 740B
  753. hat/models/task_modules/fcos/__pycache__/decoder.cpython-38.pyc 20.24KB
  754. hat/models/task_modules/fcos/__pycache__/fcos_loss.cpython-38.pyc 2.9KB
  755. hat/models/task_modules/fcos/__pycache__/filter.cpython-38.pyc 5.21KB
  756. hat/models/task_modules/fcos/__pycache__/head.cpython-38.pyc 25.33KB
  757. hat/models/task_modules/fcos/__pycache__/target.cpython-38.pyc 33.02KB
  758. hat/models/task_modules/fcos3d/
  759. hat/models/task_modules/fcos3d/__init__.py 230B
  760. hat/models/task_modules/fcos3d/bbox_coder.py 4.99KB
  761. hat/models/task_modules/fcos3d/head.py 18.93KB
  762. hat/models/task_modules/fcos3d/loss.py 11.89KB
  763. hat/models/task_modules/fcos3d/post_process.py 11.36KB
  764. hat/models/task_modules/fcos3d/target.py 11.08KB
  765. hat/models/task_modules/fcos3d/__pycache__/
  766. hat/models/task_modules/fcos3d/__pycache__/__init__.cpython-38.pyc 397B
  767. hat/models/task_modules/fcos3d/__pycache__/bbox_coder.cpython-38.pyc 4.42KB
  768. hat/models/task_modules/fcos3d/__pycache__/head.cpython-38.pyc 10.87KB
  769. hat/models/task_modules/fcos3d/__pycache__/loss.cpython-38.pyc 7.87KB
  770. hat/models/task_modules/fcos3d/__pycache__/post_process.cpython-38.pyc 7.28KB
  771. hat/models/task_modules/fcos3d/__pycache__/target.cpython-38.pyc 7.31KB
  772. hat/models/task_modules/ganet/
  773. hat/models/task_modules/ganet/__init__.py 257B
  774. hat/models/task_modules/ganet/decoder.py 7.17KB
  775. hat/models/task_modules/ganet/head.py 3.69KB
  776. hat/models/task_modules/ganet/losses.py 1.91KB
  777. hat/models/task_modules/ganet/neck.py 8.5KB
  778. hat/models/task_modules/ganet/target.py 5.47KB
  779. hat/models/task_modules/ganet/__pycache__/
  780. hat/models/task_modules/ganet/__pycache__/__init__.cpython-38.pyc 433B
  781. hat/models/task_modules/ganet/__pycache__/decoder.cpython-38.pyc 5.09KB
  782. hat/models/task_modules/ganet/__pycache__/head.cpython-38.pyc 3.1KB
  783. hat/models/task_modules/ganet/__pycache__/losses.cpython-38.pyc 1.67KB
  784. hat/models/task_modules/ganet/__pycache__/neck.cpython-38.pyc 6.78KB
  785. hat/models/task_modules/ganet/__pycache__/target.cpython-38.pyc 4.19KB
  786. hat/models/task_modules/lidar/
  787. hat/models/task_modules/lidar/__init__.py 573B
  788. hat/models/task_modules/lidar/anchor_generator.py 6.31KB
  789. hat/models/task_modules/lidar/box_coders.py 4.7KB
  790. hat/models/task_modules/lidar/pillar_encoder.py 15.31KB
  791. hat/models/task_modules/lidar/target_assigner.py 16.11KB
  792. hat/models/task_modules/lidar/__pycache__/
  793. hat/models/task_modules/lidar/__pycache__/__init__.cpython-38.pyc 489B
  794. hat/models/task_modules/lidar/__pycache__/anchor_generator.cpython-38.pyc 5.52KB
  795. hat/models/task_modules/lidar/__pycache__/box_coders.cpython-38.pyc 3.69KB
  796. hat/models/task_modules/lidar/__pycache__/pillar_encoder.cpython-38.pyc 10.91KB
  797. hat/models/task_modules/lidar/__pycache__/target_assigner.cpython-38.pyc 11.69KB
  798. hat/models/task_modules/lidar_multitask/
  799. hat/models/task_modules/lidar_multitask/__init__.py 171B
  800. hat/models/task_modules/lidar_multitask/decoder.py 6.33KB
  801. hat/models/task_modules/lidar_multitask/__pycache__/
  802. hat/models/task_modules/lidar_multitask/__pycache__/__init__.cpython-38.pyc 287B
  803. hat/models/task_modules/lidar_multitask/__pycache__/decoder.cpython-38.pyc 6.37KB
  804. hat/models/task_modules/motion_forecasting/
  805. hat/models/task_modules/motion_forecasting/__init__.py 48B
  806. hat/models/task_modules/motion_forecasting/__pycache__/
  807. hat/models/task_modules/motion_forecasting/__pycache__/__init__.cpython-38.pyc 229B
  808. hat/models/task_modules/motion_forecasting/decoders/
  809. hat/models/task_modules/motion_forecasting/decoders/__init__.py 103B
  810. hat/models/task_modules/motion_forecasting/decoders/__pycache__/
  811. hat/models/task_modules/motion_forecasting/decoders/__pycache__/__init__.cpython-38.pyc 312B
  812. hat/models/task_modules/motion_forecasting/decoders/densetnt/
  813. hat/models/task_modules/motion_forecasting/decoders/densetnt/__init__.py 139B
  814. hat/models/task_modules/motion_forecasting/decoders/densetnt/head.py 10.71KB
  815. hat/models/task_modules/motion_forecasting/decoders/densetnt/loss.py 1.54KB
  816. hat/models/task_modules/motion_forecasting/decoders/densetnt/post_process.py 3.52KB
  817. hat/models/task_modules/motion_forecasting/decoders/densetnt/target.py 1.14KB
  818. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/
  819. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/__init__.cpython-38.pyc 381B
  820. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/head.cpython-38.pyc 8.32KB
  821. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/loss.cpython-38.pyc 2.02KB
  822. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/post_process.cpython-38.pyc 3.27KB
  823. hat/models/task_modules/motion_forecasting/decoders/densetnt/__pycache__/target.cpython-38.pyc 1.44KB
  824. hat/models/task_modules/motion_forecasting/encoders/
  825. hat/models/task_modules/motion_forecasting/encoders/__init__.py 33B
  826. hat/models/task_modules/motion_forecasting/encoders/vectornet.py 5.48KB
  827. hat/models/task_modules/motion_forecasting/encoders/__pycache__/
  828. hat/models/task_modules/motion_forecasting/encoders/__pycache__/__init__.cpython-38.pyc 236B
  829. hat/models/task_modules/motion_forecasting/encoders/__pycache__/vectornet.cpython-38.pyc 5.19KB
  830. hat/models/task_modules/motr/
  831. hat/models/task_modules/motr/__init__.py 407B
  832. hat/models/task_modules/motr/criterion.py 18.39KB
  833. hat/models/task_modules/motr/head.py 9.08KB
  834. hat/models/task_modules/motr/motr_deformable_transformer.py 35.92KB
  835. hat/models/task_modules/motr/motr_utils.py 1.41KB
  836. hat/models/task_modules/motr/post_process.py 10.99KB
  837. hat/models/task_modules/motr/qim.py 5.09KB
  838. hat/models/task_modules/motr/__pycache__/
  839. hat/models/task_modules/motr/__pycache__/__init__.cpython-38.pyc 493B
  840. hat/models/task_modules/motr/__pycache__/criterion.cpython-38.pyc 12.37KB
  841. hat/models/task_modules/motr/__pycache__/head.cpython-38.pyc 6.02KB
  842. hat/models/task_modules/motr/__pycache__/motr_deformable_transformer.cpython-38.pyc 25.53KB
  843. hat/models/task_modules/motr/__pycache__/motr_utils.cpython-38.pyc 1.78KB
  844. hat/models/task_modules/motr/__pycache__/post_process.cpython-38.pyc 6.64KB
  845. hat/models/task_modules/motr/__pycache__/qim.cpython-38.pyc 4.1KB
  846. hat/models/task_modules/petr/
  847. hat/models/task_modules/petr/__init__.py 130B
  848. hat/models/task_modules/petr/head.py 23.44KB
  849. hat/models/task_modules/petr/__pycache__/
  850. hat/models/task_modules/petr/__pycache__/__init__.cpython-38.pyc 297B
  851. hat/models/task_modules/petr/__pycache__/head.cpython-38.pyc 18.51KB
  852. hat/models/task_modules/pointpillars/
  853. hat/models/task_modules/pointpillars/__init__.py 334B
  854. hat/models/task_modules/pointpillars/head.py 2.34KB
  855. hat/models/task_modules/pointpillars/loss.py 11.17KB
  856. hat/models/task_modules/pointpillars/postprocess.py 11.24KB
  857. hat/models/task_modules/pointpillars/preprocess.py 6.03KB
  858. hat/models/task_modules/pointpillars/__pycache__/
  859. hat/models/task_modules/pointpillars/__pycache__/__init__.cpython-38.pyc 472B
  860. hat/models/task_modules/pointpillars/__pycache__/head.cpython-38.pyc 2.25KB
  861. hat/models/task_modules/pointpillars/__pycache__/loss.cpython-38.pyc 8.8KB
  862. hat/models/task_modules/pointpillars/__pycache__/postprocess.cpython-38.pyc 7.24KB
  863. hat/models/task_modules/pointpillars/__pycache__/preprocess.cpython-38.pyc 4.4KB
  864. hat/models/task_modules/pwcnet/
  865. hat/models/task_modules/pwcnet/__init__.py 160B
  866. hat/models/task_modules/pwcnet/head.py 12.49KB
  867. hat/models/task_modules/pwcnet/neck.py 4.14KB
  868. hat/models/task_modules/pwcnet/__pycache__/
  869. hat/models/task_modules/pwcnet/__pycache__/__init__.cpython-38.pyc 279B
  870. hat/models/task_modules/pwcnet/__pycache__/head.cpython-38.pyc 8.8KB
  871. hat/models/task_modules/pwcnet/__pycache__/neck.cpython-38.pyc 3.46KB
  872. hat/models/task_modules/retinanet/
  873. hat/models/task_modules/retinanet/__init__.py 279B
  874. hat/models/task_modules/retinanet/filter.py 2.15KB
  875. hat/models/task_modules/retinanet/head.py 5.18KB
  876. hat/models/task_modules/retinanet/postprocess.py 6.01KB
  877. hat/models/task_modules/retinanet/__pycache__/
  878. hat/models/task_modules/retinanet/__pycache__/__init__.cpython-38.pyc 372B
  879. hat/models/task_modules/retinanet/__pycache__/filter.cpython-38.pyc 1.94KB
  880. hat/models/task_modules/retinanet/__pycache__/head.cpython-38.pyc 4.34KB
  881. hat/models/task_modules/retinanet/__pycache__/postprocess.cpython-38.pyc 3.17KB
  882. hat/models/task_modules/seg/
  883. hat/models/task_modules/seg/__init__.py 362B
  884. hat/models/task_modules/seg/decoder.py 6.24KB
  885. hat/models/task_modules/seg/head.py 9.9KB
  886. hat/models/task_modules/seg/target.py 1.94KB
  887. hat/models/task_modules/seg/utils.py 2.22KB
  888. hat/models/task_modules/seg/vargnet_seg_head.py 10.77KB
  889. hat/models/task_modules/seg/__pycache__/
  890. hat/models/task_modules/seg/__pycache__/__init__.cpython-38.pyc 476B
  891. hat/models/task_modules/seg/__pycache__/decoder.cpython-38.pyc 4.84KB
  892. hat/models/task_modules/seg/__pycache__/head.cpython-38.pyc 7.49KB
  893. hat/models/task_modules/seg/__pycache__/target.cpython-38.pyc 1.98KB
  894. hat/models/task_modules/seg/__pycache__/utils.cpython-38.pyc 2.29KB
  895. hat/models/task_modules/seg/__pycache__/vargnet_seg_head.cpython-38.pyc 7.49KB
  896. hat/models/task_modules/stereonet/
  897. hat/models/task_modules/stereonet/__init__.py 389B
  898. hat/models/task_modules/stereonet/head.py 18.49KB
  899. hat/models/task_modules/stereonet/headplus.py 24.13KB
  900. hat/models/task_modules/stereonet/__init__备份.py 391B
  901. hat/models/task_modules/stereonet/head备份.py 18.49KB
  902. hat/models/task_modules/stereonet/headplus备份.py 21.24KB
  903. hat/models/task_modules/stereonet/neck.py 8.01KB
  904. hat/models/task_modules/stereonet/post_process.py 3.58KB
  905. hat/models/task_modules/stereonet/__pycache__/
  906. hat/models/task_modules/stereonet/__pycache__/__init__.cpython-38.pyc 461B
  907. hat/models/task_modules/stereonet/__pycache__/head.cpython-38.pyc 13.11KB
  908. hat/models/task_modules/stereonet/__pycache__/headplus.cpython-38.pyc 13.96KB
  909. hat/models/task_modules/stereonet/__pycache__/neck.cpython-38.pyc 5.97KB
  910. hat/models/task_modules/stereonet/__pycache__/post_process.cpython-38.pyc 3.16KB
  911. hat/models/task_modules/view_fusion/
  912. hat/models/task_modules/view_fusion/__init__.py 505B
  913. hat/models/task_modules/view_fusion/cft_transformer.py 24.9KB
  914. hat/models/task_modules/view_fusion/decoder.py 9.98KB
  915. hat/models/task_modules/view_fusion/encoder.py 4.67KB
  916. hat/models/task_modules/view_fusion/temporal_fusion.py 13KB
  917. hat/models/task_modules/view_fusion/1.py 1.13KB
  918. hat/models/task_modules/view_fusion/view_transformer.py 29KB
  919. hat/models/task_modules/view_fusion/__pycache__/
  920. hat/models/task_modules/view_fusion/__pycache__/__init__.cpython-38.pyc 631B
  921. hat/models/task_modules/view_fusion/__pycache__/cft_transformer.cpython-38.pyc 22.2KB
  922. hat/models/task_modules/view_fusion/__pycache__/decoder.cpython-38.pyc 9.05KB
  923. hat/models/task_modules/view_fusion/__pycache__/encoder.cpython-38.pyc 5.22KB
  924. hat/models/task_modules/view_fusion/__pycache__/temporal_fusion.cpython-38.pyc 11.04KB
  925. hat/models/task_modules/view_fusion/__pycache__/view_transformer.cpython-38.pyc 22.64KB
  926. hat/models/task_modules/yolo/
  927. hat/models/task_modules/yolo/__init__.py 438B
  928. hat/models/task_modules/yolo/anchor.py 2.9KB
  929. hat/models/task_modules/yolo/filter.py 2.74KB
  930. hat/models/task_modules/yolo/head.py 3.05KB
  931. hat/models/task_modules/yolo/label_encoder.py 2.39KB
  932. hat/models/task_modules/yolo/matcher.py 2.49KB
  933. hat/models/task_modules/yolo/postprocess.py 5.61KB
  934. hat/models/task_modules/yolo/__pycache__/
  935. hat/models/task_modules/yolo/__pycache__/__init__.cpython-38.pyc 527B
  936. hat/models/task_modules/yolo/__pycache__/anchor.cpython-38.pyc 2.3KB
  937. hat/models/task_modules/yolo/__pycache__/filter.cpython-38.pyc 2.44KB
  938. hat/models/task_modules/yolo/__pycache__/head.cpython-38.pyc 3.01KB
  939. hat/models/task_modules/yolo/__pycache__/label_encoder.cpython-38.pyc 2.35KB
  940. hat/models/task_modules/yolo/__pycache__/matcher.cpython-38.pyc 2.69KB
  941. hat/models/task_modules/yolo/__pycache__/postprocess.cpython-38.pyc 4.38KB
  942. hat/profiler/
  943. hat/profiler/__init__.py 98B
  944. hat/profiler/memory_profiler.py 30.23KB
  945. hat/profiler/model_profiler.py 18.34KB
  946. hat/profiler/profilers.py 11.64KB
  947. hat/profiler/__pycache__/
  948. hat/profiler/__pycache__/__init__.cpython-38.pyc 154B
  949. hat/profiler/__pycache__/memory_profiler.cpython-38.pyc 21.78KB
  950. hat/profiler/__pycache__/model_profiler.cpython-38.pyc 17.18KB
  951. hat/profiler/__pycache__/profilers.cpython-38.pyc 11.37KB
  952. hat/thirdparty/
  953. hat/thirdparty/__init__.py 29B
  954. hat/thirdparty/__pycache__/
  955. hat/thirdparty/__pycache__/__init__.cpython-38.pyc 204B
  956. hat/thirdparty/aidisdk/
  957. hat/thirdparty/aidisdk/__init__.py 62B
  958. hat/thirdparty/aidisdk/aidi_client.py 35B
  959. hat/thirdparty/aidisdk/__pycache__/
  960. hat/thirdparty/aidisdk/__pycache__/__init__.cpython-38.pyc 237B
  961. hat/thirdparty/aidisdk/__pycache__/aidi_client.cpython-38.pyc 329B
  962. hat/thirdparty/aidisdk/experiment/
  963. hat/thirdparty/aidisdk/experiment/__init__.py 45B
  964. hat/thirdparty/aidisdk/experiment/artifact.py 33B
  965. hat/thirdparty/aidisdk/experiment/image.py 46B
  966. hat/thirdparty/aidisdk/experiment/__pycache__/
  967. hat/thirdparty/aidisdk/experiment/__pycache__/__init__.cpython-38.pyc 217B
  968. hat/thirdparty/aidisdk/experiment/__pycache__/artifact.cpython-38.pyc 335B
  969. hat/thirdparty/aidisdk/experiment/__pycache__/image.cpython-38.pyc 438B
  970. hat/thirdparty/hatbc/
  971. hat/thirdparty/hatbc/__init__.py 59B
  972. hat/thirdparty/hatbc/patch.py 2.31KB
  973. hat/thirdparty/hatbc/registry.py 3.79KB
  974. hat/thirdparty/hatbc/__pycache__/
  975. hat/thirdparty/hatbc/__pycache__/__init__.cpython-38.pyc 267B
  976. hat/thirdparty/hatbc/__pycache__/patch.cpython-38.pyc 3.18KB
  977. hat/thirdparty/hatbc/__pycache__/registry.cpython-38.pyc 4.27KB
  978. hat/thirdparty/hatbc/filestream/
  979. hat/thirdparty/hatbc/filestream/__init__.py 22B
  980. hat/thirdparty/hatbc/filestream/__pycache__/
  981. hat/thirdparty/hatbc/filestream/__pycache__/__init__.cpython-38.pyc 196B
  982. hat/thirdparty/hatbc/filestream/bucket/
  983. hat/thirdparty/hatbc/filestream/bucket/__init__.py 22B
  984. hat/thirdparty/hatbc/filestream/bucket/client.py 29B
  985. hat/thirdparty/hatbc/filestream/bucket/__pycache__/
  986. hat/thirdparty/hatbc/filestream/bucket/__pycache__/__init__.cpython-38.pyc 203B
  987. hat/thirdparty/hatbc/filestream/bucket/__pycache__/client.cpython-38.pyc 332B
  988. hat/thirdparty/hatbc/utils/
  989. hat/thirdparty/hatbc/utils/__init__.py 85B
  990. hat/thirdparty/hatbc/utils/color_message.py 1.95KB
  991. hat/thirdparty/hatbc/utils/deprecate.py 1.3KB
  992. hat/thirdparty/hatbc/utils/utils.py 611B
  993. hat/thirdparty/hatbc/utils/__pycache__/
  994. hat/thirdparty/hatbc/utils/__pycache__/__init__.cpython-38.pyc 258B
  995. hat/thirdparty/hatbc/utils/__pycache__/color_message.cpython-38.pyc 2.11KB
  996. hat/thirdparty/hatbc/utils/__pycache__/deprecate.cpython-38.pyc 1.7KB
  997. hat/thirdparty/hatbc/utils/__pycache__/utils.cpython-38.pyc 850B
  998. hat/thirdparty/hatbc/workflow/
  999. hat/thirdparty/hatbc/workflow/__init__.py 43B
  1000. hat/thirdparty/hatbc/workflow/symbol.py 46B
  1001. hat/thirdparty/hatbc/workflow/trace.py 2.97KB
  1002. hat/thirdparty/hatbc/workflow/__pycache__/
  1003. hat/thirdparty/hatbc/workflow/__pycache__/__init__.cpython-38.pyc 211B
  1004. hat/thirdparty/hatbc/workflow/__pycache__/symbol.cpython-38.pyc 435B
  1005. hat/thirdparty/hatbc/workflow/__pycache__/trace.cpython-38.pyc 2.71KB
  1006. hat/utils/
  1007. hat/utils/__init__.py 180B
  1008. hat/utils/aidi.py 8.91KB
  1009. hat/utils/apply_func.py 16.49KB
  1010. hat/utils/bucket.py 10.27KB
  1011. hat/utils/cache.py 10.75KB
  1012. hat/utils/channels_last.py 1.37KB
  1013. hat/utils/checkpoint.py 12.54KB
  1014. hat/utils/collect_env.py 4.56KB
  1015. hat/utils/compile_backends.py 7.9KB
  1016. hat/utils/config.py 13.14KB
  1017. hat/utils/dag_node.py 11.62KB
  1018. hat/utils/data_helpers.py 1.47KB
  1019. hat/utils/data_search.py 2.69KB
  1020. hat/utils/deprecate.py 1.75KB
  1021. hat/utils/distributed.py 8.51KB
  1022. hat/utils/elastic.py 4.21KB
  1023. hat/utils/filesystem.py 3.09KB
  1024. hat/utils/forkedpdb.py 632B
  1025. hat/utils/generator.py 874B
  1026. hat/utils/global_var.py 351B
  1027. hat/utils/gpu_affinity.py 15.46KB
  1028. hat/utils/hash.py 6.81KB
  1029. hat/utils/jsonable.py 826B
  1030. hat/utils/logger.py 6.42KB
  1031. hat/utils/model_helpers.py 7.53KB
  1032. hat/utils/module_patch.py 12.03KB
  1033. hat/utils/numba_helper.py 474B
  1034. hat/utils/package_helper.py 6.11KB
  1035. hat/utils/qconfig_manager.py 11.7KB
  1036. hat/utils/request.py 2.37KB
  1037. hat/utils/root_helper.py 871B
  1038. hat/utils/saved_tensor.py 3.88KB
  1039. hat/utils/seed.py 1.86KB
  1040. hat/utils/setup_env.py 2.58KB
  1041. hat/utils/statistics.py 6.59KB
  1042. hat/utils/tensor_func.py 4.38KB
  1043. hat/utils/thread_init.py 1.28KB
  1044. hat/utils/timer.py 2.18KB
  1045. hat/utils/torch_tensorrt.py 1.15KB
  1046. hat/utils/trt_fx_extension.py 9.11KB
  1047. hat/utils/video.py 1.02KB
  1048. hat/utils/__pycache__/
  1049. hat/utils/__pycache__/__init__.cpython-38.pyc 273B
  1050. hat/utils/__pycache__/aidi.cpython-38.pyc 7.74KB
  1051. hat/utils/__pycache__/apply_func.cpython-38.pyc 15.32KB
  1052. hat/utils/__pycache__/bucket.cpython-38.pyc 9.5KB
  1053. hat/utils/__pycache__/cache.cpython-38.pyc 8.39KB
  1054. hat/utils/__pycache__/channels_last.cpython-38.pyc 1.29KB
  1055. hat/utils/__pycache__/checkpoint.cpython-38.pyc 9.4KB
  1056. hat/utils/__pycache__/collect_env.cpython-38.pyc 3.98KB
  1057. hat/utils/__pycache__/compile_backends.cpython-38.pyc 5.46KB
  1058. hat/utils/__pycache__/config.cpython-38.pyc 11.84KB
  1059. hat/utils/__pycache__/dag_node.cpython-38.pyc 9.54KB
  1060. hat/utils/__pycache__/data_helpers.cpython-38.pyc 1.49KB
  1061. hat/utils/__pycache__/data_search.cpython-38.pyc 1.96KB
  1062. hat/utils/__pycache__/deprecate.cpython-38.pyc 1.91KB
  1063. hat/utils/__pycache__/distributed.cpython-38.pyc 7.34KB
  1064. hat/utils/__pycache__/elastic.cpython-38.pyc 4.7KB
  1065. hat/utils/__pycache__/filesystem.cpython-38.pyc 3.15KB
  1066. hat/utils/__pycache__/forkedpdb.cpython-38.pyc 1012B
  1067. hat/utils/__pycache__/generator.cpython-38.pyc 875B
  1068. hat/utils/__pycache__/global_var.cpython-38.pyc 518B
  1069. hat/utils/__pycache__/gpu_affinity.cpython-38.pyc 13.29KB
  1070. hat/utils/__pycache__/hash.cpython-38.pyc 5.43KB
  1071. hat/utils/__pycache__/jsonable.cpython-38.pyc 1019B
  1072. hat/utils/__pycache__/logger.cpython-38.pyc 6.96KB
  1073. hat/utils/__pycache__/model_helpers.cpython-38.pyc 5.85KB
  1074. hat/utils/__pycache__/module_patch.cpython-38.pyc 10.05KB
  1075. hat/utils/__pycache__/numba_helper.cpython-38.pyc 687B
  1076. hat/utils/__pycache__/package_helper.cpython-38.pyc 5.62KB
  1077. hat/utils/__pycache__/qconfig_manager.cpython-38.pyc 7.16KB
  1078. hat/utils/__pycache__/request.cpython-38.pyc 1.89KB
  1079. hat/utils/__pycache__/root_helper.cpython-38.pyc 1.05KB
  1080. hat/utils/__pycache__/saved_tensor.cpython-38.pyc 4.06KB
  1081. hat/utils/__pycache__/seed.cpython-38.pyc 1.88KB
  1082. hat/utils/__pycache__/setup_env.cpython-38.pyc 1.96KB
  1083. hat/utils/__pycache__/statistics.cpython-38.pyc 5.59KB
  1084. hat/utils/__pycache__/tensor_func.cpython-38.pyc 4.31KB
  1085. hat/utils/__pycache__/thread_init.cpython-38.pyc 1.08KB
  1086. hat/utils/__pycache__/timer.cpython-38.pyc 3.18KB
  1087. hat/utils/__pycache__/torch_tensorrt.cpython-38.pyc 1.23KB
  1088. hat/utils/__pycache__/trt_fx_extension.cpython-38.pyc 7.33KB
  1089. hat/utils/__pycache__/video.cpython-38.pyc 1.17KB
  1090. hat/utils/pack_type/
  1091. hat/utils/pack_type/__init__.py 432B
  1092. hat/utils/pack_type/base.py 2.35KB
  1093. hat/utils/pack_type/lmdb.py 6.65KB
  1094. hat/utils/pack_type/mxrecord.py 11.49KB
  1095. hat/utils/pack_type/recordio_pb2.py 3.5KB
  1096. hat/utils/pack_type/utils.py 766B
  1097. hat/utils/pack_type/__pycache__/
  1098. hat/utils/pack_type/__pycache__/__init__.cpython-38.pyc 514B
  1099. hat/utils/pack_type/__pycache__/base.cpython-38.pyc 2.81KB
  1100. hat/utils/pack_type/__pycache__/lmdb.cpython-38.pyc 6.45KB
  1101. hat/utils/pack_type/__pycache__/mxrecord.cpython-38.pyc 10.72KB
  1102. hat/utils/pack_type/__pycache__/recordio_pb2.cpython-38.pyc 1.69KB
  1103. hat/utils/pack_type/__pycache__/utils.cpython-38.pyc 922B
  1104. hat/visualize/
  1105. hat/visualize/__init__.py 98B
  1106. hat/visualize/argoverse.py 2.61KB
  1107. hat/visualize/cam3d.py 5.12KB
  1108. hat/visualize/cls.py 1.17KB
  1109. hat/visualize/det.py 1.91KB
  1110. hat/visualize/disparity.py 1.89KB
  1111. hat/visualize/keypoints.py 2.28KB
  1112. hat/visualize/lane_lines.py 1.66KB
  1113. hat/visualize/lidar_det.py 7.33KB
  1114. hat/visualize/nuscenes.py 5.53KB
  1115. hat/visualize/opticalflow.py 4.9KB
  1116. hat/visualize/seg.py 3.8KB
  1117. hat/visualize/track.py 3.7KB
  1118. hat/visualize/utils.py 7.43KB
  1119. hat/visualize/__pycache__/
  1120. hat/visualize/__pycache__/__init__.cpython-38.pyc 155B
  1121. hat/visualize/__pycache__/argoverse.cpython-38.pyc 2.75KB
  1122. hat/visualize/__pycache__/cam3d.cpython-38.pyc 4.87KB
  1123. hat/visualize/__pycache__/cls.cpython-38.pyc 1.4KB
  1124. hat/visualize/__pycache__/det.cpython-38.pyc 1.95KB
  1125. hat/visualize/__pycache__/disparity.cpython-38.pyc 1.76KB
  1126. hat/visualize/__pycache__/keypoints.cpython-38.pyc 2.24KB
  1127. hat/visualize/__pycache__/lane_lines.cpython-38.pyc 1.75KB
  1128. hat/visualize/__pycache__/lidar_det.cpython-38.pyc 5.33KB
  1129. hat/visualize/__pycache__/nuscenes.cpython-38.pyc 4.98KB
  1130. hat/visualize/__pycache__/opticalflow.cpython-38.pyc 4.52KB
  1131. hat/visualize/__pycache__/seg.cpython-38.pyc 3.57KB
  1132. hat/visualize/__pycache__/track.cpython-38.pyc 3.52KB
  1133. hat/visualize/__pycache__/utils.cpython-38.pyc 6.3KB
  1134. hat/.idea/
  1135. hat/.idea/workspace.xml 5.18KB
  1136. hat/.idea/.gitignore 47B
  1137. hat/.idea/hat.iml 228B
  1138. hat/.idea/misc.xml 280B
  1139. hat/.idea/inspectionProfiles/
  1140. hat/.idea/inspectionProfiles/profiles_settings.xml 174B
  1141. hat/.idea/inspectionProfiles/Project_Default.xml 509B
0评论
提交 加载更多评论
其他资源 爱普生打印机清零软件适应于L3115L3116L3117L3118废墨清零工具
爱普生打印机清零软件适应于L3115L3116L3117L3118废墨清零工具 无偿搬运的。。
yolov5/yolov8英文字体文件
当你为下载不下来tff的字体文件而烦恼时, 下载他吧, 并且放到你的代码要下载到的地方。
yolov5/yolov8中文字体文件
训练自己的数据集时候 如果你想使用中文的类别名称 这个文件是必须的 下载之后 解压到他让你放的路径下 注意是中文的字体 英文的看主页另一个资源
小白菜QQ云端机器人系统源码 去除解密.zip
小白菜QQ云端机器人系统源码 去除解密.zip
Opencv-图像检测学习
图像检测学习
react 安卓端微信 H5 实现在线 PDF 预览
安卓端微信 H5 在线预览 PDF,项目及源码。pdf.js 源码已修改。
delphi+数据控制组件
delphi+数据控制组件
vue 安卓端微信 H5 实现在线 PDF 预览
安卓端微信 H5 在线预览 PDF,项目及源码。pdf.js 源码已修改。