loaded library: /usr/lib/x86_64-linux-gnu/libibverbs.so.1 loaded library: loaded library: loaded library: loaded library: loaded library: loaded library: loaded library: /usr/lib/x86_64-linux-gnu/libibverbs.so.1 /usr/lib/x86_64-linux-gnu/libibverbs.so.1 /usr/lib/x86_64-linux-gnu/libibverbs.so.1 /usr/lib/x86_64-linux-gnu/libibverbs.so.1 /usr/lib/x86_64-linux-gnu/libibverbs.so.1/usr/lib/x86_64-linux-gnu/libibverbs.so.1/usr/lib/x86_64-linux-gnu/libibverbs.so.1 loaded library: /usr/lib/x86_64-linux-gnu/libibverbs.so.1 W20220705 12:01:01.684494 71195 rpc_client.cpp:190] LoadServer 127.0.0.1 Failed at 0 times error_code 14 error_message failed to connect to all addresses W20220705 12:01:01.684475 71196 rpc_client.cpp:190] LoadServer 127.0.0.1 Failed at 0 times error_code 14 error_message failed to connect to all addresses W20220705 12:01:01.684593 71192 rpc_client.cpp:190] LoadServer 127.0.0.1 Failed at 0 times error_code 14 error_message failed to connect to all addresses W20220705 12:01:01.685901 71190 rpc_client.cpp:190] LoadServer 127.0.0.1 Failed at 0 times error_code 14 error_message failed to connect to all addresses [07/05 12:01:13 libai]: Rank of current process: 0. World size: 8 [07/05 12:01:13 libai]: Command line arguments: Namespace(config_file='configs/gpt2_nl24_nah16_hs1024.py', eval_only=False, fast_dev_run=False, opts=['model.cfg.num_layers=24', 'train.dist.pipeline_num_layers=24', 'train.train_micro_batch_size=32', 'train.global_batch_size=512', 'train.dist.tensor_parallel_size=1', 'train.dist.pipeline_parallel_size=4', 'train.amp.enabled=true', 'train.activation_checkpoint.enabled=true', 'train.train_iter=220', 'train.log_period=100', 'train.output_dir=test_logs/01b1d32/1n8g/LibAI_gpt2_nl24_nah16_hs1024_FP16_actrue_mp1_pp4_mb32_gb512_1n8g_20220705_120100257233978'], resume=False) [07/05 12:01:13 libai]: Contents of args.config_file=configs/gpt2_nl24_nah16_hs1024.py: from libai.config import LazyCall from libai.evaluation import PPLEvaluator from libai.config import LazyCall from .common.models.gpt import pretrain_model as model from .common.train import train from .common.optim import optim from .common.data.gpt_dataset import dataloader, tokenization from .common.models.graph import graph #vocab_file = "/workspace/dataset/gpt2-vocab.json" #merges_file = "/workspace/dataset/gpt2-merges.txt" #data_prefix = "/workspace/dataset/loss_compara_content_sentence" vocab_file = "/dataset/source/dataset/gpt2-vocab.json" merges_file = "/dataset/source/dataset/gpt2-merges.txt" data_prefix = "/dataset/source/dataset/loss_compara_content_sentence" tokenization.tokenizer.vocab_file = vocab_file tokenization.tokenizer.merges_file = merges_file dataloader.train.dataset[0].data_prefix = data_prefix dataloader.train.dataset[0].indexed_dataset.data_prefix = data_prefix # dataloader.train.num_workers = 4 # GPT-2 model config model.cfg.embedding_dropout_prob = 0.1 model.cfg.attention_dropout_prob = 0.1 model.cfg.num_attention_heads = 16 model.cfg.hidden_size = 1024 model.cfg.ffn_hidden_size = 4096 #model.cfg.num_layers = 24 model.cfg.max_seq_length = 1024 #model.cfg.initializer_range = 0.006 # model.cfg.bias_dropout_fusion = True # model.cfg.bias_gelu_fusion = True # model.cfg.scale_mask_softmax_fusion = True train.input_placement_device = "cpu" for ds in dataloader.train.dataset:  ds.max_seq_length = model.cfg.max_seq_length optim.lr = 1.5e-4 #train.dist.pipeline_num_layers = model.cfg.num_layers train.test_micro_batch_size = 4 train.evaluation.evaluator = LazyCall(PPLEvaluator)() train.evaluation.enabled = False train.evaluation.eval_iter = 30 [07/05 12:01:13 libai]: Full config saved to test_logs/01b1d32/1n8g/LibAI_gpt2_nl24_nah16_hs1024_FP16_actrue_mp1_pp4_mb32_gb512_1n8g_20220705_120100257233978/config.yaml [07/05 12:01:13 lb.engine.default]: > compiling dataset index builder ... make: Entering directory '/dataset/xyn/libai_bench/libai/libai/data/data_utils' make: Nothing to be done for 'default'. make: Leaving directory '/dataset/xyn/libai_bench/libai/libai/data/data_utils' [07/05 12:01:13 lb.engine.default]: >>> done with dataset index builder. Compilation time: 0.041 seconds [07/05 12:01:13 lb.engine.default]: >>> done with compiling. Compilation time: 0.042 seconds [07/05 12:01:13 lb.engine.default]: Prepare training, validating, testing set [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: building dataset index ... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: warming up index mmap file... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: reading sizes... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: reading pointers... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: reading document index... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: warming up data mmap file... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: creating numpy buffer of mmap... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: creating memory view of numpy buffer... [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: Finished creating indexed dataset in 0.095472 seconds [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: indexed dataset stats: [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: number of documents: 50000 [07/05 12:01:13 lb.data.data_utils.indexed_dataset]: number of sentences: 1249934 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading doc-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_112640ns_1024sl_1234s_doc_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading sample-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_112640ns_1024sl_1234s_sample_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading shuffle-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_112640ns_1024sl_1234s_shuffle_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  loaded indexed file in 0.015 seconds [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of samples: 114665 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of epochs: 2 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading doc-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_doc_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading sample-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_sample_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading shuffle-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_shuffle_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  loaded indexed file in 0.012 seconds [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of samples: 57333 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of epochs: 1 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading doc-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_doc_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading sample-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_sample_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  > loading shuffle-idx mapping from /dataset/source/dataset/loss_compara_content_sentence_gpt-2_indexmap_8ns_1024sl_1234s_shuffle_idx.npy [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  loaded indexed file in 0.003 seconds [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of samples: 57333 [07/05 12:01:13 lb.data.datasets.gpt_dataset]:  total number of epochs: 1 [07/05 12:01:15 lb.engine.default]: Auto-scaling the config to train.train_iter=220, train.warmup_iter=0 [07/05 12:01:18 lb.engine.default]: Model: GPTForPreTraining( (GPT_model): GPTModel( (embeddings): GPTEmbedding( (token_embeddings): VocabEmbedding(num_embeddings=50304, embedding_dim=1024) (position_embeddings): Embedding(num_embeddings=1024, embedding_dim=1024) (dropout): Dropout(p=0.1, inplace=False) ) (transformer): Transformer( (layers): ModuleList( (0): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (1): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (2): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (3): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (4): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (5): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (6): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (7): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (8): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (9): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (10): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (11): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (12): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (13): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (14): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (15): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (16): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (17): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (18): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (19): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (20): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (21): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (22): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) (23): TransformerLayer( (drop_path): Identity() (input_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (self_attention): MultiheadAttention( hidden_size=1024, num_heads=16, is_cross_attention=False (dropout): Dropout(p=0.1, inplace=False) (query_key_value): Linear1D(in_features=1024, out_features=3072, bias=True, parallel=col) (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=row) ) (post_attention_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (mlp): MLP( bias_gelu_fusion=True, bias_dropout_fusion=True, dropout=0 (dense_h_to_4h): Linear1D(in_features=1024, out_features=4096, bias=True, parallel=col) (dense_4h_to_h): Linear1D(in_features=4096, out_features=1024, bias=True, parallel=row) ) ) ) (layernorm_f): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) ) (lm_head): LMLogits() ) (loss_func): GPTLoss( (lm_loss): ParallelCrossEntropyLoss() ) ) WARNING [07/05 12:01:18 lb.scheduler.lr_scheduler]: warmup iters equals to zero, return CosineLR iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Using network IBext NCCL version 2.12.10+cuda11.2 iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Using network IBext iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Setting affinity for GPU 1 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Setting affinity for GPU 0 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Channel 00 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Channel 00 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Channel 01 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Channel 01 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO comm 0x7fe1b8a69d80 rank 0 nranks 2 cudaDev 0 busId 65010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71190:72389 [1] NCCL INFO comm 0x7f202c8ffec0 rank 1 nranks 2 cudaDev 1 busId 65020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:72390 [0] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Using network IBext NCCL version 2.12.10+cuda11.2 iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Using network IBext iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Setting affinity for GPU 3 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Setting affinity for GPU 2 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 [2] -1/-1/-1->1->0 [3] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 00/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 01/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 02/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 03/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 [2] 1/-1/-1->0->-1 [3] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 00 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Channel 00 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 01 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Channel 01 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 02 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Channel 02 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Channel 03 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Channel 03 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO comm 0x7f0e758368d0 rank 0 nranks 2 cudaDev 2 busId 67010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71192:72395 [3] NCCL INFO comm 0x7f64007bbc90 rank 1 nranks 2 cudaDev 3 busId 67020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71191:72393 [2] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Using network IBext NCCL version 2.12.10+cuda11.2 iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Using network IBext iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Setting affinity for GPU 4 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Setting affinity for GPU 5 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 00/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 01/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 02/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 [2] -1/-1/-1->1->0 [3] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 03/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 [2] 1/-1/-1->0->-1 [3] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 00 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 01 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Channel 00 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 02 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Channel 01 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Channel 03 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Channel 02 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Channel 03 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO comm 0x7fde451a2ab0 rank 0 nranks 2 cudaDev 4 busId 69010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71194:72394 [5] NCCL INFO comm 0x7fa555097ad0 rank 1 nranks 2 cudaDev 5 busId 69020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71193:72392 [4] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Using network IBext NCCL version 2.12.10+cuda11.2 iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Bootstrap : Using eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NET/Plugin: Failed to find ncclNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NET/Plugin: Failed to find ncclCollNetPlugin_v5 symbol. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Plugin Path : /opt/hpcx/nccl_rdma_sharp_plugin/lib/libnccl-net.so iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO P2P plugin IBext iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NCCL_IB_PCI_RELAXED_ORDERING set by environment to 1. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NET/IB : Using [0]mlx5_1:1/RoCE ; OOB eth0:192.168.10.251<0> iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Using network IBext iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NCCL_IB_GID_INDEX set by environment to 3. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NCCL_IB_TIMEOUT set by environment to 23. iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO NCCL_IB_RETRY_CNT set by environment to 7. iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Setting affinity for GPU 7 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO PXN Disabled as plugin is v4 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Setting affinity for GPU 6 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Channel 00 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Channel 01 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Channel 00 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Channel 01 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71196:72398 [7] NCCL INFO comm 0x7f5df143bf40 rank 1 nranks 2 cudaDev 7 busId 6b020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO comm 0x7fb85119fa10 rank 0 nranks 2 cudaDev 6 busId 6b010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:72391 [6] NCCL INFO Launch mode Parallel [07/05 12:01:28 lb.engine.trainer]: Starting training from iteration 0 [07/05 12:01:28 lb.models.utils.graph_base]: Start compling the train graph which may take some time. Please wait for a moment ... iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Setting affinity for GPU 7 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Setting affinity for GPU 6 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Setting affinity for GPU 4 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Setting affinity for GPU 5 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 00/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 01/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 02/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 03/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 [2] -1/-1/-1->1->0 [3] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 [2] 1/-1/-1->0->-1 [3] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Setting affinity for GPU 3 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Channel 00 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 00 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Setting affinity for GPU 2 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 [2] -1/-1/-1->1->0 [3] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 00/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 01/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 02/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 03/04 : 0 1 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 [2] 1/-1/-1->0->-1 [3] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Channel 01 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 01 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 00 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Channel 00 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 01 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Channel 01 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 02 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Channel 02 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Channel 03 : 0[69010] -> 1[69020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO comm 0x564ade8b0640 rank 0 nranks 2 cudaDev 6 busId 6b010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO comm 0x55700dbce930 rank 1 nranks 2 cudaDev 7 busId 6b020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Channel 03 : 1[69020] -> 0[69010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Channel 00 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 00 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 01 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Channel 01 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 02 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Channel 02 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Channel 03 : 0[67010] -> 1[67020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Channel 03 : 1[67020] -> 0[67010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO comm 0x55d29b06f470 rank 0 nranks 2 cudaDev 4 busId 69010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO comm 0x56042bbdae40 rank 1 nranks 2 cudaDev 5 busId 69020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO 4 coll channels, 4 p2p channels, 4 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO comm 0x55becb591d20 rank 0 nranks 2 cudaDev 2 busId 67010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO comm 0x5639f1c1c7f0 rank 1 nranks 2 cudaDev 3 busId 67020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Setting affinity for GPU 1 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Setting affinity for GPU 0 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Channel 00 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Channel 00 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Channel 01 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Setting affinity for GPU 6 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Setting affinity for GPU 7 to 0fffff,fffffc00,00000000 iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Channel 01 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Channel 00 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 00 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Channel 01 : 1[6b020] -> 0[6b010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Channel 01 : 0[6b010] -> 1[6b020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO comm 0x5556afb538c0 rank 1 nranks 2 cudaDev 1 busId 65020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO comm 0x55e8f3f219c0 rank 0 nranks 2 cudaDev 0 busId 65010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO comm 0x55700dc6e380 rank 1 nranks 2 cudaDev 7 busId 6b020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO comm 0x564ade950380 rank 0 nranks 2 cudaDev 6 busId 6b010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Setting affinity for GPU 0 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Setting affinity for GPU 1 to 03ff,ffffffff iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Channel 00/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Trees [0] -1/-1/-1->1->0 [1] -1/-1/-1->1->0 iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Channel 01/02 : 0 1 iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Trees [0] 1/-1/-1->0->-1 [1] 1/-1/-1->0->-1 iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Channel 00 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Channel 00 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Channel 01 : 1[65020] -> 0[65010] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Channel 01 : 0[65010] -> 1[65020] via P2P/IPC iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Connected all rings iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO Connected all trees iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO threadThresholds 8/8/64 | 16/8/64 | 8/8/512 iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO 2 coll channels, 2 p2p channels, 2 p2p channels per peer iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO comm 0x7fdfe09f2170 rank 0 nranks 2 cudaDev 0 busId 65010 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:72891 [0] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71190:72884 [1] NCCL INFO comm 0x7f1c34870290 rank 1 nranks 2 cudaDev 1 busId 65020 - Init COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:72796 [6] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71195:72778 [6] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71193:72741 [4] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71191:72820 [2] NCCL INFO Launch mode Parallel iv-ebgyvncucvdxd0xrfapj:71189:72880 [0] NCCL INFO Launch mode Parallel timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2022/07/05 12:12:08.977, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.977, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.977, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2022/07/05 12:12:08.978, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.983, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.983, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.989, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.990, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.989, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 58 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:08.996, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:08.997, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:08.997, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:08.999, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:08.999, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2022/07/05 12:12:09.006, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.006, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.006, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.008, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.008, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 66 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.020, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:09.020, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:09.023, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.023, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.024, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.026, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.026, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.028, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:09.028, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:09.030, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.031, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.031, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.032, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.033, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.034, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 66 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.035, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 66 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.038, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 68 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.038, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 68 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.040, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 68 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.041, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 68 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.042, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 63 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.051, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.051, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 60 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:09.055, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.055, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.055, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.058, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.058, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 65 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.061, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 58 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.062, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 58 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.086, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.088, Tesla V100-SXM2-32GB, 470.57.02, 95 %, 61 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.088, Tesla V100-SXM2-32GB, 470.57.02, 95 %, 61 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:09.094, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 65 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.095, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 65 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.098, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:09.102, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 16490 MiB, 16020 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2022/07/05 12:12:15.017, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 64 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:15.018, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 65 %, 32510 MiB, 16272 MiB, 16238 MiB 2022/07/05 12:12:15.030, Tesla V100-SXM2-32GB, 470.57.02, 88 %, 49 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:15.031, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 59 %, 32510 MiB, 16986 MiB, 15524 MiB 2022/07/05 12:12:15.031, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 62 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:15.032, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 61 %, 32510 MiB, 17006 MiB, 15504 MiB 2022/07/05 12:12:15.033, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 76 %, 32510 MiB, 16490 MiB, 16020 MiB 2022/07/05 12:12:15.033, Tesla V100-SXM2-32GB, 470.57.02, 100 %, 68 %, 32510 MiB, 16490 MiB, 16020 MiB [07/05 12:12:21 lb.utils.events]:  eta: 0:12:17 iteration: 99/220 consumed_samples: 51200 total_loss: 7.285 time: 6.1465 s/iter data_time: 0.0066 s/iter total_throughput: 83.30 samples/s lr: 8.74e-05 [07/05 12:22:38 lb.utils.events]:  eta: 0:02:03 iteration: 199/220 consumed_samples: 102400 total_loss: 6.98 time: 6.1582 s/iter data_time: 0.0066 s/iter total_throughput: 83.14 samples/s lr: 4.81e-06 [07/05 12:24:41 lb.utils.events]:  eta: 0:00:00 iteration: 219/220 consumed_samples: 112640 total_loss: 6.706 time: 6.1595 s/iter data_time: 0.0066 s/iter total_throughput: 83.12 samples/s lr: 1.51e-06 [07/05 12:24:41 lb.engine.hooks]: Overall training speed: 218 iterations in 0:22:22 (6.1595 s / it) [07/05 12:24:41 lb.engine.hooks]: Total training time: 0:22:22 (0:00:00 on hooks) iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO comm 0x7f5df143bf40 rank 1 nranks 2 cudaDev 7 busId 6b020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO comm 0x7fb85119fa10 rank 0 nranks 2 cudaDev 6 busId 6b010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO comm 0x55700dbce930 rank 1 nranks 2 cudaDev 7 busId 6b020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO comm 0x564ade8b0640 rank 0 nranks 2 cudaDev 6 busId 6b010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71196:71196 [7] NCCL INFO comm 0x55700dc6e380 rank 1 nranks 2 cudaDev 7 busId 6b020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71195:71195 [6] NCCL INFO comm 0x564ade950380 rank 0 nranks 2 cudaDev 6 busId 6b010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO comm 0x7fe1b8a69d80 rank 0 nranks 2 cudaDev 0 busId 65010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO comm 0x7f202c8ffec0 rank 1 nranks 2 cudaDev 1 busId 65020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO comm 0x5556afb538c0 rank 1 nranks 2 cudaDev 1 busId 65020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO comm 0x55e8f3f219c0 rank 0 nranks 2 cudaDev 0 busId 65010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO comm 0x7f64007bbc90 rank 1 nranks 2 cudaDev 3 busId 67020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO comm 0x7f0e758368d0 rank 0 nranks 2 cudaDev 2 busId 67010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO comm 0x7fde451a2ab0 rank 0 nranks 2 cudaDev 4 busId 69010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO comm 0x7fa555097ad0 rank 1 nranks 2 cudaDev 5 busId 69020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71190:71190 [1] NCCL INFO comm 0x7f1c34870290 rank 1 nranks 2 cudaDev 1 busId 65020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71189:71189 [0] NCCL INFO comm 0x7fdfe09f2170 rank 0 nranks 2 cudaDev 0 busId 65010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71192:71192 [3] NCCL INFO comm 0x5639f1c1c7f0 rank 1 nranks 2 cudaDev 3 busId 67020 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71191:71191 [2] NCCL INFO comm 0x55becb591d20 rank 0 nranks 2 cudaDev 2 busId 67010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71193:71193 [4] NCCL INFO comm 0x55d29b06f470 rank 0 nranks 2 cudaDev 4 busId 69010 - Destroy COMPLETE iv-ebgyvncucvdxd0xrfapj:71194:71194 [5] NCCL INFO comm 0x56042bbdae40 rank 1 nranks 2 cudaDev 5 busId 69020 - Destroy COMPLETE ***************************************** Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed. *****************************************