[03/05 15:14:33 libai]: Rank of current process: 0. World size: 8 [03/05 15:14:33 libai]: Command line arguments: Namespace(config_file='configs/bert_large_pretrain.py', eval_only=False, fast_dev_run=False, opts=['model.cfg.hidden_dropout_prob=0.1', 'model.cfg.attention_probs_dropout_prob=0.1', 'model.cfg.bias_dropout_fusion=true', 'model.cfg.hidden_layers=24', 'model.cfg.hidden_size=1024', 'model.cfg.num_attention_heads=16', 'model.cfg.intermediate_size=4096', 'model.cfg.ffn_hidden_size=4096', 'model.cfg.head_size=64', 'graph.enabled=true', 'train.dist.pipeline_num_layers=24', 'train.train_micro_batch_size=32', 'train.global_batch_size=1024', 'train.dist.tensor_parallel_size=2', 'train.dist.pipeline_parallel_size=1', 'train.amp.enabled=true', 'train.activation_checkpoint.enabled=true', 'train.num_accumulation_steps=8', 'train.evaluation.enabled=false', 'train.train_iter=220', 'train.train_epoch=0', 'train.log_period=100', 'train.zero_optimization.enabled=true', 'train.zero_optimization.stage=2', 'train.load_weight=', 'train.output_dir=test_logs/oneflow-28/NVIDIA_GeForce_RTX_3080_Ti/7d07caf/LibAI_bert_large_pretrain_graph_nl24_nah16_hs1024_FP16_actrue_DP4_MP2_PP1_zerotrue_stage2_mbs32_gbs1024_acc8_1n8g'], resume=False) [03/05 15:14:33 libai]: Contents of args.config_file=configs/bert_large_pretrain.py: from libai.config import LazyCall from libai.evaluation import PPLEvaluator from .common.models.bert import pretrain_model as model from .common.models.graph import graph from .common.train import train from .common.optim import optim from .common.data.bert_dataset import dataloader, tokenization vocab_file = "./data_test/bert_data/bert-base-chinese-vocab.txt" data_prefix = "./data_test/bert_data/loss_compara_content_sentence" tokenization.tokenizer.vocab_file = vocab_file dataloader.train.dataset[0].data_prefix = data_prefix dataloader.train.dataset[0].indexed_dataset.data_prefix = data_prefix # Bert-large model config model.cfg.num_attention_heads = 16 model.cfg.hidden_size = 768 model.cfg.hidden_layers = 8 train.input_placement_device = "cpu" train.dist.pipeline_num_layers = model.cfg.hidden_layers train.train_micro_batch_size = 16 train.amp.enabled = True for ds in dataloader.train.dataset:  ds.max_seq_length = model.cfg.max_position_embeddings train.evaluation.evaluator = LazyCall(PPLEvaluator)() train.output_dir = "output/bert_output" [03/05 15:14:34 libai]: Full config saved to test_logs/oneflow-28/NVIDIA_GeForce_RTX_3080_Ti/7d07caf/LibAI_bert_large_pretrain_graph_nl24_nah16_hs1024_FP16_actrue_DP4_MP2_PP1_zerotrue_stage2_mbs32_gbs1024_acc8_1n8g/config.yaml [03/05 15:14:34 lb.engine.default]: > compiling dataset index builder ... make: Entering directory '/ssd/home/ouyangyu/libai_week_test/libai/libai/data/data_utils' make: Nothing to be done for 'default'. make: Leaving directory '/ssd/home/ouyangyu/libai_week_test/libai/libai/data/data_utils' [03/05 15:14:34 lb.engine.default]: >>> done with dataset index builder. Compilation time: 0.060 seconds [03/05 15:14:34 lb.engine.default]: >>> done with compiling. Compilation time: 0.061 seconds [03/05 15:14:34 lb.engine.default]: Prepare training, validating, testing set [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: building dataset index ... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: warming up index mmap file... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: reading sizes... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: reading pointers... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: reading document index... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: warming up data mmap file... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: creating numpy buffer of mmap... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: creating memory view of numpy buffer... [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: Finished creating indexed dataset in 0.076042 seconds [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: indexed dataset stats: [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: number of documents: 50000 [03/05 15:14:34 lb.data.data_utils.indexed_dataset]: number of sentences: 1249934 [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > WARNING: could not find index map file ./data_test/bert_data/loss_compara_content_sentence_bert_indexmap_225280mns_509msl_0.10ssp_1234s.npy, building the indices on rank 0 ... [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > building samples index mapping for bert ... using uint32 for data mapping... using: number of documents: 47450 sentences range: [0, 1188464) total number of sentences: 1188464 number of epochs: 2147483646 maximum number of samples: 225280 maximum sequence length: 509 short sequence probability: 0.1 short sequence ration (1/prob): 10 seed: 1234 reached 225280 samples after 2 epochs ... number of empty documents: 0 number of documents with one sentence: 711 number of documents with long sentences: 2092 will create mapping for 226136 samples [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > done building samples index maping [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > saved the index mapping in ./data_test/bert_data/loss_compara_content_sentence_bert_indexmap_225280mns_509msl_0.10ssp_1234s.npy [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > elapsed time to build and save samples mapping (seconds): 0.028172 [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > loading indexed mapping from ./data_test/bert_data/loss_compara_content_sentence_bert_indexmap_225280mns_509msl_0.10ssp_1234s.npy [03/05 15:14:34 lb.data.data_utils.dataset_utils]: loaded indexed file in 0.003 seconds [03/05 15:14:34 lb.data.data_utils.dataset_utils]: total number of samples: 226136 [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > loading indexed mapping from ./data_test/bert_data/loss_compara_content_sentence_bert_indexmap_128mns_509msl_0.10ssp_1234s.npy [03/05 15:14:34 lb.data.data_utils.dataset_utils]: loaded indexed file in 0.000 seconds [03/05 15:14:34 lb.data.data_utils.dataset_utils]: total number of samples: 5884 [03/05 15:14:34 lb.data.data_utils.dataset_utils]: > loading indexed mapping from ./data_test/bert_data/loss_compara_content_sentence_bert_indexmap_128mns_509msl_0.10ssp_1234s.npy [03/05 15:14:34 lb.data.data_utils.dataset_utils]: loaded indexed file in 0.000 seconds [03/05 15:14:34 lb.data.data_utils.dataset_utils]: total number of samples: 5884 [03/05 15:14:43 lb.engine.default]: Auto-scaling the config to train.train_iter=220, train.warmup_iter=0 [03/05 15:14:43 libai]: > Start building model... [03/05 15:14:45 lb.engine.default]: Model: BertForPreTraining( (bert): BertModel( (embeddings): BertEmbeddings( (vocab_embeddings): VocabEmbedding(num_embeddings=21248, embedding_dim=1024) (position_embeddings): Embedding(num_embeddings=512, embedding_dim=1024) (tokentype_embeddings): Embedding(num_embeddings=2, embedding_dim=1024) (embedding_dropout): Dropout(p=0.1, inplace=False) ) (extended_attn_mask): BertExtendedAttnMask() (encoders): 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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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.1 (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) ) ) ) (final_layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (pooler): BertPooler( (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=col) (activation_func): Tanh() ) ) (cls_head): BertPreTrainingHeads( (predictions): BertLMPredictionHead( (dense): Linear1D(in_features=1024, out_features=1024, bias=True, parallel=data) (activation_func): GELU() (layernorm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) ) (seq_relationship): Linear1D(in_features=1024, out_features=2, bias=True, parallel=data) (lm_logits): LMLogits() (loss_func): BertLoss( (lm_loss): ParallelCrossEntropyLoss() ) ) ) [03/05 15:14:45 libai]: >>> done with building model. Building time: 2.035 seconds WARNING [03/05 15:14:46 lb.scheduler.lr_scheduler]: warmup iters equals to zero, return CosineLR [03/05 15:14:46 lb.engine.trainer]: Starting training from iteration 0 W20230305 15:14:46.074296 1898484 eager_local_op_interpreter.cpp:256] Casting a local tensor to a global tensor with Broadcast sbp will modify the data of input! If you want to keep the input local tensor unchanged, please set the arg copy to True. [03/05 15:14:46 lb.models.utils.graph_base]: Start compiling the train graph which may take some time. Please wait for a moment ... timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 15:38:54.660, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 18 %, 12288 MiB, 6645 MiB, 5408 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 15:38:54.661, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 17 %, 12288 MiB, 6661 MiB, 5392 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] 2023/03/05 15:38:54.662, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 18 %, 12288 MiB, 6645 MiB, 5408 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] 2023/03/05 15:38:54.663, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.663, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 18 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.664, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 6 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.665, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 17 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.666, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 6 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.666, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 6 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.667, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.670, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 17 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.675, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 17 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.677, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 15:38:54.679, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 7 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.679, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 7 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.680, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.681, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.683, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.685, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.686, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 6 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.689, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.690, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.691, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.692, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.693, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.694, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.696, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 7 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.696, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.697, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.697, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.699, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.700, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.702, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.703, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.704, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.705, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 16 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.706, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.709, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.711, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.714, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.715, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 8 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:38:54.716, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.716, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.718, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.719, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.720, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.722, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 8 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.724, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.725, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 15 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.727, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.729, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.732, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 89 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.732, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.733, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:38:54.738, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:38:54.742, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 90 %, 9 %, 12288 MiB, 6661 MiB, 5392 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 15:39:08.949, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 12 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:39:08.950, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 10 %, 12288 MiB, 6661 MiB, 5392 MiB 2023/03/05 15:39:08.951, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 19 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:39:08.952, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 91 %, 9 %, 12288 MiB, 6685 MiB, 5368 MiB 2023/03/05 15:39:08.953, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 10 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:39:08.954, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 100 %, 19 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:39:08.955, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 79 %, 9 %, 12288 MiB, 6645 MiB, 5408 MiB 2023/03/05 15:39:08.956, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 99 %, 17 %, 12288 MiB, 6661 MiB, 5392 MiB [03/05 15:39:23 lb.utils.events]: eta: 0:28:39 iteration: 99/220 consumed_samples: 102400 total_loss: 7.935 lm_loss: 7.236 sop_loss: 0.6973 time: 14.3270 s/iter data_time: 0.0160 s/iter total_throughput: 71.47 samples/s lr: 5.82e-05 [03/05 16:03:17 lb.utils.events]: eta: 0:04:46 iteration: 199/220 consumed_samples: 204800 total_loss: 7.896 lm_loss: 7.202 sop_loss: 0.6941 time: 14.3336 s/iter data_time: 0.0153 s/iter total_throughput: 71.44 samples/s lr: 3.21e-06 [03/05 16:08:04 lb.utils.events]: eta: 0:00:00 iteration: 219/220 consumed_samples: 225280 total_loss: 7.892 lm_loss: 7.198 sop_loss: 0.6936 time: 14.3353 s/iter data_time: 0.0188 s/iter total_throughput: 71.43 samples/s lr: 1.01e-06 [03/05 16:08:04 lb.engine.hooks]: Overall training speed: 218 iterations in 0:52:05 (14.3353 s / it) [03/05 16:08:04 lb.engine.hooks]: Total training time: 0:52:05 (0:00:00 on hooks) ***************************************** 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. ***************************************** oneflow-version(git_commit)=0.9.1.dev20230304+cu117 oneflow-commit(git_commit)=7d07caf oneflow-libai(git_commit)=50a973dc5de635b8613ad7666c073c763e238850