hi!
i try convert vcr dataset to itm task.
( i make data [CLS] question [SEP] answer [SEP] or [CLS] question [SEP] answer [SEP] rationale [SEP])
but i got error below.
the error start at "model/UniterTextEmbeddings".( maybe "words_embeddings = self.word_embeddings(input_ids)")
Have you seen this error?
i tried to solve this problem during three days, but i can't find why this error occured.
thank you :)
root@c3425fd1fd9c:/src# horovodrun -np 2 python pretrain.py --config config/pretrain-indomain-base-8gpu.json --output_dir /src/output
[1,0]<stderr>:09/30/2020 09:41:57 - INFO - __main__ - device: cuda:0 n_gpu: 2, rank: 0, 16-bits training: True
[1,1]<stderr>:09/30/2020 09:41:57 - INFO - __main__ - device: cuda:1 n_gpu: 2, rank: 1, 16-bits training: True
0%| | 0/200000 [00:00<?, ?it/s][1,0]<stderr>:09/30/2020 09:41:57 - INFO - __main__ - Loading itm_vcr train dataset ['/txt/vcr_train.db/'], ['/img/vcr_gt_train/;/img/vcr_train/']
[1,0]<stderr>:09/30/2020 09:41:58 - INFO - __main__ - 425182 samples loaded
[1,0]<stderr>:09/30/2020 09:41:58 - INFO - __main__ - Loading itm_vcr validation dataset, ['/txt/vcr_val.db/'], ['/img/vcr_gt_val/;/img/vcr_val/']
[1,0]<stderr>:09/30/2020 09:41:59 - INFO - __main__ - 52976 samples loaded
[1,1]<stderr>:09/30/2020 09:42:00 - INFO - model.model - Model config {
[1,1]<stderr>: "attention_probs_dropout_prob": 0.1,
[1,1]<stderr>: "hidden_act": "gelu",
[1,1]<stderr>: "hidden_dropout_prob": 0.1,
[1,1]<stderr>: "hidden_size": 768,
[1,1]<stderr>: "initializer_range": 0.02,
[1,1]<stderr>: "intermediate_size": 3072,
[1,1]<stderr>: "max_position_embeddings": 512,
[1,1]<stderr>: "num_attention_heads": 12,
[1,1]<stderr>: "num_hidden_layers": 12,
[1,1]<stderr>: "type_vocab_size": 2,
[1,1]<stderr>: "vocab_size": 28996
[1,1]<stderr>:}
[1,1]<stderr>:
[1,0]<stderr>:09/30/2020 09:42:00 - INFO - model.model - Model config {
[1,0]<stderr>: "attention_probs_dropout_prob": 0.1,
[1,0]<stderr>: "hidden_act": "gelu",
[1,0]<stderr>: "hidden_dropout_prob": 0.1,
[1,0]<stderr>: "hidden_size": 768,
[1,0]<stderr>: "initializer_range": 0.02,
[1,0]<stderr>: "intermediate_size": 3072,
[1,0]<stderr>: "max_position_embeddings": 512,
[1,0]<stderr>: "num_attention_heads": 12,
[1,0]<stderr>: "num_hidden_layers": 12,
[1,0]<stderr>: "type_vocab_size": 2,
[1,0]<stderr>: "vocab_size": 28996
[1,0]<stderr>:}
[1,0]<stderr>:
[1,1]<stderr>:09/30/2020 09:42:02 - INFO - model.model - Weights of UniterForPretraining not initialized from pretrained model: ['uniter.img_embeddings.img_linear.weight', 'uniter.img_embeddings.img_linear.bias', 'uniter.img_embeddings.img_layer_norm.weight', 'uniter.img_embeddings.img_layer_norm.bias', 'uniter.img_embeddings.pos_layer_norm.weight', 'uniter.img_embeddings.pos_layer_norm.bias', 'uniter.img_embeddings.pos_linear.weight', 'uniter.img_embeddings.pos_linear.bias', 'uniter.img_embeddings.mask_embedding.weight', 'uniter.img_embeddings.LayerNorm.weight', 'uniter.img_embeddings.LayerNorm.bias', 'uniter.know_embeddins.position_embeddings.weight', 'uniter.know_embeddins.token_type_embeddings.weight', 'uniter.know_embeddins.LayerNorm.weight', 'uniter.know_embeddins.LayerNorm.bias', 'uniter.know_embeddins.gcn.gc1.weight', 'uniter.know_embeddins.gcn.gc2.weight', 'uniter.know_embeddins.gcn.gc3.weight', 'feat_regress.weight', 'feat_regress.bias', 'feat_regress.net.0.weight', 'feat_regress.net.0.bias', 'feat_regress.net.2.weight', 'feat_regress.net.2.bias', 'region_classifier.net.0.weight', 'region_classifier.net.0.bias', 'region_classifier.net.2.weight', 'region_classifier.net.2.bias', 'region_classifier.net.3.weight', 'region_classifier.net.3.bias', 'itm_output.weight', 'itm_output.bias']
[1,1]<stderr>:09/30/2020 09:42:02 - INFO - model.model - Weights from pretrained model not used in UniterForPretraining: ['cls.seq_relationship.weight', 'cls.seq_relationship.bias']
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - model.model - Weights of UniterForPretraining not initialized from pretrained model: ['uniter.img_embeddings.img_linear.weight', 'uniter.img_embeddings.img_linear.bias', 'uniter.img_embeddings.img_layer_norm.weight', 'uniter.img_embeddings.img_layer_norm.bias', 'uniter.img_embeddings.pos_layer_norm.weight', 'uniter.img_embeddings.pos_layer_norm.bias', 'uniter.img_embeddings.pos_linear.weight', 'uniter.img_embeddings.pos_linear.bias', 'uniter.img_embeddings.mask_embedding.weight', 'uniter.img_embeddings.LayerNorm.weight', 'uniter.img_embeddings.LayerNorm.bias', 'uniter.know_embeddins.position_embeddings.weight', 'uniter.know_embeddins.token_type_embeddings.weight', 'uniter.know_embeddins.LayerNorm.weight', 'uniter.know_embeddins.LayerNorm.bias', 'uniter.know_embeddins.gcn.gc1.weight', 'uniter.know_embeddins.gcn.gc2.weight', 'uniter.know_embeddins.gcn.gc3.weight', 'feat_regress.weight', 'feat_regress.bias', 'feat_regress.net.0.weight', 'feat_regress.net.0.bias', 'feat_regress.net.2.weight', 'feat_regress.net.2.bias', 'region_classifier.net.0.weight', 'region_classifier.net.0.bias', 'region_classifier.net.2.weight', 'region_classifier.net.2.bias', 'region_classifier.net.3.weight', 'region_classifier.net.3.bias', 'itm_output.weight', 'itm_output.bias']
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - model.model - Weights from pretrained model not used in UniterForPretraining: ['cls.seq_relationship.weight', 'cls.seq_relationship.bias']
[1,0]<stdout>:Selected optimization level O2: FP16 training with FP32 batchnorm and FP32 master weights.
[1,0]<stdout>:
[1,0]<stdout>:Defaults for this optimization level are:
[1,0]<stdout>:enabled : True
[1,0]<stdout>:opt_level : O2
[1,0]<stdout>:cast_model_type : torch.float16
[1,0]<stdout>:patch_torch_functions : False
[1,0]<stdout>:keep_batchnorm_fp32 : True
[1,0]<stdout>:master_weights : True
[1,0]<stdout>:loss_scale : dynamic
[1,0]<stdout>:Processing user overrides (additional kwargs that are not None)...
[1,0]<stdout>:After processing overrides, optimization options are:
[1,0]<stdout>:enabled : True
[1,0]<stdout>:opt_level : O2
[1,0]<stdout>:cast_model_type : torch.float16
[1,0]<stdout>:patch_torch_functions : False
[1,0]<stdout>:keep_batchnorm_fp32 : True
[1,0]<stdout>:master_weights : True
[1,0]<stdout>:loss_scale : dynamic
[1,1]<stdout>:Selected optimization level O2: FP16 training with FP32 batchnorm and FP32 master weights.
[1,1]<stdout>:
[1,1]<stdout>:Defaults for this optimization level are:
[1,1]<stdout>:enabled : True
[1,1]<stdout>:opt_level : O2
[1,1]<stdout>:cast_model_type : torch.float16
[1,1]<stdout>:patch_torch_functions : False
[1,1]<stdout>:keep_batchnorm_fp32 : True
[1,1]<stdout>:master_weights : True
[1,1]<stdout>:loss_scale : dynamic
[1,1]<stdout>:Processing user overrides (additional kwargs that are not None)...
[1,1]<stdout>:After processing overrides, optimization options are:
[1,1]<stdout>:enabled : True
[1,1]<stdout>:opt_level : O2
[1,1]<stdout>:cast_model_type : torch.float16
[1,1]<stdout>:patch_torch_functions : False
[1,1]<stdout>:keep_batchnorm_fp32 : True
[1,1]<stdout>:master_weights : True
[1,1]<stdout>:loss_scale : dynamic
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - __main__ - ***** Running training with 2 GPUs *****
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - __main__ - Batch size = 10240
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - __main__ - Accumulate steps = 2
[1,0]<stderr>:09/30/2020 09:42:03 - INFO - __main__ - Num steps = 200000
[1,1]<stdout>:#########################input_ids torch.Size([24, 67])
[1,1]<stdout>:#########################position_ids torch.Size([1, 67])
[1,1]<stdout>:#########################token_type_ids torch.Size([24, 67])
[1,0]<stdout>:#########################input_ids torch.Size([24, 65])
[1,0]<stdout>:#########################position_ids torch.Size([1, 65])
[1,0]<stdout>:#########################token_type_ids torch.Size([24, 65])
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [96,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [97,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [98,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [99,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191[1,1]<stderr>:,0,0], thread: [100,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [101,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [102,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [103,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [104,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [105,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [106,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [107,0,0] Assertion `srcIndex < srcSelectDimSize[1,1]<stderr>:` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [108,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [109,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [110,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [111,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [112,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0[1,1]<stderr>:,0], thread: [113,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [114,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [115,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [116,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [117,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,1]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [118,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [119,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [120,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [121,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [122,0,0] Assertion `srcIndex < srcSelectDimSize[1,1]<stderr>:` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [123,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [124,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [125,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [126,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,1]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [127,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [0,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,1]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [1,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [2,0,0] Assertion `srcIndex < srcSelectDimSize[1,1]<stderr>:` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [3,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [4,0,0] Assertion `srcIndex < srcSelectDimSize[1,1]<stderr>:` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [5,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [6,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [7,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [8,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0[1,1]<stderr>:], thread: [9,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [10,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [11,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0[1,1]<stderr>:], thread: [12,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [13,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [14,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [15,0,0[1,1]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [16,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [17,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [18,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,1]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [19,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [20,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [21,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0[1,1]<stderr>:,0], thread: [22,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [23,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [24,0,0[1,1]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [25,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191[1,1]<stderr>:,0,0], thread: [26,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [27,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0[1,1]<stderr>:,0], thread: [28,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [29,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0[1,1]<stderr>:,0], thread: [30,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [191,0,0], thread: [31,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,1]<stderr>:THCudaCheck FAIL file=/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCReduceAll.cuh line=321 error=710 : device-side assert triggered
[1,1]<stdout>:#########################words_embeddings [1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [96,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [97,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [98,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [99,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [100,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [101,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [102,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [103,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [104,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [105,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [106,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [107,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [108,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [109,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [110,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [111[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [112,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [113,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [114,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [115,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [116,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [117,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [118,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [119,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [120,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [121,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [122,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [123,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [124,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [125,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [126,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [66,0,0], thread: [127,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [0,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [1,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [2,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [3,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [4,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [5,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [6,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [7,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [8,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [9,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [10,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [11,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [12,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [13,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [14,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [15,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [16,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [17[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [18,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [19,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [20,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [21,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [22,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [23,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [24,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [25,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [26,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [27,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [28,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [29,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [30,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [122,0,0], thread: [31,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [64,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [65,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [66,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [67,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [68,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [69,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0[1,0]<stderr>:], thread: [70,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [71,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [72,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [73,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [74,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [75,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [76,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [77,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [78,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [79,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [80,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [81,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [82,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16[1,0]<stderr>:,0,0], thread: [83,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [84,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [85,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [86,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [87,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [88,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [89,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [90,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [91,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [92,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [93,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [94,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [95,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [32,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [33,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [34,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [35,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [36,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [37,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [38,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [39,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [40,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [41,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [42,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [43,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [44,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [45,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0[1,0]<stderr>:], thread: [46,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [47,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [48,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [49,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [50,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [51,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0[1,0]<stderr>:], thread: [52,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [53,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [54,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [55,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [56,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [57,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [58,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [59,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [60,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [61,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [62,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [63,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [96,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [97,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [98,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [99,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [100,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [101,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [102,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0[1,0]<stderr>:,0], thread: [103,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [104,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [105,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [106,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [107,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [108,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [109,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [110,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [111,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [112,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [113,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [114,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [115,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [116,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [117,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16[1,0]<stderr>:,0,0], thread: [118,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [119,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [120,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [121,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [122,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [123,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [124,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true][1,0]<stderr>:: block: [16,0,0], thread: [125,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [126,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [127,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [0[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [1,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [2,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [3,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [4,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [5,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [6,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [7,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [8,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [9,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [10,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0[1,0]<stderr>:], thread: [11,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [12,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [13,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [14[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [15,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [16,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [17[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [18,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [19,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [20,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [21,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [22,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true][1,0]<stderr>:: block: [16,0,0], thread: [23,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [24,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [25,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [26,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [27,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true][1,0]<stderr>:: block: [16,0,0], thread: [28,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [29,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [30,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [16,0,0], thread: [31,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [96,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [97,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [98[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [99,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [100,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [101,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [102,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [103[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [104,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [105,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [106,0,0[1,0]<stderr>:] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [107,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [108,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [109,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212[1,0]<stderr>:,0,0], thread: [110,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [111,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [112,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212[1,0]<stderr>:,0,0], thread: [113,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [114,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [115,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [116,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [117,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [118,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [119,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0[1,0]<stderr>:], thread: [120,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [121,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [122,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu[1,0]<stderr>::362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [123,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0[1,0]<stderr>:,0], thread: [124,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [125,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [126,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362[1,0]<stderr>:: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [212,0,0], thread: [127,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:THCudaCheck FAIL file=/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCReduceAll.cuh line=321 error=710 : device-side assert triggered
[1,0]<stdout>:#########################words_embeddings [1,0]<stderr>:Traceback (most recent call last):
[1,0]<stderr>: File "pretrain.py", line 641, in <module>
[1,0]<stderr>: main(args)
[1,0]<stderr>: File "pretrain.py", line 268, in main
[1,0]<stderr>: loss = model(batch, task=task, compute_loss=True)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,0]<stderr>: result = self.forward(*input, **kwargs)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/apex/amp/_initialize.py", line 177, in new_fwd
[1,0]<stderr>: **applier(kwargs, input_caster))
[1,0]<stderr>: File "/src/model/pretrain.py", line 99, in forward
[1,0]<stderr>: targets, ot_inputs, compute_loss, txt_type_ids)
[1,0]<stderr>: File "/src/model/pretrain.py", line 167, in forward_itm
[1,0]<stderr>: output_all_encoded_layers=False, txt_type_ids=txt_type_ids)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,0]<stderr>: result = self.forward(*input, **kwargs)
[1,0]<stderr>: File "/src/model/model.py", line 420, in forward
[1,0]<stderr>: input_ids, position_ids, txt_type_ids)
[1,0]<stderr>: File "/src/model/model.py", line 355, in _compute_txt_embeddings
[1,0]<stderr>: output = self.embeddings(input_ids, position_ids, txt_type_ids)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,0]<stderr>: result = self.forward(*input, **kwargs)
[1,0]<stderr>: File "/src/model/model.py", line 241, in forward
[1,0]<stderr>: print('#########################words_embeddings ', words_embeddings)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/tensor.py", line 71, in __repr__
[1,0]<stderr>: return torch._tensor_str._str(self)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 283, in _str
[1,0]<stderr>: tensor_str = _tensor_str(self, indent)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 201, in _tensor_str
[1,0]<stderr>: formatter = _Formatter(get_summarized_data(self) if summarize else self)
[1,0]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 87, in __init__
[1,0]<stderr>: nonzero_finite_vals = torch.masked_select(tensor_view, torch.isfinite(tensor_view) & tensor_view.ne(0))
[1,0]<stderr>:RuntimeError: cuda runtime error (710) : device-side assert triggered at /tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCReduceAll.cuh:321
[1,1]<stderr>:Traceback (most recent call last):
[1,1]<stderr>: File "pretrain.py", line 641, in <module>
[1,1]<stderr>: main(args)
[1,1]<stderr>: File "pretrain.py", line 268, in main
[1,1]<stderr>: loss = model(batch, task=task, compute_loss=True)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,1]<stderr>: result = self.forward(*input, **kwargs)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/apex/amp/_initialize.py", line 177, in new_fwd
[1,1]<stderr>: **applier(kwargs, input_caster))
[1,1]<stderr>: File "/src/model/pretrain.py", line 99, in forward
[1,1]<stderr>: targets, ot_inputs, compute_loss, txt_type_ids)
[1,1]<stderr>: File "/src/model/pretrain.py", line 167, in forward_itm
[1,1]<stderr>: output_all_encoded_layers=False, txt_type_ids=txt_type_ids)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,1]<stderr>: result = self.forward(*input, **kwargs)
[1,1]<stderr>: File "/src/model/model.py", line 420, in forward
[1,1]<stderr>: input_ids, position_ids, txt_type_ids)
[1,1]<stderr>: File "/src/model/model.py", line 355, in _compute_txt_embeddings
[1,1]<stderr>: output = self.embeddings(input_ids, position_ids, txt_type_ids)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in __call__
[1,1]<stderr>: result = self.forward(*input, **kwargs)
[1,1]<stderr>: File "/src/model/model.py", line 241, in forward
[1,1]<stderr>: print('#########################words_embeddings ', words_embeddings)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/tensor.py", line 71, in __repr__
[1,1]<stderr>: return torch._tensor_str._str(self)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 283, in _str
[1,1]<stderr>: tensor_str = _tensor_str(self, indent)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 201, in _tensor_str
[1,1]<stderr>: formatter = _Formatter(get_summarized_data(self) if summarize else self)
[1,1]<stderr>: File "/opt/conda/lib/python3.6/site-packages/torch/_tensor_str.py", line 87, in __init__
[1,1]<stderr>: nonzero_finite_vals = torch.masked_select(tensor_view, torch.isfinite(tensor_view) & tensor_view.ne(0))
[1,1]<stderr>:RuntimeError: cuda runtime error (710) : device-side assert triggered at /tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCReduceAll.cuh:321
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [96,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [97,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [98,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [99,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [100,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true][1,0]<stderr>:: block: [4,0,0], thread: [101,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [102,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [103,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [104,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [105,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [106,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [107,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [108,0,0] Assertion `srcIndex < srcSelectDimSize[1,0]<stderr>:` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [109,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [110,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [111,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [112,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [113,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [114,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0[1,0]<stderr>:,0], thread: [115,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [116,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true][1,0]<stderr>:: block: [4,0,0], thread: [117,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4[1,0]<stderr>:,0,0], thread: [118,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0[1,0]<stderr>:], thread: [119,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [120[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0[1,0]<stderr>:], thread: [121,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0[1,0]<stderr>:], thread: [122,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [123[1,0]<stderr>:,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [124,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [125,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [126,0[1,0]<stderr>:,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:/tmp/pip-req-build-l1dtn3mo/aten/src/THC/THCTensorIndex.cu:362: void indexSelectLargeIndex(TensorInfo<T, IndexType>, TensorInfo<T, IndexType>, TensorInfo<long, IndexType>, int, int, IndexType, IndexType, long) [with T = c10::Half, IndexType = unsigned int, DstDim = 2, SrcDim = 2, IdxDim = -2, IndexIsMajor = true]: block: [4,0,0], thread: [127,0,0] Assertion `srcIndex < srcSelectDimSize` failed.
[1,0]<stderr>:terminate called after throwing an instance of 'c10::Error'
[1,0]<stderr>: what(): CUDA error: device-side assert triggered (insert_events at ../c10/cuda/CUDACachingAllocator.cpp:533)
[1,0]<stderr>:frame #0: c10::Error::Error(c10::SourceLocation, std::__cxx11::basic_string<char, std::char_traits<char>, std::allocator<char> > const&) + 0x6a (0x7f4ad4e9693a in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so)
[1,0]<stderr>:frame #1: <unknown function> + 0xcafc (0x7f4accdfcafc in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so)
[1,0]<stderr>:frame #2: <unknown function> + 0x10291 (0x7f4acce00291 in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so)
[1,0]<stderr>:frame #3: c10::TensorImpl::release_resources() + 0x61 (0x7f4ad4e893c1 in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so)
[1,0]<stderr>:frame #4: torch::autograd::Variable::Impl::release_resources() + 0x5e (0x7f4ad436b1ee in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch.so.1)
[1,0]<stderr>:frame #5: <unknown function> + 0x136d7b (0x7f4b2adbbd7b in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,0]<stderr>:frame #6: <unknown function> + 0x3540b4 (0x7f4b2afd90b4 in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,0]<stderr>:frame #7: <unknown function> + 0x354111 (0x7f4b2afd9111 in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,0]<stderr>:<omitting python frames>
[1,0]<stderr>:frame #19: __libc_start_main + 0xf0 (0x7f4b39e92830 in /lib/x86_64-linux-gnu/libc.so.6)
[1,0]<stderr>:
[1,0]<stderr>:[c3425fd1fd9c:01577] *** Process received signal ***
[1,0]<stderr>:[c3425fd1fd9c:01577] Signal: Aborted (6)
[1,0]<stderr>:[c3425fd1fd9c:01577] Signal code: (-6)
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 0] /lib/x86_64-linux-gnu/libpthread.so.0(+0x11390)[0x7f4b3a24d390]
[1,0]<stderr>:[c3425fd1fd9c:01577] [1,0]<stderr>:[ 1] [1,0]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(gsignal+0x38)[0x7f4b39ea7428]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 2] [1,0]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(abort+0x16a)[0x7f4b39ea902a]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 3] [1,0]<stderr>:/opt/conda/lib/libstdc++.so.6(_ZN9__gnu_cxx27__verbose_terminate_handlerEv+0xbc)[0x7f4ad4dcc3df]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 4] [1,0]<stderr>:/opt/conda/lib/libstdc++.so.6(+0x9cb16)[0x7f4ad4dcab16]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 5] [1,0]<stderr>:/opt/conda/lib/libstdc++.so.6(+0x9bf91)[0x7f4ad4dc9f91]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 6] [1,0]<stderr>:/opt/conda/lib/libstdc++.so.6(__gxx_personality_v0+0x33e)[0x7f4ad4dca79d]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 7] /opt/conda/bin/../lib/libgcc_s.so.1(+0xcf56)[0x7f4b39246f56]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 8] [1,0]<stderr>:/opt/conda/bin/../lib/libgcc_s.so.1(_Unwind_Resume+0x61)[0x7f4b392473e9]
[1,0]<stderr>:[c3425fd1fd9c:01577] [ 9] /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so(+0x106e6)[0x7f4acce006e6]
[1,0]<stderr>:[c3425fd1fd9c:01577] [10] [1,0]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so(_ZN3c1010TensorImpl17release_resourcesEv+0x61)[0x7f4ad4e893c1]
[1,0]<stderr>:[c3425fd1fd9c:01577] [11] [1,0]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch.so.1(_ZN5torch8autograd8Variable4Impl17release_resourcesEv+0x5e)[0x7f4ad436b1ee]
[1,0]<stderr>:[c3425fd1fd9c:01577] [12] [1,0]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x136d7b)[0x7f4b2adbbd7b]
[1,0]<stderr>:[c3425fd1fd9c:01577] [13] [1,0]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x3540b4)[0x7f4b2afd90b4]
[1,0]<stderr>:[c3425fd1fd9c:01577] [14] [1,0]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x354111)[0x7f4b2afd9111]
[1,0]<stderr>:[c3425fd1fd9c:01577] [15] [1,0]<stderr>:python(+0x1993cf)[0x55953a7043cf]
[1,0]<stderr>:[c3425fd1fd9c:01577] [16] [1,0]<stderr>:python(+0xf18e8)[0x55953a65c8e8]
[1,0]<stderr>:[c3425fd1fd9c:01577] [17] [1,0]<stderr>:python(+0xf12b7)[0x55953a65c2b7]
[1,0]<stderr>:[c3425fd1fd9c:01577] [18] [1,0]<stderr>:python(+0xf1147)[0x55953a65c147]
[1,0]<stderr>:[c3425fd1fd9c:01577] [19] [1,0]<stderr>:python(+0xf115d)[0x55953a65c15d]
[1,0]<stderr>:[c3425fd1fd9c:01577] [20] [1,0]<stderr>:python(PyDict_SetItem+0x3da)[0x55953a6a1e7a]
[1,0]<stderr>:[c3425fd1fd9c:01577] [21] [1,0]<stderr>:python(PyDict_SetItemString+0x4f)[0x55953a6aa78f]
[1,0]<stderr>:[c3425fd1fd9c:01577] [22] [1,0]<stderr>:python(PyImport_Cleanup+0x99)[0x55953a70e709]
[1,0]<stderr>:[c3425fd1fd9c:01577] [23] [1,0]<stderr>:python(Py_FinalizeEx+0x61)[0x55953a77a5f1]
[1,0]<stderr>:[c3425fd1fd9c:01577] [24] [1,0]<stderr>:python(Py_Main+0x35e)[0x55953a7851fe]
[1,0]<stderr>:[c3425fd1fd9c:01577] [25] [1,0]<stderr>:python(main+0xee)[0x55953a64e02e]
[1,0]<stderr>:[c3425fd1fd9c:01577] [26] [1,0]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(__libc_start_main+0xf0)[0x7f4b39e92830]
[1,0]<stderr>:[c3425fd1fd9c:01577] [27] [1,0]<stderr>:python(+0x1c3e0e)[0x55953a72ee0e]
[1,0]<stderr>:[c3425fd1fd9c:01577] *** End of error message ***
[1,1]<stderr>:terminate called after throwing an instance of 'c10::Error'
[1,1]<stderr>: what(): CUDA error: device-side assert triggered (insert_events at ../c10/cuda/CUDACachingAllocator.cpp:533)
[1,1]<stderr>:frame #0: c10::Error::Error(c10::SourceLocation, std::__cxx11::basic_string<char, std::char_traits<char>, std::allocator<char> > const&) + 0x6a (0x7f6a835fe93a in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so)
[1,1]<stderr>:frame #1: <unknown function> + 0xcafc (0x7f6a7b564afc in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so)
[1,1]<stderr>:frame #2: <unknown function> + 0x10291 (0x7f6a7b568291 in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so)
[1,1]<stderr>:frame #3: c10::TensorImpl::release_resources() + 0x61 (0x7f6a835f13c1 in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so)
[1,1]<stderr>:frame #4: torch::autograd::Variable::Impl::release_resources() + 0x5e (0x7f6a82ad31ee in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch.so.1)
[1,1]<stderr>:frame #5: <unknown function> + 0x136d7b (0x7f6ad9523d7b in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,1]<stderr>:frame #6: <unknown function> + 0x3540b4 (0x7f6ad97410b4 in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,1]<stderr>:frame #7: <unknown function> + 0x354111 (0x7f6ad9741111 in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)
[1,1]<stderr>:<omitting python frames>
[1,1]<stderr>:frame #19: __libc_start_main + 0xf0 (0x7f6ae85fa830 in /lib/x86_64-linux-gnu/libc.so.6)
[1,1]<stderr>:
[1,1]<stderr>:[c3425fd1fd9c:01578] *** Process received signal ***
[1,1]<stderr>:[c3425fd1fd9c:01578] Signal: Aborted (6)
[1,1]<stderr>:[c3425fd1fd9c:01578] Signal code: (-6)
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 0] [1,1]<stderr>:/lib/x86_64-linux-gnu/libpthread.so.0(+0x11390)[0x7f6ae89b5390]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 1] [1,1]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(gsignal+0x38)[0x7f6ae860f428]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 2] [1,1]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(abort+0x16a)[0x7f6ae861102a]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 3] [1,1]<stderr>:/opt/conda/lib/libstdc++.so.6(_ZN9__gnu_cxx27__verbose_terminate_handlerEv+0xbc)[0x7f6a835343df]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 4] [1,1]<stderr>:/opt/conda/lib/libstdc++.so.6(+0x9cb16)[0x7f6a83532b16]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 5] [1,1]<stderr>:/opt/conda/lib/libstdc++.so.6(+0x9bf91)[0x7f6a83531f91]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 6] [1,1]<stderr>:/opt/conda/lib/libstdc++.so.6(__gxx_personality_v0+0x33e)[0x7f6a8353279d]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 7] /opt/conda/bin/../lib/libgcc_s.so.1(+0xcf56)[0x7f6ae79aef56]
[1,1]<stderr>:[c3425fd1fd9c:01578] [1,1]<stderr>:[ 8] /opt/conda/bin/../lib/libgcc_s.so.1(_Unwind_Resume+0x61)[0x7f6ae79af3e9]
[1,1]<stderr>:[c3425fd1fd9c:01578] [ 9] /opt/conda/lib/python3.6/site-packages/torch/lib/libc10_cuda.so(+0x106e6)[0x7f6a7b5686e6]
[1,1]<stderr>:[c3425fd1fd9c:01578] [10] [1,1]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so(_ZN3c1010TensorImpl17release_resourcesEv+0x61)[0x7f6a835f13c1]
[1,1]<stderr>:[c3425fd1fd9c:01578] [11] [1,1]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch.so.1(_ZN5torch8autograd8Variable4Impl17release_resourcesEv+0x5e)[0x7f6a82ad31ee]
[1,1]<stderr>:[c3425fd1fd9c:01578] [12] [1,1]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x136d7b)[0x7f6ad9523d7b]
[1,1]<stderr>:[c3425fd1fd9c:01578] [13] [1,1]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x3540b4)[0x7f6ad97410b4]
[1,1]<stderr>:[c3425fd1fd9c:01578] [14] [1,1]<stderr>:/opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so(+0x354111)[0x7f6ad9741111]
[1,1]<stderr>:[c3425fd1fd9c:01578] [15] [1,1]<stderr>:python(+0x1993cf)[0x55f6d02033cf]
[1,1]<stderr>:[c3425fd1fd9c:01578] [16] [1,1]<stderr>:python(+0xf18e8)[0x55f6d015b8e8]
[1,1]<stderr>:[c3425fd1fd9c:01578] [17] [1,1]<stderr>:python(+0xf12b7)[0x55f6d015b2b7]
[1,1]<stderr>:[c3425fd1fd9c:01578] [18] [1,1]<stderr>:python(+0xf1147)[0x55f6d015b147]
[1,1]<stderr>:[c3425fd1fd9c:01578] [19] [1,1]<stderr>:python(+0xf115d)[0x55f6d015b15d]
[1,1]<stderr>:[c3425fd1fd9c:01578] [20] [1,1]<stderr>:python(PyDict_SetItem+0x3da)[0x55f6d01a0e7a]
[1,1]<stderr>:[c3425fd1fd9c:01578] [21] [1,1]<stderr>:python(PyDict_SetItemString+0x4f)[0x55f6d01a978f]
[1,1]<stderr>:[c3425fd1fd9c:01578] [22] [1,1]<stderr>:python(PyImport_Cleanup+0x99)[0x55f6d020d709]
[1,1]<stderr>:[c3425fd1fd9c:01578] [23] [1,1]<stderr>:python(Py_FinalizeEx+0x61)[0x55f6d02795f1]
[1,1]<stderr>:[c3425fd1fd9c:01578] [24] [1,1]<stderr>:python(Py_Main+0x35e)[0x55f6d02841fe]
[1,1]<stderr>:[c3425fd1fd9c:01578] [25] [1,1]<stderr>:python(main+0xee)[0x55f6d014d02e]
[1,1]<stderr>:[c3425fd1fd9c:01578] [26] [1,1]<stderr>:/lib/x86_64-linux-gnu/libc.so.6(__libc_start_main+0xf0)[0x7f6ae85fa830]
[1,1]<stderr>:[c3425fd1fd9c:01578] [27] [1,1]<stderr>:python(+0x1c3e0e)[0x55f6d022de0e]
[1,1]<stderr>:[c3425fd1fd9c:01578] *** End of error message ***
--------------------------------------------------------------------------
Primary job terminated normally, but 1 process returned
a non-zero exit code. Per user-direction, the job has been aborted.
--------------------------------------------------------------------------
--------------------------------------------------------------------------
mpirun noticed that process rank 1 with PID 0 on node c3425fd1fd9c exited on signal 6 (Aborted).