Research code for ECCV 2020 paper "UNITER: UNiversal Image-TExt Representation Learning"

Overview

UNITER: UNiversal Image-TExt Representation Learning

This is the official repository of UNITER (ECCV 2020). This repository currently supports finetuning UNITER on NLVR2, VQA, VCR, SNLI-VE, Image-Text Retrieval for COCO and Flickr30k, and Referring Expression Comprehensions (RefCOCO, RefCOCO+, and RefCOCO-g). Both UNITER-base and UNITER-large pre-trained checkpoints are released. UNITER-base pre-training with in-domain data is also available.

Overview of UNITER

Some code in this repo are copied/modified from opensource implementations made available by PyTorch, HuggingFace, OpenNMT, and Nvidia. The image features are extracted using BUTD.

Requirements

We provide Docker image for easier reproduction. Please install the following:

Our scripts require the user to have the docker group membership so that docker commands can be run without sudo. We only support Linux with NVIDIA GPUs. We test on Ubuntu 18.04 and V100 cards. We use mixed-precision training hence GPUs with Tensor Cores are recommended.

Quick Start

NOTE: Please run bash scripts/download_pretrained.sh $PATH_TO_STORAGE to get our latest pretrained checkpoints. This will download both the base and large models.

We use NLVR2 as an end-to-end example for using this code base.

  1. Download processed data and pretrained models with the following command.

    bash scripts/download_nlvr2.sh $PATH_TO_STORAGE

    After downloading you should see the following folder structure:

    ├── ann
    │   ├── dev.json
    │   └── test1.json
    ├── finetune
    │   ├── nlvr-base
    │   └── nlvr-base.tar
    ├── img_db
    │   ├── nlvr2_dev
    │   ├── nlvr2_dev.tar
    │   ├── nlvr2_test
    │   ├── nlvr2_test.tar
    │   ├── nlvr2_train
    │   └── nlvr2_train.tar
    ├── pretrained
    │   └── uniter-base.pt
    └── txt_db
        ├── nlvr2_dev.db
        ├── nlvr2_dev.db.tar
        ├── nlvr2_test1.db
        ├── nlvr2_test1.db.tar
        ├── nlvr2_train.db
        └── nlvr2_train.db.tar
    
  2. Launch the Docker container for running the experiments.

    # docker image should be automatically pulled
    source launch_container.sh $PATH_TO_STORAGE/txt_db $PATH_TO_STORAGE/img_db \
        $PATH_TO_STORAGE/finetune $PATH_TO_STORAGE/pretrained

    The launch script respects $CUDA_VISIBLE_DEVICES environment variable. Note that the source code is mounted into the container under /src instead of built into the image so that user modification will be reflected without re-building the image. (Data folders are mounted into the container separately for flexibility on folder structures.)

  3. Run finetuning for the NLVR2 task.

    # inside the container
    python train_nlvr2.py --config config/train-nlvr2-base-1gpu.json
    
    # for more customization
    horovodrun -np $N_GPU python train_nlvr2.py --config $YOUR_CONFIG_JSON
  4. Run inference for the NLVR2 task and then evaluate.

    # inference
    python inf_nlvr2.py --txt_db /txt/nlvr2_test1.db/ --img_db /img/nlvr2_test/ \
        --train_dir /storage/nlvr-base/ --ckpt 6500 --output_dir . --fp16
    
    # evaluation
    # run this command outside docker (tested with python 3.6)
    # or copy the annotation json into mounted folder
    python scripts/eval_nlvr2.py ./results.csv $PATH_TO_STORAGE/ann/test1.json

    The above command runs inference on the model we trained. Feel free to replace --train_dir and --ckpt with your own model trained in step 3. Currently we only support single GPU inference.

  5. Customization

    # training options
    python train_nlvr2.py --help
    • command-line argument overwrites JSON config files
    • JSON config overwrites argparse default value.
    • use horovodrun to run multi-GPU training
    • --gradient_accumulation_steps emulates multi-gpu training
  6. Misc.

    # text annotation preprocessing
    bash scripts/create_txtdb.sh $PATH_TO_STORAGE/txt_db $PATH_TO_STORAGE/ann
    
    # image feature extraction (Tested on Titan-Xp; may not run on latest GPUs)
    bash scripts/extract_imgfeat.sh $PATH_TO_IMG_FOLDER $PATH_TO_IMG_NPY
    
    # image preprocessing
    bash scripts/create_imgdb.sh $PATH_TO_IMG_NPY $PATH_TO_STORAGE/img_db

    In case you would like to reproduce the whole preprocessing pipeline.

Downstream Tasks Finetuning

VQA

NOTE: train and inference should be ran inside the docker container

  1. download data
    bash scripts/download_vqa.sh $PATH_TO_STORAGE
    
  2. train
    horovodrun -np 4 python train_vqa.py --config config/train-vqa-base-4gpu.json \
        --output_dir $VQA_EXP
    
  3. inference
    python inf_vqa.py --txt_db /txt/vqa_test.db --img_db /img/coco_test2015 \
        --output_dir $VQA_EXP --checkpoint 6000 --pin_mem --fp16
    
    The result file will be written at $VQA_EXP/results_test/results_6000_all.json, which can be submitted to the evaluation server

VCR

NOTE: train and inference should be ran inside the docker container

  1. download data
    bash scripts/download_vcr.sh $PATH_TO_STORAGE
    
  2. train
    horovodrun -np 4 python train_vcr.py --config config/train-vcr-base-4gpu.json \
        --output_dir $VCR_EXP
    
  3. inference
    horovodrun -np 4 python inf_vcr.py --txt_db /txt/vcr_test.db \
        --img_db "/img/vcr_gt_test/;/img/vcr_test/" \
        --split test --output_dir $VCR_EXP --checkpoint 8000 \
        --pin_mem --fp16
    
    The result file will be written at $VCR_EXP/results_test/results_8000_all.csv, which can be submitted to VCR leaderboard for evluation.

VCR 2nd Stage Pre-training

NOTE: pretrain should be ran inside the docker container

  1. download VCR data if you haven't
    bash scripts/download_vcr.sh $PATH_TO_STORAGE
    
  2. 2nd stage pre-train
    horovodrun -np 4 python pretrain_vcr.py --config config/pretrain-vcr-base-4gpu.json \
        --output_dir $PRETRAIN_VCR_EXP
    

Visual Entailment (SNLI-VE)

NOTE: train should be ran inside the docker container

  1. download data
    bash scripts/download_ve.sh $PATH_TO_STORAGE
    
  2. train
    horovodrun -np 2 python train_ve.py --config config/train-ve-base-2gpu.json \
        --output_dir $VE_EXP
    

Image-Text Retrieval

download data

bash scripts/download_itm.sh $PATH_TO_STORAGE

NOTE: Image-Text Retrieval is computationally heavy, especially on COCO.

Zero-shot Image-Text Retrieval (Flickr30k)

# every image-text pair has to be ranked; please use as many GPUs as possible
horovodrun -np $NGPU python inf_itm.py \
    --txt_db /txt/itm_flickr30k_test.db --img_db /img/flickr30k \
    --checkpoint /pretrain/uniter-base.pt --model_config /src/config/uniter-base.json \
    --output_dir $ZS_ITM_RESULT --fp16 --pin_mem

Image-Text Retrieval (Flickr30k)

  • normal finetune
    horovodrun -np 8 python train_itm.py --config config/train-itm-flickr-base-8gpu.json
    
  • finetune with hard negatives
    horovodrun -np 16 python train_itm_hard_negatives.py \
        --config config/train-itm-flickr-base-16gpu-hn.jgon
    

Image-Text Retrieval (COCO)

  • finetune with hard negatives
    horovodrun -np 16 python train_itm_hard_negatives.py \
        --config config/train-itm-coco-base-16gpu-hn.json
    

Referring Expressions

  1. download data
    bash scripts/download_re.sh $PATH_TO_STORAGE
    
  2. train
    python train_re.py --config config/train-refcoco-base-1gpu.json \
        --output_dir $RE_EXP
    
  3. inference and evaluation
    source scripts/eval_refcoco.sh $RE_EXP
    
    The result files will be written under $RE_EXP/results_test/

Similarly, change corresponding configs/scripts for running RefCOCO+/RefCOCOg.

Pre-tranining

download

bash scripts/download_indomain.sh $PATH_TO_STORAGE

pre-train

horovodrun -np 8 python pretrain.py --config config/pretrain-indomain-base-8gpu.json \
    --output_dir $PRETRAIN_EXP

Unfortunately, we cannot host CC/SBU features due to their large size. Users will need to process them on their own. We will provide a smaller sample for easier reference to the expected format soon.

Citation

If you find this code useful for your research, please consider citing:

@inproceedings{chen2020uniter,
  title={Uniter: Universal image-text representation learning},
  author={Chen, Yen-Chun and Li, Linjie and Yu, Licheng and Kholy, Ahmed El and Ahmed, Faisal and Gan, Zhe and Cheng, Yu and Liu, Jingjing},
  booktitle={ECCV},
  year={2020}
}

License

MIT

Comments
  • RuntimeError: CUDA error: device-side assert triggered

    RuntimeError: CUDA error: device-side assert triggered

    Hi everyone,

    I am creating a UNITER model for a classification task, but after a few steps of training it launches the error

    RuntimeError: CUDA error: device-side assert triggered

    TRAINING...
    0%
    0/15 [00:01<?, ?it/s]
    1%
    4/563 [00:11<27:16, 2.93s/it]
    0
    /usr/local/lib/python3.6/dist-packages/apex/amp/_initialize.py:25: UserWarning: An input tensor was not cuda.
      warnings.warn("An input tensor was not cuda.")
    1
    2
    3
    4
    
    RuntimeError                              Traceback (most recent call last)
    <ipython-input-52-743c7191f227> in <module>()
         19       b_labels = batch['targets']
         20 
    ---> 21       b_logits = model(batch)
         22 
         23       logits.extend(b_logits)
    
    11 frames
    /usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py in _call_impl(self, *input, **kwargs)
        720             result = self._slow_forward(*input, **kwargs)
        721         else:
    --> 722             result = self.forward(*input, **kwargs)
        723         for hook in itertools.chain(
        724                 _global_forward_hooks.values(),
    
    /usr/local/lib/python3.6/dist-packages/apex/amp/_initialize.py in new_fwd(*args, **kwargs)
        195                 def new_fwd(*args, **kwargs):
        196                     output = old_fwd(*applier(args, input_caster),
    --> 197                                      **applier(kwargs, input_caster))
        198                     return applier(output, output_caster)
        199                 return new_fwd
    
    <ipython-input-33-52c750f75352> in forward(self, batch, compute_loss)
         34                                       img_feat, img_pos_feat,
         35                                       attn_masks, gather_index,
    ---> 36                                       output_all_encoded_layers=False)
         37         pooled_output = self.uniter.pooler(sequence_output)
         38         output = self.hateful_memes_output(pooled_output)
    
    /usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py in _call_impl(self, *input, **kwargs)
        720             result = self._slow_forward(*input, **kwargs)
        721         else:
    --> 722             result = self.forward(*input, **kwargs)
        723         for hook in itertools.chain(
        724                 _global_forward_hooks.values(),
    
    <ipython-input-32-5e573da9f309> in forward(self, input_ids, position_ids, img_feat, img_pos_feat, attention_mask, gather_index, img_masks, output_all_encoded_layers, txt_type_ids, img_type_ids)
        354         encoded_layers = self.encoder(
        355             embedding_output, extended_attention_mask,
    --> 356             output_all_encoded_layers=output_all_encoded_layers)
        357         if not output_all_encoded_layers:
        358             encoded_layers = encoded_layers[-1]
    
    /usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py in _call_impl(self, *input, **kwargs)
        720             result = self._slow_forward(*input, **kwargs)
        721         else:
    --> 722             result = self.forward(*input, **kwargs)
        723         for hook in itertools.chain(
        724                 _global_forward_hooks.values(),
    
    <ipython-input-32-5e573da9f309> in forward(self, input_, attention_mask, output_all_encoded_layers)
        277         hidden_states = input_
        278         for layer_module in self.layer:
    --> 279             hidden_states = layer_module(hidden_states, attention_mask)
        280             if output_all_encoded_layers:
        281                 all_encoder_layers.append(hidden_states)
    
    /usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py in _call_impl(self, *input, **kwargs)
        720             result = self._slow_forward(*input, **kwargs)
        721         else:
    --> 722             result = self.forward(*input, **kwargs)
        723         for hook in itertools.chain(
        724                 _global_forward_hooks.values(),
    
    <ipython-input-31-529775d24505> in forward(self, hidden_states, attention_mask)
        147     def forward(self, hidden_states, attention_mask):
        148         attention_output = self.attention(hidden_states, attention_mask)
    --> 149         intermediate_output = self.intermediate(attention_output)
        150         layer_output = self.output(intermediate_output, attention_output)
        151         return layer_output
    
    /usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py in _call_impl(self, *input, **kwargs)
        720             result = self._slow_forward(*input, **kwargs)
        721         else:
    --> 722             result = self.forward(*input, **kwargs)
        723         for hook in itertools.chain(
        724                 _global_forward_hooks.values(),
    
    <ipython-input-31-529775d24505> in forward(self, hidden_states)
        120     def forward(self, hidden_states):
        121         hidden_states = self.dense(hidden_states)
    --> 122         hidden_states = self.intermediate_act_fn(hidden_states)
        123         return hidden_states
        124 
    
    <ipython-input-31-529775d24505> in gelu(x)
         16         Also see https://arxiv.org/abs/1606.08415
         17     """
    ---> 18     return x * 0.5 * (1.0 + torch.erf(x / math.sqrt(2.0)))
         19 
         20 
    
    RuntimeError: CUDA error: device-side assert triggered
    

    Have you encounter this error before?

    If I try to make a forward pass before training the outputs are correct

    model.train()
    outputs = model(d)
    torch.sigmoid(outputs).cpu().detach().numpy().tolist()
    /usr/local/lib/python3.6/dist-packages/apex/amp/_initialize.py:25: UserWarning: An input tensor was not cuda.
      warnings.warn("An input tensor was not cuda.")
    [[0.4417332112789154],
     [0.382718026638031],
     [0.46414244174957275],
     [0.5104507803916931],
     [0.4497249126434326],
     [0.5214864015579224],
     [0.5086051225662231],
     [0.4487886130809784],
     [0.5447408556938171],
     [0.48516517877578735],
     [0.45522886514663696],
     [0.5446500778198242],
     [0.5219737887382507],
     [0.4610774517059326],
     [0.49035000801086426],
     [0.5698526501655579]]
    

    The model

    class UniterCls(UniterPreTrainedModel):
    
        def __init__(self, config, img_dim):
            super().__init__(config)
            self.uniter = UniterModel(config, img_dim)
            self.output = nn.Sequential(
                nn.Linear(config.hidden_size, config.hidden_size*2),
                GELU(),
                LayerNorm(config.hidden_size*2, eps=1e-12),
                nn.Linear(config.hidden_size*2, 1)
            )
            self.apply(self.init_weights)
    
        def forward(self, batch):
            batch = defaultdict(lambda: None, batch)
            input_ids = batch['input_ids'].to(device)
            position_ids = batch['position_ids'].to(device)
            img_feat = batch['img_feat'].to(device)
            img_pos_feat = batch['img_pos_feat'].to(device)
            attn_masks = batch['attn_masks'].to(device)
            gather_index = batch['gather_index'].to(device)
            sequence_output = self.uniter(input_ids, position_ids,
                                          img_feat, img_pos_feat,
                                          attn_masks, gather_index,
                                          output_all_encoded_layers=False)
            pooled_output = self.uniter.pooler(sequence_output)
            output = self.output(pooled_output)
    
            return output
    
    opened by VictorCallejas 4
  • txt_db preprocessing code for VQA

    txt_db preprocessing code for VQA

    Hi could you also release prepro.py for VQA? I have my own alternative questions and answers for VQA images and I want to test UNITER (and VILLA) on these.

    It seems that prepro.py only has a process_nlvr2() function -- but not for VQA

    opened by tejas-gokhale 3
  • Why we need to add size_mul here?

    Why we need to add size_mul here?

    Hi, I don't quite understand the code here.

    https://github.com/ChenRocks/UNITER/blob/80d3602d71d65700eab373acb0507e31e251b7e7/data/sampler.py#L41-L42

    self._size_mul is used for partitioning, then why we need to add it when checking if the full token length is exceeded?

    opened by VisualJoyce 3
  • TypeError: forward() got an unexpected keyword argument 'input_ids'

    TypeError: forward() got an unexpected keyword argument 'input_ids'

    Hello I am just onboarding this repo and am stuck at the following step:

    1. Run inference for the NLVR2 task and then evaluate.

    inference

    python inf_nlvr2.py --txt_db /txt/nlvr2_test1.db/ --img_db /img/nlvr2_test/
    --train_dir /storage/nlvr-base/ --ckpt 6500 --output_dir . --fp16

    .

    I first got an hvd error that I resolved by adding a hvd.init() in the /data/data.py after importing hvd.

    But now I get the error below. Can you please let me know what I could be doing incorrectly?

    Traceback (most recent call last): File "inf_nlvr2.py", line 138, in main(args) File "inf_nlvr2.py", line 71, in main results = evaluate(model, eval_dataloader, device) File "/opt/conda/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 43, in decorate_no_grad return func(*args, **kwargs) File "inf_nlvr2.py", line 92, in evaluate scores = model(**batch, targets=None, compute_loss=False) File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 491, in call result = self.forward(*input, **kwargs) File "/opt/conda/lib/python3.6/site-packages/apex/amp/_initialize.py", line 177, in new_fwd **applier(kwargs, input_caster)) TypeError: forward() got an unexpected keyword argument 'input_ids'

    opened by foxm79 3
  • Unable to locate tools/generate_npz.py

    Unable to locate tools/generate_npz.py

    While recreating the preprocessing pipeline, I am not able to locate the file generate_npz.py for image feature extraction. This file is referenced in scripts/extract_imgfeat.sh for your reference.

    opened by anisha2102 3
  •  The format of pre-training data

    The format of pre-training data

    Thanks for your great work!I wanna ask : In the pre-training of the second stage of the VCR task, what is the format of pre-training data? Thanks again!

    opened by Frankszc 3
  • RefCOCO training / evaluation details

    RefCOCO training / evaluation details

    Hello, I have some questions regarding RefCOCO/+/g training / evaluation details.

    1. Are you going to upload RefCOCO/+/g training/evaluation codes?
    2. Which boxes did you finetune UNITER on?
    3. Which boxes did you use to evaluate on val, test, val^d, and test^d evaluation respectively? Did you use Mask R-CNN boxes from MattNet?

    Table from UNITER image

    It seems ViLBERT-MT authors finetuned their model on 100 BUTD boxes + Mask R-CNN boxes from MattNet-> code. Then they used 100 BUTD boxes during evaluation -> code

    I calculated oracle scores on RefCOCOg val split: "if there exists a candidate box with iou(candidate,target) > 0.5 => correct"

    Mask R-CNN boxes from MAttNet -> 86.10% MS COCO GT boxes -> 99.6% VilBERT-MT's 100 BUTD boxes on RefCOCOg -> 96.53%

    Since BUTD boxes have better coverage on Mask R-CNN boxes from MAttNet, I don't think this is fair comparison to MattNet. Also this is not consistent with the ViLBERT-MT paper.

    Paragraph from ViLBERT-MT image

    ViLBERT-MT authors compared ViLBERT-MT and UNITER on test^d. I wonder which boxes you used for UNITER finetuning and evaluation.

    Table from ViLBERT-MT image

    opened by j-min 2
  • Do you know this error?

    Do you know this error?

    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).
    
    
    opened by jaeyun95 2
  • "Warning: NaN or Inf found in input tensor" and "Gradient overflow. Skipping step, loss ..."

    i got this during vcr training. ("Warning: NaN or Inf found in input tensor" and "Gradient overflow. Skipping step, loss scaler 0 reducing loss scale to 32768.0") Is the problem caused by hardware?

    thank you!

    [1,1]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 32768.0
    [1,0]<stdout>:Warning: NaN or Inf found in input tensor.
    [1,0]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 32768.0
      0%|          | 1/8000 [00:02<5:51:34,  2.64s/it][1,0]<stdout>:Warning: NaN or Inf found in input tensor.
    [1,0]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 16384.0
      0%|          | 2/8000 [00:03<4:48:42,  2.17s/it][1,1]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 16384.0
      1%|▏         | 100/8000 [02:22<3:09:47,  1.44s/it][1,0]<stderr>:09/13/2020 04:37:50 - INFO - __main__ -   ============Step 100=============
    [1,0]<stderr>:09/13/2020 04:37:50 - INFO - __main__ -   32000 examples trained at 225 ex/s
    [1,0]<stderr>:09/13/2020 04:37:50 - INFO - __main__ -   ===========================================
      2%|▎         | 200/8000 [04:52<3:25:59,  1.58s/it][1,0]<stderr>:09/13/2020 04:40:21 - INFO - __main__ -   ============Step 200=============
    [1,0]<stderr>:09/13/2020 04:40:21 - INFO - __main__ -   64000 examples trained at 218 ex/s
    [1,0]<stderr>:09/13/2020 04:40:21 - INFO - __main__ -   ===========================================
      4%|▎         | 299/8000 [07:46<3:55:29,  1.83s/it][1,1]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 8192.0
    [1,0]<stdout>:Warning: NaN or Inf found in input tensor.
    [1,0]<stdout>:Gradient overflow.  Skipping step, loss scaler 0 reducing loss scale to 8192.0
      4%|▍         | 300/8000 [07:48<4:01:47,  1.88s/it][1,0]<stderr>:09/13/2020 04:43:17 - INFO - __main__ -   ============Step 300=============
    [1,0]<stderr>:09/13/2020 04:43:17 - INFO - __main__ -   96000 examples trained at 204 ex/s
    [1,0]<stderr>:09/13/2020 04:43:17 - INFO - __main__ -   ===========================================
      5%|▌         | 400/8000 [10:57<4:05:42,  1.94s/it][1,0]<stderr>:09/13/2020 04:46:26 - INFO - __main__ -   ============Step 400=============
    [1,0]<stderr>:09/13/2020 04:46:26 - INFO - __main__ -   128000 examples trained at 194 ex/s
    [1,0]<stderr>:09/13/2020 04:46:26 - INFO - __main__ -   ===========================================
    
    
    opened by jaeyun95 2
  • i got

    i got "subprocess.CalledProcessError: Command '['git', 'status', '--short']' returned non-zero exit status 128"

    i got this problem. how do i do?

    thank you

    root@da5f2b8bcf3b:/src# horovodrun -np 2 python train_vcr.py --config config/train-vcr-base-4gpu.json --output_dir /media/ailab/jaeyun/UNITER/output
    [1,0]<stderr>:09/12/2020 19:01:03 - INFO - __main__ -   device: cuda:0 n_gpu: 2, rank: 0, 16-bits training: True
    [1,1]<stderr>:09/12/2020 19:01:03 - INFO - __main__ -   device: cuda:1 n_gpu: 2, rank: 1, 16-bits training: True
    [1,0]<stderr>:09/12/2020 19:01:03 - INFO - __main__ -   Loading Train Dataset ['/txt/vcr_train.db/'], ['/img/vcr_gt_train/;/img/vcr_train/']
    [1,1]<stderr>:09/12/2020 19:01:03 - INFO - __main__ -   Loading Train Dataset ['/txt/vcr_train.db/'], ['/img/vcr_gt_train/;/img/vcr_train/']
    [1,0]<stderr>:09/12/2020 19:01:06 - INFO - __main__ -   Loading Val Dataset /txt/vcr_val.db/, /img/vcr_gt_val/;/img/vcr_val/
    [1,1]<stderr>:09/12/2020 19:01:06 - INFO - __main__ -   Loading Val Dataset /txt/vcr_val.db/, /img/vcr_gt_val/;/img/vcr_val/
    [1,0]<stderr>:09/12/2020 19:01:06 - 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/12/2020 19:01:06 - 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,1]<stderr>:09/12/2020 19:01:08 - INFO - model.model -   Weights of UniterForVisualCommonsenseReasoning not initialized from pretrained model: ['uniter.embeddings.word_embeddings.weight', 'uniter.embeddings.position_embeddings.weight', 'uniter.embeddings.token_type_embeddings.weight', 'uniter.embeddings.LayerNorm.weight', 'uniter.embeddings.LayerNorm.bias', '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.encoder.layer.0.attention.self.query.weight', 'uniter.encoder.layer.0.attention.self.query.bias', 'uniter.encoder.layer.0.attention.self.key.weight', 'uniter.encoder.layer.0.attention.self.key.bias', 'uniter.encoder.layer.0.attention.self.value.weight', 'uniter.encoder.layer.0.attention.self.value.bias', 'uniter.encoder.layer.0.attention.output.dense.weight', 'uniter.encoder.layer.0.attention.output.dense.bias', 'uniter.encoder.layer.0.attention.output.LayerNorm.weight', 'uniter.encoder.layer.0.attention.output.LayerNorm.bias', 'uniter.encoder.layer.0.intermediate.dense.weight', 'uniter.encoder.layer.0.intermediate.dense.bias', 'uniter.encoder.layer.0.output.dense.weight', 'uniter.encoder.layer.0.output.dense.bias', 'uniter.encoder.layer.0.output.LayerNorm.weight', 'uniter.encoder.layer.0.output.LayerNorm.bias', 'uniter.encoder.layer.1.attention.self.query.weight', 'uniter.encoder.layer.1.attention.self.query.bias', 'uniter.encoder.layer.1.attention.self.key.weight', 'uniter.encoder.layer.1.attention.self.key.bias', 'uniter.encoder.layer.1.attention.self.value.weight', 'uniter.encoder.layer.1.attention.self.value.bias', 'uniter.encoder.layer.1.attention.output.dense.weight', 'uniter.encoder.layer.1.attention.output.dense.bias', 'uniter.encoder.layer.1.attention.output.LayerNorm.weight', 'uniter.encoder.layer.1.attention.output.LayerNorm.bias', 'uniter.encoder.layer.1.intermediate.dense.weight', 'uniter.encoder.layer.1.intermediate.dense.bias', 'uniter.encoder.layer.1.output.dense.weight', 'uniter.encoder.layer.1.output.dense.bias', 'uniter.encoder.layer.1.output.LayerNorm.weight', 'uniter.encoder.layer.1.output.LayerNorm.bias', 'uniter.encoder.layer.2.attention.self.query.weight', 'uniter.encoder.layer.2.attention.self.query.bias', 'uniter.encoder.layer.2.attention.self.key.weight', 'uniter.encoder.layer.2.attention.self.key.bias', 'uniter.encoder.layer.2.attention.self.value.weight', 'uniter.encoder.layer.2.attention.self.value.bias', 'uniter.encoder.layer.2.attention.output.dense.weight', 'uniter.encoder.layer.2.attention.output.dense.bias', 'uniter.encoder.layer.2.attention.output.LayerNorm.weight', 'uniter.encoder.layer.2.attention.output.LayerNorm.bias', 'uniter.encoder.layer.2.intermediate.dense.weight', 'uniter.encoder.layer.2.intermediate.dense.bias', 'uniter.encoder.layer.2.output.dense.weight', 'uniter.encoder.layer.2.output.dense.bias', 'uniter.encoder.layer.2.output.LayerNorm.weight', 'uniter.encoder.layer.2.output.LayerNorm.bias', 'uniter.encoder.layer.3.attention.self.query.weight', 'uniter.encoder.layer.3.attention.self.query.bias', 'uniter.encoder.layer.3.attention.self.key.weight', 'uniter.encoder.layer.3.attention.self.key.bias', 'uniter.encoder.layer.3.attention.self.value.weight', 'uniter.encoder.layer.3.attention.self.value.bias', 'uniter.encoder.layer.3.attention.output.dense.weight', 'uniter.encoder.layer.3.attention.output.dense.bias', 'uniter.encoder.layer.3.attention.output.LayerNorm.weight', 'uniter.encoder.layer.3.attention.output.LayerNorm.bias', 'uniter.encoder.layer.3.intermediate.dense.weight', 'uniter.encoder.layer.3.intermediate.dense.bias', 'uniter.encoder.layer.3.output.dense.weight', 'uniter.encoder.layer.3.output.dense.bias', 'uniter.encoder.layer.3.output.LayerN[1,1]<stderr>:orm.weight', 'uniter.encoder.layer.3.output.LayerNorm.bias', 'uniter.encoder.layer.4.attention.self.query.weight', 'uniter.encoder.layer.4.attention.self.query.bias', 'uniter.encoder.layer.4.attention.self.key.weight', 'uniter.encoder.layer.4.attention.self.key.bias', 'uniter.encoder.layer.4.attention.self.value.weight', 'uniter.encoder.layer.4.attention.self.value.bias', 'uniter.encoder.layer.4.attention.output.dense.weight', 'uniter.encoder.layer.4.attention.output.dense.bias', 'uniter.encoder.layer.4.attention.output.LayerNorm.weight', 'uniter.encoder.layer.4.attention.output.LayerNorm.bias', 'uniter.encoder.layer.4.intermediate.dense.weight', 'uniter.encoder.layer.4.intermediate.dense.bias', 'uniter.encoder.layer.4.output.dense.weight', 'uniter.encoder.layer.4.output.dense.bias', 'uniter.encoder.layer.4.output.LayerNorm.weight', 'uniter.encoder.layer.4.output.LayerNorm.bias', 'uniter.encoder.layer.5.attention.self.query.weight', 'uniter.encoder.layer.5.attention.self.query.bias', 'uniter.encoder.layer.5.attention.self.key.weight', 'uniter.encoder.layer.5.attention.self.key.bias', 'uniter.encoder.layer.5.attention.self.value.weight', 'uniter.encoder.layer.5.attention.self.value.bias', 'uniter.encoder.layer.5.attention.output.dense.weight', 'uniter.encoder.layer.5.attention.output.dense.bias', 'uniter.encoder.layer.5.attention.output.LayerNorm.weight', 'uniter.encoder.layer.5.attention.output.LayerNorm.bias', 'uniter.encoder.layer.5.intermediate.dense.weight', 'uniter.encoder.layer.5.intermediate.dense.bias', 'uniter.encoder.layer.5.output.dense.weight', 'uniter.encoder.layer.5.output.dense.bias', 'uniter.encoder.layer.5.output.LayerNorm.weight', 'uniter.encoder.layer.5.output.LayerNorm.bias', 'uniter.encoder.layer.6.attention.self.query.weight', 'uniter.encoder.layer.6.attention.self.query.bias', 'uniter.encoder.layer.6.attention.self.key.weight', 'uniter.encoder.layer.6.attention.self.key.bias', 'uniter.encoder.layer.6.attention.self.value.weight', 'uniter.encoder.layer.6.attention.self.value.bias', 'uniter.encoder.layer.6.attention.output.dense.weight', 'uniter.encoder.layer.6.attention.output.dense.bias', 'uniter.encoder.layer.6.attention.output.LayerNorm.weight', 'uniter.encoder.layer.6.attention.output.LayerNorm.bias', 'uniter.encoder.layer.6.intermediate.dense.weight', 'uniter.encoder.layer.6.intermediate.dense.bias', 'uniter.encoder.layer.6.output.dense.weight', 'uniter.encoder.layer.6.output.dense.bias', 'uniter.encoder.layer.6.output.LayerNorm.weight', 'uniter.encoder.layer.6.output.LayerNorm.bias', 'uniter.encoder.layer.7.attention.self.query.weight', 'uniter.encoder.layer.7.attention.self.query.bias', 'uniter.encoder.layer.7.attention.self.key.weight', 'uniter.encoder.layer.7.attention.self.key.bias', 'uniter.encoder.layer.7.attention.self.value.weight', 'uniter.encoder.layer.7.attention.self.value.bias', 'uniter.encoder.layer.7.attention.output.dense.weight', 'uniter.encoder.layer.7.attention.output.dense.bias', 'uniter.encoder.layer.7.attention.output.LayerNorm.weight', 'uniter.encoder.layer.7.attention.output.LayerNorm.bias', 'uniter.encoder.layer.7.intermediate.dense.weight', 'uniter.encoder.layer.7.intermediate.dense.bias', 'uniter.encoder.layer.7.output.dense.weight', 'uniter.encoder.layer.7.output.dense.bias', 'uniter.encoder.layer.7.output.LayerNorm.weight', 'uniter.encoder.layer.7.output.LayerNorm.bias', 'uniter.encoder.layer.8.attention.self.query.weight', 'uniter.encoder.layer.8.attention.self.query.bias', 'uniter.encoder.layer.8.attention.self.key.weight', 'uniter.encoder.layer.8.attention.self.key.bias', 'uniter.encoder.layer.8.attention.self.value.weight', 'uniter.encoder.layer.8.attention.self.value.bias', 'uniter.encoder.layer.8.attention.output.dense.weight', 'uniter.encoder.layer.8.attention.output.dense.bias', 'uniter.encoder.layer.8.attention.output.LayerNorm.weight', 'uniter.encoder.layer.8.attention.output.LayerNorm.bias', 'uniter.encoder.layer.8.intermediate.dense.weight', 'uniter.encoder.layer.8.intermediate.dense.bias', 'uniter.encoder.layer.8.output.dense.weight', 'uniter.encoder.l[1,1]<stderr>:ayer.8.output.dense.bias', 'uniter.encoder.layer.8.output.LayerNorm.weight', 'uniter.encoder.layer.8.output.LayerNorm.bias', 'uniter.encoder.layer.9.attention.self.query.weight', 'uniter.encoder.layer.9.attention.self.query.bias', 'uniter.encoder.layer.9.attention.self.key.weight', 'uniter.encoder.layer.9.attention.self.key.bias', 'uniter.encoder.layer.9.attention.self.value.weight', 'uniter.encoder.layer.9.attention.self.value.bias', 'uniter.encoder.layer.9.attention.output.dense.weight', 'uniter.encoder.layer.9.attention.output.dense.bias', 'uniter.encoder.layer.9.attention.output.LayerNorm.weight', 'uniter.encoder.layer.9.attention.output.LayerNorm.bias', 'uniter.encoder.layer.9.intermediate.dense.weight', 'uniter.encoder.layer.9.intermediate.dense.bias', 'uniter.encoder.layer.9.output.dense.weight', 'uniter.encoder.layer.9.output.dense.bias', 'uniter.encoder.layer.9.output.LayerNorm.weight', 'uniter.encoder.layer.9.output.LayerNorm.bias', 'uniter.encoder.layer.10.attention.self.query.weight', 'uniter.encoder.layer.10.attention.self.query.bias', 'uniter.encoder.layer.10.attention.self.key.weight', 'uniter.encoder.layer.10.attention.self.key.bias', 'uniter.encoder.layer.10.attention.self.value.weight', 'uniter.encoder.layer.10.attention.self.value.bias', 'uniter.encoder.layer.10.attention.output.dense.weight', 'uniter.encoder.layer.10.attention.output.dense.bias', 'uniter.encoder.layer.10.attention.output.LayerNorm.weight', 'uniter.encoder.layer.10.attention.output.LayerNorm.bias', 'uniter.encoder.layer.10.intermediate.dense.weight', 'uniter.encoder.layer.10.intermediate.dense.bias', 'uniter.encoder.layer.10.output.dense.weight', 'uniter.encoder.layer.10.output.dense.bias', 'uniter.encoder.layer.10.output.LayerNorm.weight', 'uniter.encoder.layer.10.output.LayerNorm.bias', 'uniter.encoder.layer.11.attention.self.query.weight', 'uniter.encoder.layer.11.attention.self.query.bias', 'uniter.encoder.layer.11.attention.self.key.weight', 'uniter.encoder.layer.11.attention.self.key.bias', 'uniter.encoder.layer.11.attention.self.value.weight', 'uniter.encoder.layer.11.attention.self.value.bias', 'uniter.encoder.layer.11.attention.output.dense.weight', 'uniter.encoder.layer.11.attention.output.dense.bias', 'uniter.encoder.layer.11.attention.output.LayerNorm.weight', 'uniter.encoder.layer.11.attention.output.LayerNorm.bias', 'uniter.encoder.layer.11.intermediate.dense.weight', 'uniter.encoder.layer.11.intermediate.dense.bias', 'uniter.encoder.layer.11.output.dense.weight', 'uniter.encoder.layer.11.output.dense.bias', 'uniter.encoder.layer.11.output.LayerNorm.weight', 'uniter.encoder.layer.11.output.LayerNorm.bias', 'uniter.pooler.dense.weight', 'uniter.pooler.dense.bias', 'vcr_output.0.weight', 'vcr_output.0.bias', 'vcr_output.2.weight', 'vcr_output.2.bias', 'vcr_output.3.weight', 'vcr_output.3.bias']
    [1,0]<stderr>:09/12/2020 19:01:08 - INFO - model.model -   Weights of UniterForVisualCommonsenseReasoning not initialized from pretrained model: ['uniter.embeddings.word_embeddings.weight', 'uniter.embeddings.position_embeddings.weight', 'uniter.embeddings.token_type_embeddings.weight', 'uniter.embeddings.LayerNorm.weight', 'uniter.embeddings.LayerNorm.bias', '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.encoder.layer.0.attention.self.query.weight', 'uniter.encoder.layer.0.attention.self.query.bias', 'uniter.encoder.layer.0.attention.self.key.weight', 'uniter.encoder.layer.0.attention.self.key.bias', 'uniter.encoder.layer.0.attention.self.value.weight', 'uniter.encoder.layer.0.attention.self.value.bias', 'uniter.encoder.layer.0.attention.output.dense.weight', 'uniter.encoder.layer.0.attention.output.dense.bias', 'uniter.encoder.layer.0.attention.output.LayerNorm.weight', 'uniter.encoder.layer.0.attention.output.LayerNorm.bias', 'uniter.encoder.layer.0.intermediate.dense.weight', 'uniter.encoder.layer.0.intermediate.dense.bias', 'uniter.encoder.layer.0.output.dense.weight', 'uniter.encoder.layer.0.output.dense.bias', 'uniter.encoder.layer.0.output.LayerNorm.weight', 'uniter.encoder.layer.0.output.LayerNorm.bias', 'uniter.encoder.layer.1.attention.self.query.weight', 'uniter.encoder.layer.1.attention.self.query.bias', 'uniter.encoder.layer.1.attention.self.key.weight', 'uniter.encoder.layer.1.attention.self.key.bias', 'uniter.encoder.layer.1.attention.self.value.weight', 'uniter.encoder.layer.1.attention.self.value.bias', 'uniter.encoder.layer.1.attention.output.dense.weight', 'uniter.encoder.layer.1.attention.output.dense.bias', 'uniter.encoder.layer.1.attention.output.LayerNorm.weight', 'uniter.encoder.layer.1.attention.output.LayerNorm.bias', 'uniter.encoder.layer.1.intermediate.dense.weight', 'uniter.encoder.layer.1.intermediate.dense.bias', 'uniter.encoder.layer.1.output.dense.weight', 'uniter.encoder.layer.1.output.dense.bias', 'uniter.encoder.layer.1.output.LayerNorm.weight', 'uniter.encoder.layer.1.output.LayerNorm.bias', 'uniter.encoder.layer.2.attention.self.query.weight', 'uniter.encoder.layer.2.attention.self.query.bias', 'uniter.encoder.layer.2.attention.self.key.weight', 'uniter.encoder.layer.2.attention.self.key.bias', 'uniter.encoder.layer.2.attention.self.value.weight', 'uniter.encoder.layer.2.attention.self.value.bias', 'uniter.encoder.layer.2.attention.output.dense.weight', 'uniter.encoder.layer.2.attention.output.dense.bias', 'uniter.encoder.layer.2.attention.output.LayerNorm.weight', 'uniter.encoder.layer.2.attention.output.LayerNorm.bias', 'uniter.encoder.layer.2.intermediate.dense.weight', 'uniter.encoder.layer.2.intermediate.dense.bias', 'uniter.encoder.layer.2.output.dense.weight', 'uniter.encoder.layer.2.output.dense.bias', 'uniter.encoder.layer.2.output.LayerNorm.weight', 'uniter.encoder.layer.2.output.LayerNorm.bias', 'uniter.encoder.layer.3.attention.self.query.weight', 'uniter.encoder.layer.3.attention.self.query.bias', 'uniter.encoder.layer.3.attention.self.key.weight', 'uniter.encoder.layer.3.attention.self.key.bias', 'uniter.encoder.layer.3.attention.self.value.weight', 'uniter.encoder.layer.3.attention.self.value.bias', 'uniter.encoder.layer.3.attention.output.dense.weight', 'uniter.encoder.layer.3.attention.output.dense.bias', 'uniter.encoder.layer.3.attention.output.LayerNorm.weight', 'uniter.encoder.layer.3.attention.output.LayerNorm.bias', 'uniter.encoder.layer.3.intermediate.dense.weight', 'uniter.encoder.layer.3.intermediate.dense.bias', 'uniter.encoder.layer.3.output.dense.weight', 'uniter.encoder.layer.3.output.dense.bias', 'uniter.encoder.layer.3.output.LayerN[1,0]<stderr>:orm.weight', 'uniter.encoder.layer.3.output.LayerNorm.bias', 'uniter.encoder.layer.4.attention.self.query.weight', 'uniter.encoder.layer.4.attention.self.query.bias', 'uniter.encoder.layer.4.attention.self.key.weight', 'uniter.encoder.layer.4.attention.self.key.bias', 'uniter.encoder.layer.4.attention.self.value.weight', 'uniter.encoder.layer.4.attention.self.value.bias', 'uniter.encoder.layer.4.attention.output.dense.weight', 'uniter.encoder.layer.4.attention.output.dense.bias', 'uniter.encoder.layer.4.attention.output.LayerNorm.weight', 'uniter.encoder.layer.4.attention.output.LayerNorm.bias', 'uniter.encoder.layer.4.intermediate.dense.weight', 'uniter.encoder.layer.4.intermediate.dense.bias', 'uniter.encoder.layer.4.output.dense.weight', 'uniter.encoder.layer.4.output.dense.bias', 'uniter.encoder.layer.4.output.LayerNorm.weight', 'uniter.encoder.layer.4.output.LayerNorm.bias', 'uniter.encoder.layer.5.attention.self.query.weight', 'uniter.encoder.layer.5.attention.self.query.bias', 'uniter.encoder.layer.5.attention.self.key.weight', 'uniter.encoder.layer.5.attention.self.key.bias', 'uniter.encoder.layer.5.attention.self.value.weight', 'uniter.encoder.layer.5.attention.self.value.bias', 'uniter.encoder.layer.5.attention.output.dense.weight', 'uniter.encoder.layer.5.attention.output.dense.bias', 'uniter.encoder.layer.5.attention.output.LayerNorm.weight', 'uniter.encoder.layer.5.attention.output.LayerNorm.bias', 'uniter.encoder.layer.5.intermediate.dense.weight', 'uniter.encoder.layer.5.intermediate.dense.bias', 'uniter.encoder.layer.5.output.dense.weight', 'uniter.encoder.layer.5.output.dense.bias', 'uniter.encoder.layer.5.output.LayerNorm.weight', 'uniter.encoder.layer.5.output.LayerNorm.bias', 'uniter.encoder.layer.6.attention.self.query.weight', 'uniter.encoder.layer.6.attention.self.query.bias', 'uniter.encoder.layer.6.attention.self.key.weight', 'uniter.encoder.layer.6.attention.self.key.bias', 'uniter.encoder.layer.6.attention.self.value.weight', 'uniter.encoder.layer.6.attention.self.value.bias', 'uniter.encoder.layer.6.attention.output.dense.weight', 'uniter.encoder.layer.6.attention.output.dense.bias', 'uniter.encoder.layer.6.attention.output.LayerNorm.weight', 'uniter.encoder.layer.6.attention.output.LayerNorm.bias', 'uniter.encoder.layer.6.intermediate.dense.weight', 'uniter.encoder.layer.6.intermediate.dense.bias', 'uniter.encoder.layer.6.output.dense.weight', 'uniter.encoder.layer.6.output.dense.bias', 'uniter.encoder.layer.6.output.LayerNorm.weight', 'uniter.encoder.layer.6.output.LayerNorm.bias', 'uniter.encoder.layer.7.attention.self.query.weight', 'uniter.encoder.layer.7.attention.self.query.bias', 'uniter.encoder.layer.7.attention.self.key.weight', 'uniter.encoder.layer.7.attention.self.key.bias', 'uniter.encoder.layer.7.attention.self.value.weight', 'uniter.encoder.layer.7.attention.self.value.bias', 'uniter.encoder.layer.7.attention.output.dense.weight', 'uniter.encoder.layer.7.attention.output.dense.bias', 'uniter.encoder.layer.7.attention.output.LayerNorm.weight', 'uniter.encoder.layer.7.attention.output.LayerNorm.bias', 'uniter.encoder.layer.7.intermediate.dense.weight', 'uniter.encoder.layer.7.intermediate.dense.bias', 'uniter.encoder.layer.7.output.dense.weight', 'uniter.encoder.layer.7.output.dense.bias', 'uniter.encoder.layer.7.output.LayerNorm.weight', 'uniter.encoder.layer.7.output.LayerNorm.bias', 'uniter.encoder.layer.8.attention.self.query.weight', 'uniter.encoder.layer.8.attention.self.query.bias', 'uniter.encoder.layer.8.attention.self.key.weight', 'uniter.encoder.layer.8.attention.self.key.bias', 'uniter.encoder.layer.8.attention.self.value.weight', 'uniter.encoder.layer.8.attention.self.value.bias', 'uniter.encoder.layer.8.attention.output.dense.weight', 'uniter.encoder.layer.8.attention.output.dense.bias', 'uniter.encoder.layer.8.attention.output.LayerNorm.weight', 'uniter.encoder.layer.8.attention.output.LayerNorm.bias', 'uniter.encoder.layer.8.intermediate.dense.weight', 'uniter.encoder.layer.8.intermediate.dense.bias', 'uniter.encoder.layer.8.output.dense.weight', 'uniter.encoder.l[1,0]<stderr>:ayer.8.output.dense.bias', 'uniter.encoder.layer.8.output.LayerNorm.weight', 'uniter.encoder.layer.8.output.LayerNorm.bias', 'uniter.encoder.layer.9.attention.self.query.weight', 'uniter.encoder.layer.9.attention.self.query.bias', 'uniter.encoder.layer.9.attention.self.key.weight', 'uniter.encoder.layer.9.attention.self.key.bias', 'uniter.encoder.layer.9.attention.self.value.weight', 'uniter.encoder.layer.9.attention.self.value.bias', 'uniter.encoder.layer.9.attention.output.dense.weight', 'uniter.encoder.layer.9.attention.output.dense.bias', 'uniter.encoder.layer.9.attention.output.LayerNorm.weight', 'uniter.encoder.layer.9.attention.output.LayerNorm.bias', 'uniter.encoder.layer.9.intermediate.dense.weight', 'uniter.encoder.layer.9.intermediate.dense.bias', 'uniter.encoder.layer.9.output.dense.weight', 'uniter.encoder.layer.9.output.dense.bias', 'uniter.encoder.layer.9.output.LayerNorm.weight', 'uniter.encoder.layer.9.output.LayerNorm.bias', 'uniter.encoder.layer.10.attention.self.query.weight', 'uniter.encoder.layer.10.attention.self.query.bias', 'uniter.encoder.layer.10.attention.self.key.weight', 'uniter.encoder.layer.10.attention.self.key.bias', 'uniter.encoder.layer.10.attention.self.value.weight', 'uniter.encoder.layer.10.attention.self.value.bias', 'uniter.encoder.layer.10.attention.output.dense.weight', 'uniter.encoder.layer.10.attention.output.dense.bias', 'uniter.encoder.layer.10.attention.output.LayerNorm.weight', 'uniter.encoder.layer.10.attention.output.LayerNorm.bias', 'uniter.encoder.layer.10.intermediate.dense.weight', 'uniter.encoder.layer.10.intermediate.dense.bias', 'uniter.encoder.layer.10.output.dense.weight', 'uniter.encoder.layer.10.output.dense.bias', 'uniter.encoder.layer.10.output.LayerNorm.weight', 'uniter.encoder.layer.10.output.LayerNorm.bias', 'uniter.encoder.layer.11.attention.self.query.weight', 'uniter.encoder.layer.11.attention.self.query.bias', 'uniter.encoder.layer.11.attention.self.key.weight', 'uniter.encoder.layer.11.attention.self.key.bias', 'uniter.encoder.layer.11.attention.self.value.weight', 'uniter.encoder.layer.11.attention.self.value.bias', 'uniter.encoder.layer.11.attention.output.dense.weight', 'uniter.encoder.layer.11.attention.output.dense.bias', 'uniter.encoder.layer.11.attention.output.LayerNorm.weight', 'uniter.encoder.layer.11.attention.output.LayerNorm.bias', 'uniter.encoder.layer.11.intermediate.dense.weight', 'uniter.encoder.layer.11.intermediate.dense.bias', 'uniter.encoder.layer.11.output.dense.weight', 'uniter.encoder.layer.11.output.dense.bias', 'uniter.encoder.layer.11.output.LayerNorm.weight', 'uniter.encoder.layer.11.output.LayerNorm.bias', 'uniter.pooler.dense.weight', 'uniter.pooler.dense.bias', 'vcr_output.0.weight', 'vcr_output.0.bias', 'vcr_output.2.weight', 'vcr_output.2.bias', 'vcr_output.3.weight', 'vcr_output.3.bias']
    [1,0]<stdout>:Unexpected_keys: ['cls.predictions.decoder.weight', 'cls.predictions.transform.LayerNorm.bias', 'region_classifier.net.2.weight', 'itm_output.bias', 'feat_regress.net.0.weight', 'feat_regress.net.2.weight', 'cls.predictions.transform.dense.bias', 'feat_regress.net.3.weight', 'feat_regress.net.2.bias', 'region_classifier.net.3.weight', 'feat_regress.net.3.bias', 'region_classifier.net.2.bias', 'itm_output.weight', 'feat_regress.net.0.bias', 'region_classifier.net.0.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.bias', 'cls.predictions.transform.LayerNorm.weight', 'region_classifier.net.3.bias', 'region_classifier.net.0.weight']
    [1,0]<stdout>:Missing_keys: ['vcr_output.3.weight', 'vcr_output.3.bias', 'vcr_output.2.weight', 'vcr_output.2.bias', 'vcr_output.0.weight', 'uniter.img_embeddings.mask_embedding.weight', 'vcr_output.0.bias']
    [1,1]<stdout>:Unexpected_keys: ['feat_regress.net.0.bias', 'region_classifier.net.0.weight', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.weight', 'feat_regress.net.3.weight', 'region_classifier.net.3.bias', 'cls.predictions.transform.LayerNorm.weight', 'region_classifier.net.3.weight', 'itm_output.weight', 'region_classifier.net.0.bias', 'region_classifier.net.2.bias', 'cls.predictions.transform.dense.bias', 'feat_regress.net.2.weight', 'feat_regress.net.2.bias', 'feat_regress.net.3.bias', 'region_classifier.net.2.weight', 'feat_regress.net.0.weight', 'cls.predictions.transform.LayerNorm.bias', 'itm_output.bias', 'cls.predictions.bias']
    [1,1]<stdout>:Missing_keys: ['vcr_output.3.weight', 'vcr_output.0.bias', 'vcr_output.3.bias', 'uniter.img_embeddings.mask_embedding.weight', 'vcr_output.2.weight', 'vcr_output.2.bias', 'vcr_output.0.weight']
    [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/12/2020 19:01:09 - INFO - __main__ -   Waiting on git info....
    [1,0]<stderr>:fatal: Not a git repository (or any parent up to mount point /src)
    [1,0]<stderr>:Stopping at filesystem boundary (GIT_DISCOVERY_ACROSS_FILESYSTEM not set).
    [1,0]<stderr>:09/12/2020 19:01:09 - INFO - __main__ -   Git branch: 
    [1,0]<stderr>:fatal: Not a git repository (or any parent up to mount point /src)
    [1,0]<stderr>:Stopping at filesystem boundary (GIT_DISCOVERY_ACROSS_FILESYSTEM not set).
    [1,0]<stderr>:09/12/2020 19:01:09 - INFO - __main__ -   Git SHA: 
    [1,0]<stderr>:fatal: Not a git repository (or any parent up to mount point /src)
    [1,0]<stderr>:Stopping at filesystem boundary (GIT_DISCOVERY_ACROSS_FILESYSTEM not set).
    [1,0]<stderr>:Traceback (most recent call last):
    [1,0]<stderr>:  File "train_vcr.py", line 489, in <module>
    [1,0]<stderr>:    main(args)
    [1,0]<stderr>:  File "train_vcr.py", line 210, in main
    [1,0]<stderr>:    save_training_meta(opts)
    [1,0]<stderr>:  File "/src/utils/save.py", line 44, in save_training_meta
    [1,0]<stderr>:    cwd=git_dir, universal_newlines=True).strip()
    [1,0]<stderr>:  File "/opt/conda/lib/python3.6/subprocess.py", line 356, in check_output
    [1,0]<stderr>:    **kwargs).stdout
    [1,0]<stderr>:  File "/opt/conda/lib/python3.6/subprocess.py", line 438, in run
    [1,0]<stderr>:    output=stdout, stderr=stderr)
    [1,0]<stderr>:subprocess.CalledProcessError: Command '['git', 'status', '--short']' returned non-zero exit status 128.
    --------------------------------------------------------------------------
    Primary job  terminated normally, but 1 process returned
    a non-zero exit code. Per user-direction, the job has been aborted.
    --------------------------------------------------------------------------
    --------------------------------------------------------------------------
    mpirun detected that one or more processes exited with non-zero status, thus causing
    the job to be terminated. The first process to do so was:
    
      Process name: [[41971,1],0]
      Exit code:    1
    --------------------------------------------------------------------------
    
    
    opened by jaeyun95 2
  • [VCR task] ERROR 404: The specified blob does not exist..

    [VCR task] ERROR 404: The specified blob does not exist..

    i got this error! would you check https://convaisharables.blob.core.windows.net/uniter/txt_db_vcr ... server? thank you:)

    ailab@ailab:~/UNITER$ bash scripts/download_vcr.sh /media/ailab/jaeyun/UNITER
    --2020-09-11 02:25:19--  https://convaisharables.blob.core.windows.net/uniter/txt_db/vcr_train.db.tar
    Resolving convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)... 13.77.184.64
    Connecting to convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)|13.77.184.64|:443... connected.
    HTTP request sent, awaiting response... 404 The specified blob does not exist.
    2020-09-11 02:25:20 ERROR 404: The specified blob does not exist..
    
    tar: /media/ailab/jaeyun/UNITER/txt_db/vcr_train.db.tar: Cannot open: No such file or directory
    tar: Error is not recoverable: exiting now
    --2020-09-11 02:25:20--  https://convaisharables.blob.core.windows.net/uniter/txt_db/vcr_val.db.tar
    Resolving convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)... 13.77.184.64
    Connecting to convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)|13.77.184.64|:443... connected.
    HTTP request sent, awaiting response... 404 The specified blob does not exist.
    2020-09-11 02:25:20 ERROR 404: The specified blob does not exist..
    
    tar: /media/ailab/jaeyun/UNITER/txt_db/vcr_val.db.tar: Cannot open: No such file or directory
    tar: Error is not recoverable: exiting now
    --2020-09-11 02:25:20--  https://convaisharables.blob.core.windows.net/uniter/txt_db/vcr_test.db.tar
    Resolving convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)... 13.77.184.64
    Connecting to convaisharables.blob.core.windows.net (convaisharables.blob.core.windows.net)|13.77.184.64|:443... connected.
    HTTP request sent, awaiting response... 404 The specified blob does not exist.
    2020-09-11 02:25:21 ERROR 404: The specified blob does not exist..
    
    tar: /media/ailab/jaeyun/UNITER/txt_db/vcr_test.db.tar: Cannot open: No such file or directory
    tar: Error is not recoverable: exiting now
    
    
    opened by jaeyun95 2
  • Is the training data(nlvr2_train.tar) properly compressed?

    Is the training data(nlvr2_train.tar) properly compressed?

    While running 'bash scripts/download_nlvr2.sh $PATH_TO_STORAGE', When downloading and decompressing training data(nlvr2_train.tar, nlvr2_train.tar.1), the following error occurs. Where can I get error-free data?

    =========================================================== nlvr2_train/ nlvr2_train/feat_th0.2_max100_min10/ nlvr2_train/feat_th0.2_max100_min10/data.mdb tar: Unexpected EOF in archive tar: rmtlseek not stopped at a record boundary tar: Error is not recoverable: exiting now

    opened by cokemhlee 0
  • AttributeError: 'Namespace' object has no attribute 'train_datasets'

    AttributeError: 'Namespace' object has no attribute 'train_datasets'

    When I launched the 2nd stage training using :

    horovodrun -np 4 python pretrain_vcr.py --config config/pretrain-vcr-base-4gpu.json \
        --output_dir $PRETRAIN_VCR_EXP
    

    An error occured, which is:

    Traceback (most recent call last):
    
    File "pretrain_vcr.py", line 560, in <module>
    
    main(args)
    
    File "pretrain_vcr.py", line 205, in main
    
    all_dbs = [db for datasets in [opts.train_datasets, opts.val_datasets]
    
    AttributeError: 'Namespace' object has no attribute 'train_datasets'
    

    How to fix this problem? Thanks.

    opened by ForawardStar 2
  • Has anyone tried not to use a container environment?

    Has anyone tried not to use a container environment?

    I encountered the following error on GPU 3090, but it can run successfully on Titan Xp. I suspect that the Cuda version in the container is relatively low. So has anyone tried to build an environment to run uniter without using the official container environment? Or does anyone have a better solution? image

    opened by PamelaDDD 1
Owner
Yen-Chun Chen
Researcher @ Microsoft Cloud+AI. previously Machine Learning Scientist @ Stackline; M.S. student @ UNC Chapel Hill NLP group
Yen-Chun Chen
An open-source NLP research library, built on PyTorch.

An Apache 2.0 NLP research library, built on PyTorch, for developing state-of-the-art deep learning models on a wide variety of linguistic tasks. Quic

AI2 11.4k Jan 1, 2023
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production

Provides an implementation of today's most used tokenizers, with a focus on performance and versatility. Main features: Train new vocabularies and tok

Hugging Face 6.2k Dec 31, 2022
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

Fairseq(-py) is a sequence modeling toolkit that allows researchers and developers to train custom models for translation, summarization, language mod

null 11.3k Feb 18, 2021
An open-source NLP research library, built on PyTorch.

An Apache 2.0 NLP research library, built on PyTorch, for developing state-of-the-art deep learning models on a wide variety of linguistic tasks. Quic

AI2 9.7k Feb 18, 2021
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production

Provides an implementation of today's most used tokenizers, with a focus on performance and versatility. Main features: Train new vocabularies and tok

Hugging Face 4.3k Feb 18, 2021
Awesome-NLP-Research (ANLP)

Awesome-NLP-Research (ANLP)

Language, Information, and Learning at Yale 72 Dec 19, 2022
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

Fairseq(-py) is a sequence modeling toolkit that allows researchers and developers to train custom models for translation, summarization, language mod

null 13.2k Jul 7, 2021
The Internet Archive Research Assistant - Daily search Internet Archive for new items matching your keywords

The Internet Archive Research Assistant - Daily search Internet Archive for new items matching your keywords

Kay Savetz 60 Dec 25, 2022
Flexible interface for high-performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra.

Flexible interface for high performance research using SOTA Transformers leveraging Pytorch Lightning, Transformers, and Hydra. What is Lightning Tran

Pytorch Lightning 581 Dec 21, 2022
Machine learning models from Singapore's NLP research community

SG-NLP Machine learning models from Singapore's natural language processing (NLP) research community. sgnlp is a Python package that allows you to eas

AI Singapore | AI Makerspace 21 Dec 17, 2022
Ongoing research training transformer language models at scale, including: BERT & GPT-2

What is this fork of Megatron-LM and Megatron-DeepSpeed This is a detached fork of https://github.com/microsoft/Megatron-DeepSpeed, which in itself is

BigScience Workshop 316 Jan 3, 2023
Ongoing research training transformer language models at scale, including: BERT & GPT-2

Megatron (1 and 2) is a large, powerful transformer developed by the Applied Deep Learning Research team at NVIDIA.

NVIDIA Corporation 3.5k Dec 30, 2022
A Non-Autoregressive Transformer based TTS, supporting a family of SOTA transformers with supervised and unsupervised duration modelings. This project grows with the research community, aiming to achieve the ultimate TTS.

A Non-Autoregressive Transformer based TTS, supporting a family of SOTA transformers with supervised and unsupervised duration modelings. This project grows with the research community, aiming to achieve the ultimate TTS.

Keon Lee 237 Jan 2, 2023
CCF BDCI 2020 房产行业聊天问答匹配赛道 A榜47/2985

CCF BDCI 2020 房产行业聊天问答匹配 A榜47/2985 赛题描述详见:https://www.datafountain.cn/competitions/474 文件说明 data: 存放训练数据和测试数据以及预处理代码 model_bert.py: 网络模型结构定义 adv_train

shuo 40 Sep 28, 2022
justCTF [*] 2020 challenges sources

justCTF [*] 2020 This repo contains sources for justCTF [*] 2020 challenges hosted by justCatTheFish. TLDR: Run a challenge with ./run.sh (requires Do

justCatTheFish 25 Dec 27, 2022
Code to use Augmented Shapiro Wilks Stopping, as well as code for the paper "Statistically Signifigant Stopping of Neural Network Training"

This codebase is being actively maintained, please create and issue if you have issues using it Basics All data files are included under losses and ea

Justin Terry 32 Nov 9, 2021
Code of paper: A Recurrent Vision-and-Language BERT for Navigation

Recurrent VLN-BERT Code of the Recurrent-VLN-BERT paper: A Recurrent Vision-and-Language BERT for Navigation Yicong Hong, Qi Wu, Yuankai Qi, Cristian

YicongHong 109 Dec 21, 2022
Code for the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer"

T5: Text-To-Text Transfer Transformer The t5 library serves primarily as code for reproducing the experiments in Exploring the Limits of Transfer Lear

Google Research 4.6k Jan 1, 2023
Code for the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer"

T5: Text-To-Text Transfer Transformer The t5 library serves primarily as code for reproducing the experiments in Exploring the Limits of Transfer Lear

Google Research 3.2k Feb 17, 2021