[03/05 09:30:47 libai]: Rank of current process: 0. World size: 8 [03/05 09:30:47 libai]: Command line arguments: Namespace(config_file='configs/gpt2_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=8', 'train.global_batch_size=128', 'train.dist.tensor_parallel_size=1', 'train.dist.pipeline_parallel_size=4', '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_gpt2_pretrain_graph_nl24_nah16_hs1024_FP16_actrue_DP2_MP1_PP4_zerotrue_stage2_mbs8_gbs128_acc8_1n8g'], resume=False) [03/05 09:30:47 libai]: Contents of args.config_file=configs/gpt2_pretrain.py: from libai.config import LazyCall from libai.evaluation import PPLEvaluator 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 = "./data_test/gpt_data/gpt2-vocab.json" merge_files = "./data_test/gpt_data/gpt2-merges.txt" data_prefix = "./data_test/gpt_data/loss_compara_content_sentence" tokenization.tokenizer.vocab_file = vocab_file tokenization.tokenizer.merges_file = merge_files dataloader.train.dataset[0].data_prefix = data_prefix dataloader.train.dataset[0].indexed_dataset.data_prefix = data_prefix # 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 = 384 model.cfg.ffn_hidden_size = 1536 model.cfg.hidden_layers = 6 model.cfg.max_seq_length = 1024 train.input_placement_device = "cpu" train.dist.pipeline_num_layers = model.cfg.hidden_layers for ds in dataloader.train.dataset:  ds.max_seq_length = model.cfg.max_seq_length optim.lr = 1.5e-4 train.train_micro_batch_size = 4 train.amp.enabled = True train.evaluation.evaluator = LazyCall(PPLEvaluator)() train.output_dir = "./output/gpt2_output" [03/05 09:30:47 libai]: Full config saved to test_logs/oneflow-28/NVIDIA_GeForce_RTX_3080_Ti/7d07caf/LibAI_gpt2_pretrain_graph_nl24_nah16_hs1024_FP16_actrue_DP2_MP1_PP4_zerotrue_stage2_mbs8_gbs128_acc8_1n8g/config.yaml [03/05 09:30:47 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 09:30:47 lb.engine.default]: >>> done with dataset index builder. Compilation time: 0.051 seconds [03/05 09:30:47 lb.engine.default]: >>> done with compiling. Compilation time: 0.053 seconds [03/05 09:30:47 lb.engine.default]: Prepare training, validating, testing set [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: building dataset index ... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: warming up index mmap file... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: reading sizes... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: reading pointers... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: reading document index... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: warming up data mmap file... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: creating numpy buffer of mmap... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: creating memory view of numpy buffer... [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: Finished creating indexed dataset in 0.076807 seconds [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: indexed dataset stats: [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: number of documents: 50000 [03/05 09:30:47 lb.data.data_utils.indexed_dataset]: number of sentences: 1249934 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > WARNING: could not find index map files, building the indices on rank 0 ... [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > only one epoch required, setting separate_last_epoch to False [03/05 09:30:47 lb.data.datasets.gpt_dataset]: start to build and save doc-idx mapping ... [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > elapsed time to build and save doc-idx mapping (seconds): 0.044064 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: start to build and save sample-idx mapping ... using: number of documents: 1249934 number of epochs: 1 sequence length: 1024 total number of samples: 57332 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > elapsed time to build and save sample-idx mapping (seconds): 0.005413 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > building shuffle index with split [0, 57332) and [57332, 57332) ... [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > elapsed time to build and save shuffle-idx mapping (seconds): 0.001556 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > loading doc-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_28160ns_1024sl_1234s_doc_idx.npy [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > loading sample-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_28160ns_1024sl_1234s_sample_idx.npy [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > loading shuffle-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_28160ns_1024sl_1234s_shuffle_idx.npy [03/05 09:30:47 lb.data.datasets.gpt_dataset]: loaded indexed file in 0.006 seconds [03/05 09:30:47 lb.data.datasets.gpt_dataset]: total number of samples: 57333 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: total number of epochs: 1 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > WARNING: could not find index map files, building the indices on rank 0 ... [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > only one epoch required, setting separate_last_epoch to False [03/05 09:30:47 lb.data.datasets.gpt_dataset]: start to build and save doc-idx mapping ... [03/05 09:30:47 lb.data.datasets.gpt_dataset]: > elapsed time to build and save doc-idx mapping (seconds): 0.042835 [03/05 09:30:47 lb.data.datasets.gpt_dataset]: start to build and save sample-idx mapping ... using: number of documents: 1249934 number of epochs: 1 sequence length: 1024 total number of samples: 57332 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > elapsed time to build and save sample-idx mapping (seconds): 0.004734 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > building shuffle index with split [0, 57332) and [57332, 57332) ... [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > elapsed time to build and save shuffle-idx mapping (seconds): 0.001518 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading doc-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_doc_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading sample-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_sample_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading shuffle-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_shuffle_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: loaded indexed file in 0.001 seconds [03/05 09:30:48 lb.data.datasets.gpt_dataset]: total number of samples: 57333 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: total number of epochs: 1 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading doc-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_doc_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading sample-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_sample_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: > loading shuffle-idx mapping from ./data_test/gpt_data/loss_compara_content_sentence_gpt-2_indexmap_64ns_1024sl_1234s_shuffle_idx.npy [03/05 09:30:48 lb.data.datasets.gpt_dataset]: loaded indexed file in 0.001 seconds [03/05 09:30:48 lb.data.datasets.gpt_dataset]: total number of samples: 57333 [03/05 09:30:48 lb.data.datasets.gpt_dataset]: total number of epochs: 1 [03/05 09:30:57 lb.engine.default]: Auto-scaling the config to train.train_iter=220, train.warmup_iter=0 [03/05 09:30:57 libai]: > Start building model... [03/05 09:30:59 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() ) ) [03/05 09:30:59 libai]: >>> done with building model. Building time: 1.962 seconds WARNING [03/05 09:30:59 lb.scheduler.lr_scheduler]: warmup iters equals to zero, return CosineLR [03/05 09:30:59 lb.engine.trainer]: Starting training from iteration 0 [03/05 09:30:59 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 09:34:32.913, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.917, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 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 09:34:32.920, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 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 09:34:32.920, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 09:34:32.921, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.923, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 09:34:32.923, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.924, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.923, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.924, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.926, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.934, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.934, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 87 %, 42 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:32.936, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.937, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.938, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.939, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.941, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.943, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.944, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 86 %, 42 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:32.945, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.946, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.947, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.948, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.950, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.952, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.953, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 34 %, 15 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.954, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.955, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.956, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.958, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.959, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.961, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 0 %, 0 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.963, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 58 %, 27 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:32.964, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.965, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.966, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.968, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.970, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.973, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 3 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.974, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.975, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.975, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.977, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.978, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.980, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 1 %, 1 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:32.981, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.982, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.982, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.984, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.985, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.987, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.988, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.988, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:32.991, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:33.001, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 9 %, 1 %, 12288 MiB, 8373 MiB, 3680 MiB timestamp, name, driver_version, utilization.gpu [%], utilization.memory [%], memory.total [MiB], memory.free [MiB], memory.used [MiB] 2023/03/05 09:34:34.846, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 84 %, 45 %, 12288 MiB, 5477 MiB, 6576 MiB 2023/03/05 09:34:34.846, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 85 %, 45 %, 12288 MiB, 5597 MiB, 6456 MiB 2023/03/05 09:34:34.847, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 18 %, 7 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:34.848, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 42 %, 19 %, 12288 MiB, 7171 MiB, 4882 MiB 2023/03/05 09:34:34.848, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 27 %, 11 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:34.849, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 13 %, 4 %, 12288 MiB, 7179 MiB, 4874 MiB 2023/03/05 09:34:34.850, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 0 %, 0 %, 12288 MiB, 8373 MiB, 3680 MiB 2023/03/05 09:34:34.851, NVIDIA GeForce RTX 3080 Ti, 515.65.01, 0 %, 0 %, 12288 MiB, 8373 MiB, 3680 MiB [03/05 09:34:36 lb.utils.events]: eta: 0:03:54 iteration: 99/220 consumed_samples: 12800 total_loss: 7.258 time: 1.9502 s/iter data_time: 0.0052 s/iter total_throughput: 65.63 samples/s lr: 8.74e-05 [03/05 09:37:53 lb.utils.events]: eta: 0:00:39 iteration: 199/220 consumed_samples: 25600 total_loss: 7.064 time: 1.9581 s/iter data_time: 0.0054 s/iter total_throughput: 65.37 samples/s lr: 4.81e-06 [03/05 09:38:32 lb.utils.events]: eta: 0:00:00 iteration: 219/220 consumed_samples: 28160 total_loss: 6.875 time: 1.9588 s/iter data_time: 0.0051 s/iter total_throughput: 65.35 samples/s lr: 1.51e-06 [03/05 09:38:32 lb.engine.hooks]: Overall training speed: 218 iterations in 0:07:07 (1.9588 s / it) [03/05 09:38:32 lb.engine.hooks]: Total training time: 0:07:07 (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