exiawsh / StreamPETR

[ICCV 2023] StreamPETR: Exploring Object-Centric Temporal Modeling for Efficient Multi-View 3D Object Detection
Other
586 stars 63 forks source link

installing flash-attn #42

Closed SMSajadi99 closed 1 year ago

SMSajadi99 commented 1 year ago

Hi everyone I tried to install the libraries on colab, but I had a problem with one of these libraries and could not install them:

image

SMSajadi99 commented 1 year ago

torch 1.12.0 CUDA 12.0

SMSajadi99 commented 1 year ago

image

exiawsh commented 1 year ago

Device on colab may not support flash-attn. Try to train models without flash-attn.

SMSajadi99 commented 1 year ago

Device on colab may not support flash-attn. Try to train models without flash-attn.

Does that mean I should change the code? Do you know which part to comment?

exiawsh commented 1 year ago

@SMSajadi99 Refer to this issue. https://github.com/exiawsh/StreamPETR/issues/23#issuecomment-1569985134

SMSajadi99 commented 1 year ago

@exiawsh WoW, thanks a lot

SMSajadi99 commented 1 year ago

Hi again

https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L22C1-L22C1 https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L21 https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L74 https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L87

These items are related to this library. What should I do with these items?

exiawsh commented 1 year ago

Hi again

https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L22C1-L22C1

https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L21

https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L74

https://github.com/exiawsh/StreamPETR/blob/1111ffaa685068059fb112e58c6c4bb9d9c418f6/projects/mmdet3d_plugin/models/utils/attention.py#L87

These items are related to this library. What should I do with these items?

You do not need to comment this line. Because they will not directly import, if you follow issue 23.

SMSajadi99 commented 1 year ago

one question Should this item be minior not? image image

exiawsh commented 1 year ago

one question Should this item be minior not? image image You should change the config or change the filename.

SMSajadi99 commented 1 year ago

I changed all the references to pklsin vscode to mini, is this correct?

exiawsh commented 1 year ago

I changed all the references to pklsin vscode to mini, is this correct?

Yes, you need to run it yourself.

SMSajadi99 commented 1 year ago

Thank you very much Only I have a problem before the issue. I'm starting from train's part because I'm already doing colab(it has a good RAM), and now I'm having a problem again that train can't do it.

SMSajadi99 commented 1 year ago

/usr/local/lib/python3.8/site-packages/torch/distributed/launch.py:163: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead logger.warn( The module torch.distributed.launch is deprecated and going to be removed in future.Migrate to torch.distributed.run


Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed.


INFO:torch.distributed.launcher.api:Starting elastic_operator with launch configs: entrypoint : tools/train.py min_nodes : 1 max_nodes : 1 nproc_per_node : 8 run_id : none rdzv_backend : static rdzv_endpoint : 127.0.0.1:29500 rdzv_configs : {'rank': 0, 'timeout': 900} max_restarts : 3 monitor_interval : 5 log_dir : None metrics_cfg : {}

INFO:torch.distributed.elastic.agent.server.local_elastic_agent:log directory set to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5 INFO:torch.distributed.elastic.agent.server.api:[default] starting workers for entrypoint: python INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous'ing worker group /usr/local/lib/python3.8/site-packages/torch/distributed/elastic/utils/store.py:52: FutureWarning: This is an experimental API and will be changed in future. warnings.warn( INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous complete for workers. Result: restart_count=0 master_addr=127.0.0.1 master_port=29500 group_rank=0 group_world_size=1 local_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_ranks=[0, 1, 2, 3, 4, 5, 6, 7] global_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8] global_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8]

INFO:torch.distributed.elastic.agent.server.api:[default] Starting worker group INFO:torch.distributed.elastic.multiprocessing:Setting worker0 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/0/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker1 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/1/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker2 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/2/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker3 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/3/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker4 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/4/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker5 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/5/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker6 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/6/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker7 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_0/7/error.json projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin 2023-07-04 01:14:47,426 - mmdet - INFO - Environment info:

sys.platform: linux Python: 3.8.16 (default, Mar 2 2023, 03:21:46) [GCC 11.2.0] CUDA available: True GPU 0: Tesla T4 CUDA_HOME: /usr/local/cuda NVCC: Cuda compilation tools, release 11.8, V11.8.89 GCC: gcc (Ubuntu 9.4.0-1ubuntu1~20.04.1) 9.4.0 PyTorch: 1.9.0+cu111 PyTorch compiling details: PyTorch built with:

TorchVision: 0.10.0+cu111 OpenCV: 4.8.0 MMCV: 1.6.0 MMCV Compiler: GCC 7.3 MMCV CUDA Compiler: 11.1 MMDetection: 2.28.2 MMSegmentation: 0.30.0 MMDetection3D: 1.0.0rc6+74bf34a spconv2.0: False

2023-07-04 01:15:00,408 - mmdet - INFO - Distributed training: True Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined 2023-07-04 01:15:17,262 - mmdet - INFO - Config: point_cloud_range = [-51.2, -51.2, -5.0, 51.2, 51.2, 3.0] class_names = [ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ] dataset_type = 'CustomNuScenesDataset' data_root = './data/nuscenes/' input_modality = dict( use_lidar=False, use_camera=True, use_radar=False, use_map=False, use_external=True) file_client_args = dict(backend='disk') train_pipeline = [ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='LoadAnnotations3D', with_bbox_3d=True, with_label_3d=True, with_bbox=True, with_label=True, with_bbox_depth=True), dict( type='ObjectRangeFilter', point_cloud_range=[-51.2, -51.2, -5.0, 51.2, 51.2, 3.0]), dict( type='ObjectNameFilter', classes=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ]), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=True), dict( type='GlobalRotScaleTransImage', rot_range=[-0.3925, 0.3925], translation_std=[0, 0, 0], scale_ratio_range=[0.95, 1.05], reverse_angle=True, training=True), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='PETRFormatBundle3D', class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv', 'prev_exists' ]), dict( type='Collect3D', keys=[ 'gt_bboxes_3d', 'gt_labels_3d', 'img', 'gt_bboxes', 'gt_labels', 'centers2d', 'depths', 'prev_exists', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token', 'gt_bboxes_3d', 'gt_labels_3d')) ] test_pipeline = [ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=False), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='MultiScaleFlipAug3D', img_scale=(1333, 800), pts_scale_ratio=1, flip=False, transforms=[ dict( type='PETRFormatBundle3D', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], with_label=False), dict( type='Collect3D', keys=[ 'img', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token')) ]) ] eval_pipeline = [ dict( type='LoadPointsFromFile', coord_type='LIDAR', load_dim=5, use_dim=5, file_client_args=dict(backend='disk')), dict( type='LoadPointsFromMultiSweeps', sweeps_num=10, file_client_args=dict(backend='disk')), dict( type='DefaultFormatBundle3D', class_names=[ 'car', 'truck', 'trailer', 'bus', 'construction_vehicle', 'bicycle', 'motorcycle', 'pedestrian', 'traffic_cone', 'barrier' ], with_label=False), dict(type='Collect3D', keys=['points']) ] data = dict( samples_per_gpu=2, workers_per_gpu=4, train=dict( type='CustomNuScenesDataset', data_root='./data/nuscenes/', ann_file='./data/nuscenes/nuscenes2d_temporal_infos_train_mini.pkl', pipeline=[ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='LoadAnnotations3D', with_bbox_3d=True, with_label_3d=True, with_bbox=True, with_label=True, with_bbox_depth=True), dict( type='ObjectRangeFilter', point_cloud_range=[-51.2, -51.2, -5.0, 51.2, 51.2, 3.0]), dict( type='ObjectNameFilter', classes=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ]), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=True), dict( type='GlobalRotScaleTransImage', rot_range=[-0.3925, 0.3925], translation_std=[0, 0, 0], scale_ratio_range=[0.95, 1.05], reverse_angle=True, training=True), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='PETRFormatBundle3D', class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv', 'prev_exists' ]), dict( type='Collect3D', keys=[ 'gt_bboxes_3d', 'gt_labels_3d', 'img', 'gt_bboxes', 'gt_labels', 'centers2d', 'depths', 'prev_exists', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token', 'gt_bboxes_3d', 'gt_labels_3d')) ], classes=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], modality=dict( use_lidar=False, use_camera=True, use_radar=False, use_map=False, use_external=True), test_mode=False, box_type_3d='LiDAR', num_frame_losses=1, seq_split_num=2, seq_mode=True, collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv', 'img', 'prev_exists', 'img_metas' ], queue_length=1, use_valid_flag=True, filter_empty_gt=False), val=dict( type='CustomNuScenesDataset', data_root='data/nuscenes/', ann_file='./data/nuscenes/nuscenes2d_temporal_infos_val_mini.pkl', pipeline=[ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=False), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='MultiScaleFlipAug3D', img_scale=(1333, 800), pts_scale_ratio=1, flip=False, transforms=[ dict( type='PETRFormatBundle3D', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], with_label=False), dict( type='Collect3D', keys=[ 'img', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token')) ]) ], classes=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], modality=dict( use_lidar=False, use_camera=True, use_radar=False, use_map=False, use_external=True), test_mode=True, box_type_3d='LiDAR', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv', 'img', 'img_metas' ], queue_length=1), test=dict( type='CustomNuScenesDataset', data_root='data/nuscenes/', ann_file='./data/nuscenes/nuscenes2d_temporal_infos_val_mini.pkl', pipeline=[ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=False), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='MultiScaleFlipAug3D', img_scale=(1333, 800), pts_scale_ratio=1, flip=False, transforms=[ dict( type='PETRFormatBundle3D', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], with_label=False), dict( type='Collect3D', keys=[ 'img', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token')) ]) ], classes=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], modality=dict( use_lidar=False, use_camera=True, use_radar=False, use_map=False, use_external=True), test_mode=True, box_type_3d='LiDAR', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv', 'img', 'img_metas' ], queue_length=1), shuffler_sampler=dict(type='InfiniteGroupEachSampleInBatchSampler'), nonshuffler_sampler=dict(type='DistributedSampler')) evaluation = dict( interval=42192, pipeline=[ dict(type='LoadMultiViewImageFromFiles', to_float32=True), dict( type='ResizeCropFlipRotImage', data_aug_conf=dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True), training=False), dict( type='NormalizeMultiviewImage', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='PadMultiViewImage', size_divisor=32), dict( type='MultiScaleFlipAug3D', img_scale=(1333, 800), pts_scale_ratio=1, flip=False, transforms=[ dict( type='PETRFormatBundle3D', collect_keys=[ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], class_names=[ 'car', 'truck', 'construction_vehicle', 'bus', 'trailer', 'barrier', 'motorcycle', 'bicycle', 'pedestrian', 'traffic_cone' ], with_label=False), dict( type='Collect3D', keys=[ 'img', 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ], meta_keys=('filename', 'ori_shape', 'img_shape', 'pad_shape', 'scale_factor', 'flip', 'box_mode_3d', 'box_type_3d', 'img_norm_cfg', 'scene_token')) ]) ]) checkpoint_config = dict(interval=1758, max_keep_ckpts=3) log_config = dict( interval=50, hooks=[dict(type='TextLoggerHook'), dict(type='TensorboardLoggerHook')]) dist_params = dict(backend='nccl') log_level = 'INFO' work_dir = 'work_dirs/stream_petr_r50_flash_704_bs2_seq_24e/' load_from = None resume_from = None workflow = [('train', 1)] opencv_num_threads = 0 mp_start_method = 'fork' backbone_norm_cfg = dict(type='LN', requires_grad=True) plugin = True plugin_dir = 'projects/mmdet3d_plugin/' voxel_size = [0.2, 0.2, 8] img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) num_gpus = 8 batch_size = 2 num_iters_per_epoch = 1758 num_epochs = 24 queue_length = 1 num_frame_losses = 1 collect_keys = [ 'lidar2img', 'intrinsics', 'extrinsics', 'timestamp', 'img_timestamp', 'ego_pose', 'ego_pose_inv' ] model = dict( type='Petr3D', num_frame_head_grads=1, num_frame_backbone_grads=1, num_frame_losses=1, use_grid_mask=True, img_backbone=dict( pretrained='torchvision://resnet50', type='ResNet', depth=50, num_stages=4, out_indices=(2, 3), frozen_stages=-1, norm_cfg=dict(type='BN2d', requires_grad=False), norm_eval=True, with_cp=True, style='pytorch'), img_neck=dict( type='CPFPN', in_channels=[1024, 2048], out_channels=256, num_outs=2), img_roi_head=dict( type='FocalHead', num_classes=10, in_channels=256, loss_cls2d=dict( type='QualityFocalLoss', use_sigmoid=True, beta=2.0, loss_weight=2.0), loss_centerness=dict( type='GaussianFocalLoss', reduction='mean', loss_weight=1.0), loss_bbox2d=dict(type='L1Loss', loss_weight=5.0), loss_iou2d=dict(type='GIoULoss', loss_weight=2.0), loss_centers2d=dict(type='L1Loss', loss_weight=10.0), train_cfg=dict( assigner2d=dict( type='HungarianAssigner2D', cls_cost=dict(type='FocalLossCost', weight=2.0), reg_cost=dict( type='BBoxL1Cost', weight=5.0, box_format='xywh'), iou_cost=dict(type='IoUCost', iou_mode='giou', weight=2.0), centers2d_cost=dict(type='BBox3DL1Cost', weight=10.0)))), pts_bbox_head=dict( type='StreamPETRHead', num_classes=10, in_channels=256, num_query=644, memory_len=1024, topk_proposals=256, num_propagated=256, with_ego_pos=True, match_with_velo=False, scalar=10, noise_scale=1.0, dn_weight=1.0, split=0.75, LID=True, with_position=True, position_range=[-61.2, -61.2, -10.0, 61.2, 61.2, 10.0], code_weights=[2.0, 2.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], transformer=dict( type='PETRTemporalTransformer', decoder=dict( type='PETRTransformerDecoder', return_intermediate=True, num_layers=6, transformerlayers=dict( type='PETRTemporalDecoderLayer', attn_cfgs=[ dict( type='MultiheadAttention', embed_dims=256, num_heads=8, dropout=0.1), dict( type='PETRMultiheadFlashAttention', embed_dims=256, num_heads=8, dropout=0.1) ], feedforward_channels=2048, ffn_dropout=0.1, with_cp=True, operation_order=('self_attn', 'norm', 'cross_attn', 'norm', 'ffn', 'norm')))), bbox_coder=dict( type='NMSFreeCoder', post_center_range=[-61.2, -61.2, -10.0, 61.2, 61.2, 10.0], pc_range=[-51.2, -51.2, -5.0, 51.2, 51.2, 3.0], max_num=300, voxel_size=[0.2, 0.2, 8], num_classes=10), loss_cls=dict( type='FocalLoss', use_sigmoid=True, gamma=2.0, alpha=0.25, loss_weight=2.0), loss_bbox=dict(type='L1Loss', loss_weight=0.25), loss_iou=dict(type='GIoULoss', loss_weight=0.0)), train_cfg=dict( pts=dict( grid_size=[512, 512, 1], voxel_size=[0.2, 0.2, 8], point_cloud_range=[-51.2, -51.2, -5.0, 51.2, 51.2, 3.0], out_size_factor=4, assigner=dict( type='HungarianAssigner3D', cls_cost=dict(type='FocalLossCost', weight=2.0), reg_cost=dict(type='BBox3DL1Cost', weight=0.25), iou_cost=dict(type='IoUCost', weight=0.0), pc_range=[-51.2, -51.2, -5.0, 51.2, 51.2, 3.0])))) ida_aug_conf = dict( resize_lim=(0.38, 0.55), final_dim=(256, 704), bot_pct_lim=(0.0, 0.0), rot_lim=(0.0, 0.0), H=900, W=1600, rand_flip=True) optimizer = dict( type='AdamW', lr=0.0004, paramwise_cfg=dict(custom_keys=dict(img_backbone=dict(lr_mult=0.25))), weight_decay=0.01) optimizer_config = dict( type='Fp16OptimizerHook', loss_scale='dynamic', grad_clip=dict(max_norm=35, norm_type=2)) lr_config = dict( policy='CosineAnnealing', warmup='linear', warmup_iters=500, warmup_ratio=0.3333333333333333, min_lr_ratio=0.001) find_unused_parameters = False runner = dict(type='IterBasedRunner', max_iters=42192) gpu_ids = range(0, 8)

2023-07-04 01:15:17,277 - mmdet - INFO - Set random seed to 0, deterministic: False Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(args)

File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameErrormain(): PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined File "tools/train.py", line 212, in main

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last):

File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return self.build_func(*args, kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head Traceback (most recent call last): return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg

File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return self.build_func(*args, kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(args) return obj_cls(args)

File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self)

File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, registry, default_args) return build_from_cfg(cfg, ATTENTION, default_args)

File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 78, in init self.attn = FlashMHA(embed_dims, num_heads, attn_drop, dtype=torch.float16, device='cuda', NameError: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 613, in init attention = build_attention(attn_cfgs[index]) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 45, in build_attention return build_from_cfg(cfg, ATTENTION, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 386, in init super(PETRTransformerDecoder, self).init(args, **kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 894, in init self.layers.append(build_transformer_layer(transformerlayers[i])) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 55, in build_transformer_layer return build_from_cfg(cfg, TRANSFORMER_LAYER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/utils/petr_transformer.py", line 447, in init self.decoder = build_transformer_layer_sequence(decoder) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/bricks/transformer.py", line 60, in build_transformer_layer_sequence return build_from_cfg(cfg, TRANSFORMER_LAYER_SEQUENCE, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(**args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/dense_heads/streampetr_head.py", line 202, in init self.transformer = build_transformer(transformer) File "/usr/local/lib/python3.8/site-packages/mmdet/models/utils/builder.py", line 11, in build_transformer return build_from_cfg(cfg, TRANSFORMER, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 69, in build_from_cfg return obj_cls(*args) File "/content/sample_data/StreamPETR/projects/mmdet3d_plugin/models/detectors/petr3d.py", line 48, in init super(Petr3D, self).init(pts_voxel_layer, pts_voxel_encoder, File "/content/mmdetection3d/mmdet3d/models/detectors/mvx_two_stage.py", line 62, in init self.pts_bbox_head = builder.build_head(pts_bbox_head) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 68, in build_head return MMDET_HEADS.build(cfg) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 212, in main model = build_model( File "/content/mmdetection3d/mmdet3d/models/builder.py", line 122, in build_model return build_detector(cfg, train_cfg=train_cfg, test_cfg=test_cfg) File "/content/mmdetection3d/mmdet3d/models/builder.py", line 95, in build_detector return MMDET_DETECTORS.build( File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 237, in build return self.build_func(*args, **kwargs, registry=self) File "/usr/local/lib/python3.8/site-packages/mmcv/cnn/builder.py", line 27, in build_model_from_cfg return build_from_cfg(cfg, registry, default_args) File "/usr/local/lib/python3.8/site-packages/mmcv/utils/registry.py", line 72, in build_from_cfg raise type(e)(f'{obj_cls.name}: {e}') NameError: Petr3D: StreamPETRHead: PETRTemporalTransformer: PETRTransformerDecoder: PETRTemporalDecoderLayer: PETRMultiheadFlashAttention: name 'FlashMHA' is not defined ERROR:torch.distributed.elastic.multiprocessing.api:failed (exitcode: 1) local_rank: 0 (pid: 12055) of binary: /usr/local/bin/python ERROR:torch.distributed.elastic.agent.server.local_elastic_agent:[default] Worker group failed INFO:torch.distributed.elastic.agent.server.api:[default] Worker group FAILED. 3/3 attempts left; will restart worker group INFO:torch.distributed.elastic.agent.server.api:[default] Stopping worker group INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous'ing worker group INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous complete for workers. Result: restart_count=1 master_addr=127.0.0.1 master_port=29500 group_rank=0 group_world_size=1 local_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_ranks=[0, 1, 2, 3, 4, 5, 6, 7] global_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8] global_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8]

INFO:torch.distributed.elastic.agent.server.api:[default] Starting worker group INFO:torch.distributed.elastic.multiprocessing:Setting worker0 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/0/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker1 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/1/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker2 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/2/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker3 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/3/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker4 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/4/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker5 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/5/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker6 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/6/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker7 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_1/7/error.json projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 2, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 7, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 4, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 0, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 6, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 3, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 1, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) Traceback (most recent call last): File "tools/train.py", line 263, in main() File "tools/train.py", line 165, in main init_dist(args.launcher, cfg.dist_params) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 41, in init_dist _init_dist_pytorch(backend, kwargs) File "/usr/local/lib/python3.8/site-packages/mmcv/runner/dist_utils.py", line 64, in _init_dist_pytorch dist.init_process_group(backend=backend, kwargs) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 547, in init_process_group _store_based_barrier(rank, store, timeout) File "/usr/local/lib/python3.8/site-packages/torch/distributed/distributed_c10d.py", line 219, in _store_based_barrier raise RuntimeError( RuntimeError: Timed out initializing process group in store based barrier on rank: 5, for key: store_based_barrier_key:1 (world_size=8, worker_count=16, timeout=0:30:00) ERROR:torch.distributed.elastic.multiprocessing.api:failed (exitcode: 1) local_rank: 2 (pid: 12585) of binary: /usr/local/bin/python ERROR:torch.distributed.elastic.agent.server.local_elastic_agent:[default] Worker group failed INFO:torch.distributed.elastic.agent.server.api:[default] Worker group FAILED. 2/3 attempts left; will restart worker group INFO:torch.distributed.elastic.agent.server.api:[default] Stopping worker group INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous'ing worker group INFO:torch.distributed.elastic.agent.server.api:[default] Rendezvous complete for workers. Result: restart_count=2 master_addr=127.0.0.1 master_port=29500 group_rank=0 group_world_size=1 local_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_ranks=[0, 1, 2, 3, 4, 5, 6, 7] global_ranks=[0, 1, 2, 3, 4, 5, 6, 7] role_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8] global_world_sizes=[8, 8, 8, 8, 8, 8, 8, 8]

INFO:torch.distributed.elastic.agent.server.api:[default] Starting worker group INFO:torch.distributed.elastic.multiprocessing:Setting worker0 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/0/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker1 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/1/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker2 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/2/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker3 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/3/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker4 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/4/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker5 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/5/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker6 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/6/error.json INFO:torch.distributed.elastic.multiprocessing:Setting worker7 reply file to: /tmp/torchelastic_gmvczgyd/none_d1xrhq_5/attempt_2/7/error.json projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin projects.mmdet3d_plugin

SMSajadi99 commented 1 year ago

image image image image image image image image . . .

exiawsh commented 1 year ago

Change the config, PETRMultiheadFlashAttention → PETRMultiheadAttention.

SMSajadi99 commented 1 year ago

image Which part do you mean?

exiawsh commented 1 year ago

image Which part do you mean?

It depends on which config you are running.....

SMSajadi99 commented 1 year ago

image

I used exactly the code you posted in the train

SMSajadi99 commented 1 year ago

image I found it, I will change it now

SMSajadi99 commented 1 year ago

2023-07-04 02:41:25,235 - mmdet - INFO - Set random seed to 0, deterministic: False /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' /usr/local/lib/python3.8/site-packages/mmdet/models/backbones/resnet.py:401: UserWarning: DeprecationWarning: pretrained is deprecated, please use "init_cfg" instead warnings.warn('DeprecationWarning: pretrained is deprecated, ' [W ProcessGroupNCCL.cpp:1569] Rank 7 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 6 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 2 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 3 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 5 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 1 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. [W ProcessGroupNCCL.cpp:1569] Rank 4 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device. 2023-07-04 02:41:29,713 - mmdet - INFO - initialize ResNet with init_cfg {'type': 'Pretrained', 'checkpoint': 'torchvision://resnet50'} 2023-07-04 02:41:29,735 - mmcv - INFO - load model from: torchvision://resnet50 2023-07-04 02:41:29,741 - mmcv - INFO - load checkpoint from torchvision path: torchvision://resnet50 Downloading: "https://download.pytorch.org/models/resnet50-0676ba61.pth" to /root/.cache/torch/hub/checkpoints/resnet50-0676ba61.pth 100% 97.8M/97.8M [00:01<00:00, 53.4MB/s] [W ProcessGroupNCCL.cpp:1569] Rank 0 using best-guess GPU 0 to perform barrier as devices used by this process are currently unknown. This can potentially cause a hang if this rank to GPU mapping is incorrect.Specify device_ids in barrier() to force use of a particular device.

SMSajadi99 commented 1 year ago

Is this a problem? Because it is still running

exiawsh commented 1 year ago

Is this a problem? Because it is still running

It's not a problem. I have to work now. If you have any other questions, I will answer you tomorrow.