2023-10-24 11:40:00,350 transreid INFO: Saving model in the path :/media/zzr/My_Passport/Clip_reid/output 2023-10-24 11:40:00,350 transreid INFO: Namespace(config_file='configs/veri/cnn_prom.yml', local_rank=0, opts=[]) 2023-10-24 11:40:00,350 transreid INFO: Loaded configuration file configs/veri/cnn_prom.yml 2023-10-24 11:40:00,350 transreid INFO: MODEL: PRETRAIN_CHOICE: 'imagenet' METRIC_LOSS_TYPE: 'triplet' IF_LABELSMOOTH: 'on' IF_WITH_CENTER: 'no' NAME: 'RN50' ID_LOSS_WEIGHT : 1.0 TRIPLET_LOSS_WEIGHT : 1.0 INPUT: SIZE_TRAIN: [256, 256] SIZE_TEST: [256, 256] PROB: 0.5 # random horizontal flip RE_PROB: 0.5 # random erasing PADDING: 10 PIXEL_MEAN: [0.485, 0.456, 0.406] PIXEL_STD: [0.229, 0.224, 0.225] DATALOADER: SAMPLER: 'softmax_triplet' NUM_INSTANCE: 4 NUM_WORKERS: 8 SOLVER: STAGE1: IMS_PER_BATCH: 64 OPTIMIZER_NAME: "Adam" BASE_LR: 0.00035 WARMUP_LR_INIT: 0.00001 LR_MIN: 1e-6 WARMUP_METHOD: 'linear' WEIGHT_DECAY: 1e-4 WEIGHT_DECAY_BIAS: 1e-4 MAX_EPOCHS: 60 CHECKPOINT_PERIOD: 60 LOG_PERIOD: 50 WARMUP_EPOCHS: 5 STAGE2: IMS_PER_BATCH: 64 OPTIMIZER_NAME: "Adam" BASE_LR: 0.00035 WARMUP_METHOD: 'linear' WARMUP_ITERS: 10 WARMUP_FACTOR: 0.01 WEIGHT_DECAY: 0.0005 WEIGHT_DECAY_BIAS: 0.0005 LARGE_FC_LR: False MAX_EPOCHS: 120 CHECKPOINT_PERIOD: 120 LOG_PERIOD: 50 EVAL_PERIOD: 120 BIAS_LR_FACTOR: 2 STEPS: [40, 70] GAMMA: 0.1 TEST: EVAL: True IMS_PER_BATCH: 64 RE_RANKING: False WEIGHT: '' NECK_FEAT: 'before' FEAT_NORM: 'yes' DATASETS: NAMES: ('veri') ROOT_DIR: ('/media/zzr/My_Passport/Clip_reid') OUTPUT_DIR: '/media/zzr/My_Passport/Clip_reid/output' # CUDA_VISIBLE_DEVICES=2 python train_clipreid.py --config_file configs/veri/res_clipreid.yml 2023-10-24 11:40:00,350 transreid INFO: Running with config: DATALOADER: NUM_INSTANCE: 4 NUM_WORKERS: 8 SAMPLER: softmax_triplet DATASETS: NAMES: veri ROOT_DIR: /media/zzr/My_Passport/Clip_reid INPUT: PADDING: 10 PIXEL_MEAN: [0.485, 0.456, 0.406] PIXEL_STD: [0.229, 0.224, 0.225] PROB: 0.5 RE_PROB: 0.5 SIZE_TEST: [256, 256] SIZE_TRAIN: [256, 256] MODEL: ATT_DROP_RATE: 0.0 COS_LAYER: False DEVICE: cuda DEVICE_ID: 0 DIST_TRAIN: False DROP_OUT: 0.0 DROP_PATH: 0.1 I2T_LOSS_WEIGHT: 1.0 ID_LOSS_TYPE: softmax ID_LOSS_WEIGHT: 1.0 IF_LABELSMOOTH: on IF_WITH_CENTER: no LAST_STRIDE: 1 METRIC_LOSS_TYPE: triplet NAME: RN50 NECK: bnneck NO_MARGIN: False PRETRAIN_CHOICE: imagenet PRETRAIN_PATH: SIE_CAMERA: False SIE_COE: 3.0 SIE_VIEW: False STRIDE_SIZE: [16, 16] TRANSFORMER_TYPE: None TRIPLET_LOSS_WEIGHT: 1.0 OUTPUT_DIR: /media/zzr/My_Passport/Clip_reid/output SOLVER: MARGIN: 0.3 SEED: 1234 STAGE1: BASE_LR: 0.00035 CHECKPOINT_PERIOD: 60 COSINE_MARGIN: 0.5 COSINE_SCALE: 30 EVAL_PERIOD: 10 IMS_PER_BATCH: 64 LOG_PERIOD: 50 LR_MIN: 1e-06 MAX_EPOCHS: 60 MOMENTUM: 0.9 OPTIMIZER_NAME: Adam WARMUP_EPOCHS: 5 WARMUP_FACTOR: 0.01 WARMUP_ITERS: 500 WARMUP_LR_INIT: 1e-05 WARMUP_METHOD: linear WEIGHT_DECAY: 0.0001 WEIGHT_DECAY_BIAS: 0.0001 STAGE2: BASE_LR: 0.00035 BIAS_LR_FACTOR: 2 CENTER_LOSS_WEIGHT: 0.0005 CENTER_LR: 0.5 CHECKPOINT_PERIOD: 120 COSINE_MARGIN: 0.5 COSINE_SCALE: 30 EVAL_PERIOD: 120 GAMMA: 0.1 IMS_PER_BATCH: 64 LARGE_FC_LR: False LOG_PERIOD: 50 LR_MIN: 1.6e-05 MAX_EPOCHS: 120 MOMENTUM: 0.9 OPTIMIZER_NAME: Adam STEPS: (40, 70) WARMUP_EPOCHS: 5 WARMUP_FACTOR: 0.01 WARMUP_ITERS: 10 WARMUP_LR_INIT: 0.01 WARMUP_METHOD: linear WEIGHT_DECAY: 0.0005 WEIGHT_DECAY_BIAS: 0.0005 TEST: DIST_MAT: dist_mat.npy EVAL: True FEAT_NORM: yes IMS_PER_BATCH: 64 NECK_FEAT: before RE_RANKING: False WEIGHT: 2023-10-24 11:40:10,631 transreid.train INFO: start training 2023-10-24 11:40:10,645 transreid.train INFO: model: build_transformer( (classifier): Linear(in_features=2048, out_features=576, bias=False) (classifier_proj): Linear(in_features=1024, out_features=576, bias=False) (bottleneck): BatchNorm1d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (bottleneck_proj): BatchNorm1d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (image_encoder): ModifiedResNet( (conv1): Conv2d(3, 32, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (bn1): BatchNorm2d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(32, 32, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv3): Conv2d(32, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn3): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): AvgPool2d(kernel_size=2, stride=2, padding=0) (relu): ReLU(inplace=True) (layer1): Sequential( (0): Bottleneck( (conv1): Conv2d(64, 64, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) (downsample): Sequential( (-1): AvgPool2d(kernel_size=1, stride=1, padding=0) (0): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) ) (1): Bottleneck( (conv1): Conv2d(256, 64, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (2): Bottleneck( (conv1): Conv2d(256, 64, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(64, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) ) (layer2): Sequential( (0): Bottleneck( (conv1): Conv2d(256, 128, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(128, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): AvgPool2d(kernel_size=2, stride=2, padding=0) (conv3): Conv2d(128, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) (downsample): Sequential( (-1): AvgPool2d(kernel_size=2, stride=2, padding=0) (0): Conv2d(256, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) ) (1): Bottleneck( (conv1): Conv2d(512, 128, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(128, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(128, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (2): Bottleneck( (conv1): Conv2d(512, 128, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(128, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(128, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (3): Bottleneck( (conv1): Conv2d(512, 128, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(128, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(128, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) ) (layer3): Sequential( (0): Bottleneck( (conv1): Conv2d(512, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): AvgPool2d(kernel_size=2, stride=2, padding=0) (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) (downsample): Sequential( (-1): AvgPool2d(kernel_size=2, stride=2, padding=0) (0): Conv2d(512, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (1): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) ) (1): Bottleneck( (conv1): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (2): Bottleneck( (conv1): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (3): Bottleneck( (conv1): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (4): Bottleneck( (conv1): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (5): Bottleneck( (conv1): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) ) (layer4): Sequential( (0): Bottleneck( (conv1): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(512, 2048, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) (downsample): Sequential( (-1): AvgPool2d(kernel_size=1, stride=1, padding=0) (0): Conv2d(1024, 2048, kernel_size=(1, 1), stride=(1, 1), bias=False) (1): BatchNorm2d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) ) (1): Bottleneck( (conv1): Conv2d(2048, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(512, 2048, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) (2): Bottleneck( (conv1): Conv2d(2048, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn1): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (conv2): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn2): BatchNorm2d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (avgpool): Identity() (conv3): Conv2d(512, 2048, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn3): BatchNorm2d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (relu): ReLU(inplace=True) ) ) (attnpool): AttentionPool2d( (k_proj): Linear(in_features=2048, out_features=2048, bias=True) (q_proj): Linear(in_features=2048, out_features=2048, bias=True) (v_proj): Linear(in_features=2048, out_features=2048, bias=True) (c_proj): Linear(in_features=2048, out_features=1024, bias=True) ) ) (prompt_learner): PromptLearner() (text_encoder): TextEncoder( (transformer): Transformer( (resblocks): Sequential( (0): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (1): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (2): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (3): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (4): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (5): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (6): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (7): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (8): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (9): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (10): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) (11): ResidualAttentionBlock( (attn): MultiheadAttention( (out_proj): _LinearWithBias(in_features=512, out_features=512, bias=True) ) (ln_1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (mlp): Sequential( (c_fc): Linear(in_features=512, out_features=2048, bias=True) (gelu): QuickGELU() (c_proj): Linear(in_features=2048, out_features=512, bias=True) ) (ln_2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) ) ) (ln_final): LayerNorm((512,), eps=1e-05, elementwise_affine=True) ) ) 2023-10-24 12:08:03,619 transreid.train INFO: Epoch[1] Iteration[50/590] Loss: 8.405, Base Lr: 7.80e-05 2023-10-24 12:08:06,863 transreid.train INFO: Epoch[1] Iteration[100/590] Loss: 8.031, Base Lr: 7.80e-05 2023-10-24 12:08:10,016 transreid.train INFO: Epoch[1] Iteration[150/590] Loss: 7.723, Base Lr: 7.80e-05 2023-10-24 12:08:12,987 transreid.train INFO: Epoch[1] Iteration[200/590] Loss: 7.462, Base Lr: 7.80e-05 2023-10-24 12:08:16,646 transreid.train INFO: Epoch[1] Iteration[250/590] Loss: 7.242, Base Lr: 7.80e-05 2023-10-24 12:08:19,834 transreid.train INFO: Epoch[1] Iteration[300/590] Loss: 7.047, Base Lr: 7.80e-05 2023-10-24 12:08:23,137 transreid.train INFO: Epoch[1] Iteration[350/590] Loss: 6.872, Base Lr: 7.80e-05 2023-10-24 12:08:26,097 transreid.train INFO: Epoch[1] Iteration[400/590] Loss: 6.716, Base Lr: 7.80e-05 2023-10-24 12:08:29,343 transreid.train INFO: Epoch[1] Iteration[450/590] Loss: 6.580, Base Lr: 7.80e-05 2023-10-24 12:08:32,690 transreid.train INFO: Epoch[1] Iteration[500/590] Loss: 6.459, Base Lr: 7.80e-05 2023-10-24 12:08:35,871 transreid.train INFO: Epoch[1] Iteration[550/590] Loss: 6.349, Base Lr: 7.80e-05 2023-10-24 12:08:41,448 transreid.train INFO: Epoch[2] Iteration[50/590] Loss: 5.078, Base Lr: 1.46e-04 2023-10-24 12:08:44,571 transreid.train INFO: Epoch[2] Iteration[100/590] Loss: 5.040, Base Lr: 1.46e-04 2023-10-24 12:08:47,631 transreid.train INFO: Epoch[2] Iteration[150/590] Loss: 5.011, Base Lr: 1.46e-04 2023-10-24 12:08:50,817 transreid.train INFO: Epoch[2] Iteration[200/590] Loss: 4.971, Base Lr: 1.46e-04 2023-10-24 12:08:53,763 transreid.train INFO: Epoch[2] Iteration[250/590] Loss: 4.934, Base Lr: 1.46e-04 2023-10-24 12:08:56,824 transreid.train INFO: Epoch[2] Iteration[300/590] Loss: 4.896, Base Lr: 1.46e-04 2023-10-24 12:09:00,033 transreid.train INFO: Epoch[2] Iteration[350/590] Loss: 4.857, Base Lr: 1.46e-04 2023-10-24 12:09:03,251 transreid.train INFO: Epoch[2] Iteration[400/590] Loss: 4.817, Base Lr: 1.46e-04 2023-10-24 12:09:06,265 transreid.train INFO: Epoch[2] Iteration[450/590] Loss: 4.781, Base Lr: 1.46e-04 2023-10-24 12:09:09,395 transreid.train INFO: Epoch[2] Iteration[500/590] Loss: 4.750, Base Lr: 1.46e-04 2023-10-24 12:09:12,646 transreid.train INFO: Epoch[2] Iteration[550/590] Loss: 4.718, Base Lr: 1.46e-04 2023-10-24 12:09:18,436 transreid.train INFO: Epoch[3] Iteration[50/590] Loss: 4.298, Base Lr: 2.14e-04 2023-10-24 12:09:21,653 transreid.train INFO: Epoch[3] Iteration[100/590] Loss: 4.279, Base Lr: 2.14e-04 2023-10-24 12:09:24,722 transreid.train INFO: Epoch[3] Iteration[150/590] Loss: 4.291, Base Lr: 2.14e-04 2023-10-24 12:09:28,071 transreid.train INFO: Epoch[3] Iteration[200/590] Loss: 4.290, Base Lr: 2.14e-04 2023-10-24 12:09:31,224 transreid.train INFO: Epoch[3] Iteration[250/590] Loss: 4.285, Base Lr: 2.14e-04 2023-10-24 12:09:34,481 transreid.train INFO: Epoch[3] Iteration[300/590] Loss: 4.269, Base Lr: 2.14e-04 2023-10-24 12:09:37,707 transreid.train INFO: Epoch[3] Iteration[350/590] Loss: 4.252, Base Lr: 2.14e-04 2023-10-24 12:09:40,894 transreid.train INFO: Epoch[3] Iteration[400/590] Loss: 4.239, Base Lr: 2.14e-04 2023-10-24 12:09:44,060 transreid.train INFO: Epoch[3] Iteration[450/590] Loss: 4.226, Base Lr: 2.14e-04 2023-10-24 12:09:47,020 transreid.train INFO: Epoch[3] Iteration[500/590] Loss: 4.218, Base Lr: 2.14e-04 2023-10-24 12:09:50,462 transreid.train INFO: Epoch[3] Iteration[550/590] Loss: 4.212, Base Lr: 2.14e-04 2023-10-24 12:09:56,108 transreid.train INFO: Epoch[4] Iteration[50/590] Loss: 3.936, Base Lr: 2.82e-04 2023-10-24 12:09:59,129 transreid.train INFO: Epoch[4] Iteration[100/590] Loss: 3.984, Base Lr: 2.82e-04 2023-10-24 12:10:02,268 transreid.train INFO: Epoch[4] Iteration[150/590] Loss: 3.999, Base Lr: 2.82e-04 2023-10-24 12:10:05,324 transreid.train INFO: Epoch[4] Iteration[200/590] Loss: 4.009, Base Lr: 2.82e-04 2023-10-24 12:10:08,224 transreid.train INFO: Epoch[4] Iteration[250/590] Loss: 3.998, Base Lr: 2.82e-04 2023-10-24 12:10:11,280 transreid.train INFO: Epoch[4] Iteration[300/590] Loss: 3.985, Base Lr: 2.82e-04 2023-10-24 12:10:14,211 transreid.train INFO: Epoch[4] Iteration[350/590] Loss: 3.975, Base Lr: 2.82e-04 2023-10-24 12:10:17,265 transreid.train INFO: Epoch[4] Iteration[400/590] Loss: 3.970, Base Lr: 2.82e-04 2023-10-24 12:10:20,223 transreid.train INFO: Epoch[4] Iteration[450/590] Loss: 3.961, Base Lr: 2.82e-04 2023-10-24 12:10:23,160 transreid.train INFO: Epoch[4] Iteration[500/590] Loss: 3.951, Base Lr: 2.82e-04 2023-10-24 12:10:26,288 transreid.train INFO: Epoch[4] Iteration[550/590] Loss: 3.945, Base Lr: 2.82e-04 2023-10-24 12:10:31,716 transreid.train INFO: Epoch[5] Iteration[50/590] Loss: 3.776, Base Lr: 3.44e-04 2023-10-24 12:10:34,847 transreid.train INFO: Epoch[5] Iteration[100/590] Loss: 3.796, Base Lr: 3.44e-04 2023-10-24 12:10:37,770 transreid.train INFO: Epoch[5] Iteration[150/590] Loss: 3.793, Base Lr: 3.44e-04 2023-10-24 12:10:40,823 transreid.train INFO: Epoch[5] Iteration[200/590] Loss: 3.789, Base Lr: 3.44e-04 2023-10-24 12:10:43,674 transreid.train INFO: Epoch[5] Iteration[250/590] Loss: 3.788, Base Lr: 3.44e-04 2023-10-24 12:10:46,560 transreid.train INFO: Epoch[5] Iteration[300/590] Loss: 3.779, Base Lr: 3.44e-04 2023-10-24 12:10:49,817 transreid.train INFO: Epoch[5] Iteration[350/590] Loss: 3.773, Base Lr: 3.44e-04 2023-10-24 12:10:52,692 transreid.train INFO: Epoch[5] Iteration[400/590] Loss: 3.772, Base Lr: 3.44e-04 2023-10-24 12:10:55,661 transreid.train INFO: Epoch[5] Iteration[450/590] Loss: 3.766, Base Lr: 3.44e-04 2023-10-24 12:10:58,586 transreid.train INFO: Epoch[5] Iteration[500/590] Loss: 3.766, Base Lr: 3.44e-04 2023-10-24 12:11:01,684 transreid.train INFO: Epoch[5] Iteration[550/590] Loss: 3.763, Base Lr: 3.44e-04 2023-10-24 12:11:06,837 transreid.train INFO: Epoch[6] Iteration[50/590] Loss: 3.591, Base Lr: 3.41e-04 2023-10-24 12:11:09,752 transreid.train INFO: Epoch[6] Iteration[100/590] Loss: 3.571, Base Lr: 3.41e-04 2023-10-24 12:11:13,029 transreid.train INFO: Epoch[6] Iteration[150/590] Loss: 3.601, Base Lr: 3.41e-04 2023-10-24 12:11:15,907 transreid.train INFO: Epoch[6] Iteration[200/590] Loss: 3.605, Base Lr: 3.41e-04 2023-10-24 12:11:18,828 transreid.train INFO: Epoch[6] Iteration[250/590] Loss: 3.593, Base Lr: 3.41e-04 2023-10-24 12:11:21,726 transreid.train INFO: Epoch[6] Iteration[300/590] Loss: 3.594, Base Lr: 3.41e-04 2023-10-24 12:11:24,911 transreid.train INFO: Epoch[6] Iteration[350/590] Loss: 3.599, Base Lr: 3.41e-04 2023-10-24 12:11:27,797 transreid.train INFO: Epoch[6] Iteration[400/590] Loss: 3.600, Base Lr: 3.41e-04 2023-10-24 12:11:30,597 transreid.train INFO: Epoch[6] Iteration[450/590] Loss: 3.603, Base Lr: 3.41e-04 2023-10-24 12:11:33,400 transreid.train INFO: Epoch[6] Iteration[500/590] Loss: 3.600, Base Lr: 3.41e-04 2023-10-24 12:11:36,390 transreid.train INFO: Epoch[6] Iteration[550/590] Loss: 3.594, Base Lr: 3.41e-04 2023-10-24 12:11:41,790 transreid.train INFO: Epoch[7] Iteration[50/590] Loss: 3.486, Base Lr: 3.38e-04 2023-10-24 12:11:44,938 transreid.train INFO: Epoch[7] Iteration[100/590] Loss: 3.469, Base Lr: 3.38e-04 2023-10-24 12:11:47,905 transreid.train INFO: Epoch[7] Iteration[150/590] Loss: 3.477, Base Lr: 3.38e-04 2023-10-24 12:11:50,894 transreid.train INFO: Epoch[7] Iteration[200/590] Loss: 3.495, Base Lr: 3.38e-04 2023-10-24 12:11:54,090 transreid.train INFO: Epoch[7] Iteration[250/590] Loss: 3.496, Base Lr: 3.38e-04 2023-10-24 12:11:56,928 transreid.train INFO: Epoch[7] Iteration[300/590] Loss: 3.494, Base Lr: 3.38e-04 2023-10-24 12:11:59,727 transreid.train INFO: Epoch[7] Iteration[350/590] Loss: 3.486, Base Lr: 3.38e-04 2023-10-24 12:12:02,575 transreid.train INFO: Epoch[7] Iteration[400/590] Loss: 3.483, Base Lr: 3.38e-04 2023-10-24 12:12:05,581 transreid.train INFO: Epoch[7] Iteration[450/590] Loss: 3.484, Base Lr: 3.38e-04 2023-10-24 12:12:08,486 transreid.train INFO: Epoch[7] Iteration[500/590] Loss: 3.483, Base Lr: 3.38e-04 2023-10-24 12:12:11,314 transreid.train INFO: Epoch[7] Iteration[550/590] Loss: 3.482, Base Lr: 3.38e-04 2023-10-24 12:12:16,628 transreid.train INFO: Epoch[8] Iteration[50/590] Loss: 3.316, Base Lr: 3.35e-04 2023-10-24 12:12:19,498 transreid.train INFO: Epoch[8] Iteration[100/590] Loss: 3.341, Base Lr: 3.35e-04 2023-10-24 12:12:22,445 transreid.train INFO: Epoch[8] Iteration[150/590] Loss: 3.360, Base Lr: 3.35e-04 2023-10-24 12:12:25,257 transreid.train INFO: Epoch[8] Iteration[200/590] Loss: 3.368, Base Lr: 3.35e-04 2023-10-24 12:12:28,112 transreid.train INFO: Epoch[8] Iteration[250/590] Loss: 3.379, Base Lr: 3.35e-04 2023-10-24 12:12:30,878 transreid.train INFO: Epoch[8] Iteration[300/590] Loss: 3.390, Base Lr: 3.35e-04 2023-10-24 12:12:33,856 transreid.train INFO: Epoch[8] Iteration[350/590] Loss: 3.394, Base Lr: 3.35e-04 2023-10-24 12:12:36,681 transreid.train INFO: Epoch[8] Iteration[400/590] Loss: 3.398, Base Lr: 3.35e-04 2023-10-24 12:12:39,570 transreid.train INFO: Epoch[8] Iteration[450/590] Loss: 3.398, Base Lr: 3.35e-04 2023-10-24 12:12:42,449 transreid.train INFO: Epoch[8] Iteration[500/590] Loss: 3.398, Base Lr: 3.35e-04 2023-10-24 12:12:45,546 transreid.train INFO: Epoch[8] Iteration[550/590] Loss: 3.403, Base Lr: 3.35e-04 2023-10-24 12:12:50,775 transreid.train INFO: Epoch[9] Iteration[50/590] Loss: 3.288, Base Lr: 3.31e-04 2023-10-24 12:12:53,765 transreid.train INFO: Epoch[9] Iteration[100/590] Loss: 3.272, Base Lr: 3.31e-04 2023-10-24 12:12:56,529 transreid.train INFO: Epoch[9] Iteration[150/590] Loss: 3.297, Base Lr: 3.31e-04 2023-10-24 12:12:59,526 transreid.train INFO: Epoch[9] Iteration[200/590] Loss: 3.321, Base Lr: 3.31e-04 2023-10-24 12:13:02,517 transreid.train INFO: Epoch[9] Iteration[250/590] Loss: 3.317, Base Lr: 3.31e-04 2023-10-24 12:13:05,372 transreid.train INFO: Epoch[9] Iteration[300/590] Loss: 3.323, Base Lr: 3.31e-04 2023-10-24 12:13:08,226 transreid.train INFO: Epoch[9] Iteration[350/590] Loss: 3.324, Base Lr: 3.31e-04 2023-10-24 12:13:11,320 transreid.train INFO: Epoch[9] Iteration[400/590] Loss: 3.329, Base Lr: 3.31e-04 2023-10-24 12:13:14,087 transreid.train INFO: Epoch[9] Iteration[450/590] Loss: 3.335, Base Lr: 3.31e-04 2023-10-24 12:13:16,956 transreid.train INFO: Epoch[9] Iteration[500/590] Loss: 3.338, Base Lr: 3.31e-04 2023-10-24 12:13:19,880 transreid.train INFO: Epoch[9] Iteration[550/590] Loss: 3.344, Base Lr: 3.31e-04 2023-10-24 12:13:25,278 transreid.train INFO: Epoch[10] Iteration[50/590] Loss: 3.284, Base Lr: 3.27e-04 2023-10-24 12:13:28,209 transreid.train INFO: Epoch[10] Iteration[100/590] Loss: 3.296, Base Lr: 3.27e-04 2023-10-24 12:13:31,058 transreid.train INFO: Epoch[10] Iteration[150/590] Loss: 3.285, Base Lr: 3.27e-04 2023-10-24 12:13:33,892 transreid.train INFO: Epoch[10] Iteration[200/590] Loss: 3.282, Base Lr: 3.27e-04 2023-10-24 12:13:36,916 transreid.train INFO: Epoch[10] Iteration[250/590] Loss: 3.284, Base Lr: 3.27e-04 2023-10-24 12:13:39,848 transreid.train INFO: Epoch[10] Iteration[300/590] Loss: 3.281, Base Lr: 3.27e-04 2023-10-24 12:13:42,995 transreid.train INFO: Epoch[10] Iteration[350/590] Loss: 3.285, Base Lr: 3.27e-04 2023-10-24 12:13:45,899 transreid.train INFO: Epoch[10] Iteration[400/590] Loss: 3.289, Base Lr: 3.27e-04 2023-10-24 12:13:48,905 transreid.train INFO: Epoch[10] Iteration[450/590] Loss: 3.294, Base Lr: 3.27e-04 2023-10-24 12:13:51,717 transreid.train INFO: Epoch[10] Iteration[500/590] Loss: 3.294, Base Lr: 3.27e-04 2023-10-24 12:13:54,629 transreid.train INFO: Epoch[10] Iteration[550/590] Loss: 3.291, Base Lr: 3.27e-04 2023-10-24 12:14:00,214 transreid.train INFO: Epoch[11] Iteration[50/590] Loss: 3.206, Base Lr: 3.22e-04 2023-10-24 12:14:03,017 transreid.train INFO: Epoch[11] Iteration[100/590] Loss: 3.218, Base Lr: 3.22e-04 2023-10-24 12:14:05,859 transreid.train INFO: Epoch[11] Iteration[150/590] Loss: 3.226, Base Lr: 3.22e-04 2023-10-24 12:14:08,678 transreid.train INFO: Epoch[11] Iteration[200/590] Loss: 3.226, Base Lr: 3.22e-04 2023-10-24 12:14:11,732 transreid.train INFO: Epoch[11] Iteration[250/590] Loss: 3.235, Base Lr: 3.22e-04 2023-10-24 12:14:14,802 transreid.train INFO: Epoch[11] Iteration[300/590] Loss: 3.245, Base Lr: 3.22e-04 2023-10-24 12:14:17,693 transreid.train INFO: Epoch[11] Iteration[350/590] Loss: 3.247, Base Lr: 3.22e-04 2023-10-24 12:14:20,620 transreid.train INFO: Epoch[11] Iteration[400/590] Loss: 3.248, Base Lr: 3.22e-04 2023-10-24 12:14:23,409 transreid.train INFO: Epoch[11] Iteration[450/590] Loss: 3.242, Base Lr: 3.22e-04 2023-10-24 12:14:26,276 transreid.train INFO: Epoch[11] Iteration[500/590] Loss: 3.242, Base Lr: 3.22e-04 2023-10-24 12:14:29,126 transreid.train INFO: Epoch[11] Iteration[550/590] Loss: 3.247, Base Lr: 3.22e-04 2023-10-24 12:14:34,399 transreid.train INFO: Epoch[12] Iteration[50/590] Loss: 3.137, Base Lr: 3.17e-04 2023-10-24 12:14:37,326 transreid.train INFO: Epoch[12] Iteration[100/590] Loss: 3.141, Base Lr: 3.17e-04 2023-10-24 12:14:40,129 transreid.train INFO: Epoch[12] Iteration[150/590] Loss: 3.145, Base Lr: 3.17e-04 2023-10-24 12:14:42,969 transreid.train INFO: Epoch[12] Iteration[200/590] Loss: 3.167, Base Lr: 3.17e-04 2023-10-24 12:14:45,748 transreid.train INFO: Epoch[12] Iteration[250/590] Loss: 3.182, Base Lr: 3.17e-04 2023-10-24 12:14:48,589 transreid.train INFO: Epoch[12] Iteration[300/590] Loss: 3.194, Base Lr: 3.17e-04 2023-10-24 12:14:51,458 transreid.train INFO: Epoch[12] Iteration[350/590] Loss: 3.195, Base Lr: 3.17e-04 2023-10-24 12:14:54,512 transreid.train INFO: Epoch[12] Iteration[400/590] Loss: 3.198, Base Lr: 3.17e-04 2023-10-24 12:14:57,308 transreid.train INFO: Epoch[12] Iteration[450/590] Loss: 3.204, Base Lr: 3.17e-04 2023-10-24 12:15:00,108 transreid.train INFO: Epoch[12] Iteration[500/590] Loss: 3.207, Base Lr: 3.17e-04 2023-10-24 12:15:02,918 transreid.train INFO: Epoch[12] Iteration[550/590] Loss: 3.207, Base Lr: 3.17e-04 2023-10-24 12:15:08,175 transreid.train INFO: Epoch[13] Iteration[50/590] Loss: 3.137, Base Lr: 3.11e-04 2023-10-24 12:15:11,139 transreid.train INFO: Epoch[13] Iteration[100/590] Loss: 3.143, Base Lr: 3.11e-04 2023-10-24 12:15:13,971 transreid.train INFO: Epoch[13] Iteration[150/590] Loss: 3.151, Base Lr: 3.11e-04 2023-10-24 12:15:16,921 transreid.train INFO: Epoch[13] Iteration[200/590] Loss: 3.152, Base Lr: 3.11e-04 2023-10-24 12:15:19,721 transreid.train INFO: Epoch[13] Iteration[250/590] Loss: 3.146, Base Lr: 3.11e-04 2023-10-24 12:15:22,527 transreid.train INFO: Epoch[13] Iteration[300/590] Loss: 3.152, Base Lr: 3.11e-04 2023-10-24 12:15:25,598 transreid.train INFO: Epoch[13] Iteration[350/590] Loss: 3.150, Base Lr: 3.11e-04 2023-10-24 12:15:28,411 transreid.train INFO: Epoch[13] Iteration[400/590] Loss: 3.161, Base Lr: 3.11e-04 2023-10-24 12:15:31,424 transreid.train INFO: Epoch[13] Iteration[450/590] Loss: 3.163, Base Lr: 3.11e-04 2023-10-24 12:15:34,258 transreid.train INFO: Epoch[13] Iteration[500/590] Loss: 3.166, Base Lr: 3.11e-04 2023-10-24 12:15:37,062 transreid.train INFO: Epoch[13] Iteration[550/590] Loss: 3.170, Base Lr: 3.11e-04 2023-10-24 12:15:42,146 transreid.train INFO: Epoch[14] Iteration[50/590] Loss: 3.126, Base Lr: 3.05e-04 2023-10-24 12:15:44,953 transreid.train INFO: Epoch[14] Iteration[100/590] Loss: 3.114, Base Lr: 3.05e-04 2023-10-24 12:15:47,774 transreid.train INFO: Epoch[14] Iteration[150/590] Loss: 3.102, Base Lr: 3.05e-04 2023-10-24 12:15:50,584 transreid.train INFO: Epoch[14] Iteration[200/590] Loss: 3.117, Base Lr: 3.05e-04 2023-10-24 12:15:53,413 transreid.train INFO: Epoch[14] Iteration[250/590] Loss: 3.122, Base Lr: 3.05e-04 2023-10-24 12:15:56,287 transreid.train INFO: Epoch[14] Iteration[300/590] Loss: 3.125, Base Lr: 3.05e-04 2023-10-24 12:15:59,371 transreid.train INFO: Epoch[14] Iteration[350/590] Loss: 3.130, Base Lr: 3.05e-04 2023-10-24 12:16:02,186 transreid.train INFO: Epoch[14] Iteration[400/590] Loss: 3.138, Base Lr: 3.05e-04 2023-10-24 12:16:05,036 transreid.train INFO: Epoch[14] Iteration[450/590] Loss: 3.141, Base Lr: 3.05e-04 2023-10-24 12:16:08,033 transreid.train INFO: Epoch[14] Iteration[500/590] Loss: 3.140, Base Lr: 3.05e-04 2023-10-24 12:16:10,832 transreid.train INFO: Epoch[14] Iteration[550/590] Loss: 3.146, Base Lr: 3.05e-04 2023-10-24 12:16:15,882 transreid.train INFO: Epoch[15] Iteration[50/590] Loss: 3.098, Base Lr: 2.99e-04 2023-10-24 12:16:18,642 transreid.train INFO: Epoch[15] Iteration[100/590] Loss: 3.094, Base Lr: 2.99e-04 2023-10-24 12:16:21,585 transreid.train INFO: Epoch[15] Iteration[150/590] Loss: 3.094, Base Lr: 2.99e-04 2023-10-24 12:16:24,437 transreid.train INFO: Epoch[15] Iteration[200/590] Loss: 3.101, Base Lr: 2.99e-04 2023-10-24 12:16:27,324 transreid.train INFO: Epoch[15] Iteration[250/590] Loss: 3.109, Base Lr: 2.99e-04 2023-10-24 12:16:30,701 transreid.train INFO: Epoch[15] Iteration[300/590] Loss: 3.112, Base Lr: 2.99e-04 2023-10-24 12:16:33,571 transreid.train INFO: Epoch[15] Iteration[350/590] Loss: 3.105, Base Lr: 2.99e-04 2023-10-24 12:16:36,508 transreid.train INFO: Epoch[15] Iteration[400/590] Loss: 3.109, Base Lr: 2.99e-04 2023-10-24 12:16:39,313 transreid.train INFO: Epoch[15] Iteration[450/590] Loss: 3.106, Base Lr: 2.99e-04 2023-10-24 12:16:42,124 transreid.train INFO: Epoch[15] Iteration[500/590] Loss: 3.112, Base Lr: 2.99e-04 2023-10-24 12:16:44,904 transreid.train INFO: Epoch[15] Iteration[550/590] Loss: 3.115, Base Lr: 2.99e-04 2023-10-24 12:16:50,078 transreid.train INFO: Epoch[16] Iteration[50/590] Loss: 3.103, Base Lr: 2.92e-04 2023-10-24 12:16:52,831 transreid.train INFO: Epoch[16] Iteration[100/590] Loss: 3.095, Base Lr: 2.92e-04 2023-10-24 12:16:55,670 transreid.train INFO: Epoch[16] Iteration[150/590] Loss: 3.071, Base Lr: 2.92e-04 2023-10-24 12:16:58,464 transreid.train INFO: Epoch[16] Iteration[200/590] Loss: 3.083, Base Lr: 2.92e-04 2023-10-24 12:17:01,374 transreid.train INFO: Epoch[16] Iteration[250/590] Loss: 3.081, Base Lr: 2.92e-04 2023-10-24 12:17:04,572 transreid.train INFO: Epoch[16] Iteration[300/590] Loss: 3.091, Base Lr: 2.92e-04 2023-10-24 12:17:07,445 transreid.train INFO: Epoch[16] Iteration[350/590] Loss: 3.095, Base Lr: 2.92e-04 2023-10-24 12:17:10,533 transreid.train INFO: Epoch[16] Iteration[400/590] Loss: 3.091, Base Lr: 2.92e-04 2023-10-24 12:17:13,590 transreid.train INFO: Epoch[16] Iteration[450/590] Loss: 3.088, Base Lr: 2.92e-04 2023-10-24 12:17:16,548 transreid.train INFO: Epoch[16] Iteration[500/590] Loss: 3.091, Base Lr: 2.92e-04 2023-10-24 12:17:19,810 transreid.train INFO: Epoch[16] Iteration[550/590] Loss: 3.093, Base Lr: 2.92e-04 2023-10-24 12:17:25,306 transreid.train INFO: Epoch[17] Iteration[50/590] Loss: 2.995, Base Lr: 2.85e-04 2023-10-24 12:17:28,316 transreid.train INFO: Epoch[17] Iteration[100/590] Loss: 2.999, Base Lr: 2.85e-04 2023-10-24 12:17:31,420 transreid.train INFO: Epoch[17] Iteration[150/590] Loss: 3.013, Base Lr: 2.85e-04 2023-10-24 12:17:34,252 transreid.train INFO: Epoch[17] Iteration[200/590] Loss: 3.035, Base Lr: 2.85e-04 2023-10-24 12:17:37,085 transreid.train INFO: Epoch[17] Iteration[250/590] Loss: 3.042, Base Lr: 2.85e-04 2023-10-24 12:17:39,963 transreid.train INFO: Epoch[17] Iteration[300/590] Loss: 3.050, Base Lr: 2.85e-04 2023-10-24 12:17:42,844 transreid.train INFO: Epoch[17] Iteration[350/590] Loss: 3.060, Base Lr: 2.85e-04 2023-10-24 12:17:45,672 transreid.train INFO: Epoch[17] Iteration[400/590] Loss: 3.066, Base Lr: 2.85e-04 2023-10-24 12:17:48,714 transreid.train INFO: Epoch[17] Iteration[450/590] Loss: 3.067, Base Lr: 2.85e-04 2023-10-24 12:17:51,517 transreid.train INFO: Epoch[17] Iteration[500/590] Loss: 3.064, Base Lr: 2.85e-04 2023-10-24 12:17:54,414 transreid.train INFO: Epoch[17] Iteration[550/590] Loss: 3.068, Base Lr: 2.85e-04 2023-10-24 12:17:59,708 transreid.train INFO: Epoch[18] Iteration[50/590] Loss: 2.965, Base Lr: 2.78e-04 2023-10-24 12:18:02,509 transreid.train INFO: Epoch[18] Iteration[100/590] Loss: 2.993, Base Lr: 2.78e-04 2023-10-24 12:18:05,350 transreid.train INFO: Epoch[18] Iteration[150/590] Loss: 3.008, Base Lr: 2.78e-04 2023-10-24 12:18:08,192 transreid.train INFO: Epoch[18] Iteration[200/590] Loss: 3.013, Base Lr: 2.78e-04 2023-10-24 12:18:10,931 transreid.train INFO: Epoch[18] Iteration[250/590] Loss: 3.023, Base Lr: 2.78e-04 2023-10-24 12:18:13,735 transreid.train INFO: Epoch[18] Iteration[300/590] Loss: 3.032, Base Lr: 2.78e-04 2023-10-24 12:18:16,604 transreid.train INFO: Epoch[18] Iteration[350/590] Loss: 3.033, Base Lr: 2.78e-04 2023-10-24 12:18:19,474 transreid.train INFO: Epoch[18] Iteration[400/590] Loss: 3.033, Base Lr: 2.78e-04 2023-10-24 12:18:22,368 transreid.train INFO: Epoch[18] Iteration[450/590] Loss: 3.039, Base Lr: 2.78e-04 2023-10-24 12:18:25,214 transreid.train INFO: Epoch[18] Iteration[500/590] Loss: 3.042, Base Lr: 2.78e-04 2023-10-24 12:18:28,068 transreid.train INFO: Epoch[18] Iteration[550/590] Loss: 3.052, Base Lr: 2.78e-04 2023-10-24 12:18:33,309 transreid.train INFO: Epoch[19] Iteration[50/590] Loss: 2.945, Base Lr: 2.71e-04 2023-10-24 12:18:36,160 transreid.train INFO: Epoch[19] Iteration[100/590] Loss: 2.958, Base Lr: 2.71e-04 2023-10-24 12:18:38,973 transreid.train INFO: Epoch[19] Iteration[150/590] Loss: 2.966, Base Lr: 2.71e-04 2023-10-24 12:18:41,868 transreid.train INFO: Epoch[19] Iteration[200/590] Loss: 2.977, Base Lr: 2.71e-04 2023-10-24 12:18:44,691 transreid.train INFO: Epoch[19] Iteration[250/590] Loss: 2.975, Base Lr: 2.71e-04 2023-10-24 12:18:47,613 transreid.train INFO: Epoch[19] Iteration[300/590] Loss: 2.988, Base Lr: 2.71e-04 2023-10-24 12:18:50,445 transreid.train INFO: Epoch[19] Iteration[350/590] Loss: 2.995, Base Lr: 2.71e-04 2023-10-24 12:18:53,403 transreid.train INFO: Epoch[19] Iteration[400/590] Loss: 3.004, Base Lr: 2.71e-04 2023-10-24 12:18:56,180 transreid.train INFO: Epoch[19] Iteration[450/590] Loss: 3.011, Base Lr: 2.71e-04 2023-10-24 12:18:59,128 transreid.train INFO: Epoch[19] Iteration[500/590] Loss: 3.018, Base Lr: 2.71e-04 2023-10-24 12:19:01,959 transreid.train INFO: Epoch[19] Iteration[550/590] Loss: 3.025, Base Lr: 2.71e-04 2023-10-24 12:19:07,257 transreid.train INFO: Epoch[20] Iteration[50/590] Loss: 2.874, Base Lr: 2.63e-04 2023-10-24 12:19:10,346 transreid.train INFO: Epoch[20] Iteration[100/590] Loss: 2.923, Base Lr: 2.63e-04 2023-10-24 12:19:13,396 transreid.train INFO: Epoch[20] Iteration[150/590] Loss: 2.938, Base Lr: 2.63e-04 2023-10-24 12:19:16,271 transreid.train INFO: Epoch[20] Iteration[200/590] Loss: 2.962, Base Lr: 2.63e-04 2023-10-24 12:19:19,097 transreid.train INFO: Epoch[20] Iteration[250/590] Loss: 2.972, Base Lr: 2.63e-04 2023-10-24 12:19:21,867 transreid.train INFO: Epoch[20] Iteration[300/590] Loss: 2.980, Base Lr: 2.63e-04 2023-10-24 12:19:24,730 transreid.train INFO: Epoch[20] Iteration[350/590] Loss: 2.980, Base Lr: 2.63e-04 2023-10-24 12:19:27,639 transreid.train INFO: Epoch[20] Iteration[400/590] Loss: 2.993, Base Lr: 2.63e-04 2023-10-24 12:19:30,541 transreid.train INFO: Epoch[20] Iteration[450/590] Loss: 2.997, Base Lr: 2.63e-04 2023-10-24 12:19:33,393 transreid.train INFO: Epoch[20] Iteration[500/590] Loss: 3.005, Base Lr: 2.63e-04 2023-10-24 12:19:36,178 transreid.train INFO: Epoch[20] Iteration[550/590] Loss: 3.013, Base Lr: 2.63e-04 2023-10-24 12:19:41,495 transreid.train INFO: Epoch[21] Iteration[50/590] Loss: 2.991, Base Lr: 2.55e-04 2023-10-24 12:19:44,414 transreid.train INFO: Epoch[21] Iteration[100/590] Loss: 2.949, Base Lr: 2.55e-04 2023-10-24 12:19:47,197 transreid.train INFO: Epoch[21] Iteration[150/590] Loss: 2.956, Base Lr: 2.55e-04 2023-10-24 12:19:49,935 transreid.train INFO: Epoch[21] Iteration[200/590] Loss: 2.961, Base Lr: 2.55e-04 2023-10-24 12:19:52,812 transreid.train INFO: Epoch[21] Iteration[250/590] Loss: 2.971, Base Lr: 2.55e-04 2023-10-24 12:19:55,819 transreid.train INFO: Epoch[21] Iteration[300/590] Loss: 2.975, Base Lr: 2.55e-04 2023-10-24 12:19:58,633 transreid.train INFO: Epoch[21] Iteration[350/590] Loss: 2.974, Base Lr: 2.55e-04 2023-10-24 12:20:01,402 transreid.train INFO: Epoch[21] Iteration[400/590] Loss: 2.980, Base Lr: 2.55e-04 2023-10-24 12:20:04,414 transreid.train INFO: Epoch[21] Iteration[450/590] Loss: 2.985, Base Lr: 2.55e-04 2023-10-24 12:20:07,517 transreid.train INFO: Epoch[21] Iteration[500/590] Loss: 2.992, Base Lr: 2.55e-04 2023-10-24 12:20:10,318 transreid.train INFO: Epoch[21] Iteration[550/590] Loss: 2.995, Base Lr: 2.55e-04 2023-10-24 12:20:15,452 transreid.train INFO: Epoch[22] Iteration[50/590] Loss: 2.879, Base Lr: 2.46e-04 2023-10-24 12:20:18,510 transreid.train INFO: Epoch[22] Iteration[100/590] Loss: 2.897, Base Lr: 2.46e-04 2023-10-24 12:20:21,401 transreid.train INFO: Epoch[22] Iteration[150/590] Loss: 2.924, Base Lr: 2.46e-04 2023-10-24 12:20:24,268 transreid.train INFO: Epoch[22] Iteration[200/590] Loss: 2.942, Base Lr: 2.46e-04 2023-10-24 12:20:27,123 transreid.train INFO: Epoch[22] Iteration[250/590] Loss: 2.962, Base Lr: 2.46e-04 2023-10-24 12:20:29,946 transreid.train INFO: Epoch[22] Iteration[300/590] Loss: 2.958, Base Lr: 2.46e-04 2023-10-24 12:20:32,962 transreid.train INFO: Epoch[22] Iteration[350/590] Loss: 2.967, Base Lr: 2.46e-04 2023-10-24 12:20:35,892 transreid.train INFO: Epoch[22] Iteration[400/590] Loss: 2.961, Base Lr: 2.46e-04 2023-10-24 12:20:38,715 transreid.train INFO: Epoch[22] Iteration[450/590] Loss: 2.969, Base Lr: 2.46e-04 2023-10-24 12:20:41,570 transreid.train INFO: Epoch[22] Iteration[500/590] Loss: 2.973, Base Lr: 2.46e-04 2023-10-24 12:20:44,510 transreid.train INFO: Epoch[22] Iteration[550/590] Loss: 2.980, Base Lr: 2.46e-04 2023-10-24 12:20:49,567 transreid.train INFO: Epoch[23] Iteration[50/590] Loss: 2.879, Base Lr: 2.38e-04 2023-10-24 12:20:52,349 transreid.train INFO: Epoch[23] Iteration[100/590] Loss: 2.901, Base Lr: 2.38e-04 2023-10-24 12:20:55,201 transreid.train INFO: Epoch[23] Iteration[150/590] Loss: 2.928, Base Lr: 2.38e-04 2023-10-24 12:20:58,049 transreid.train INFO: Epoch[23] Iteration[200/590] Loss: 2.935, Base Lr: 2.38e-04 2023-10-24 12:21:00,851 transreid.train INFO: Epoch[23] Iteration[250/590] Loss: 2.935, Base Lr: 2.38e-04 2023-10-24 12:21:03,842 transreid.train INFO: Epoch[23] Iteration[300/590] Loss: 2.942, Base Lr: 2.38e-04 2023-10-24 12:21:06,660 transreid.train INFO: Epoch[23] Iteration[350/590] Loss: 2.945, Base Lr: 2.38e-04 2023-10-24 12:21:09,561 transreid.train INFO: Epoch[23] Iteration[400/590] Loss: 2.950, Base Lr: 2.38e-04 2023-10-24 12:21:12,301 transreid.train INFO: Epoch[23] Iteration[450/590] Loss: 2.956, Base Lr: 2.38e-04 2023-10-24 12:21:15,104 transreid.train INFO: Epoch[23] Iteration[500/590] Loss: 2.958, Base Lr: 2.38e-04 2023-10-24 12:21:17,868 transreid.train INFO: Epoch[23] Iteration[550/590] Loss: 2.962, Base Lr: 2.38e-04 2023-10-24 12:21:23,125 transreid.train INFO: Epoch[24] Iteration[50/590] Loss: 2.928, Base Lr: 2.29e-04 2023-10-24 12:21:25,893 transreid.train INFO: Epoch[24] Iteration[100/590] Loss: 2.920, Base Lr: 2.29e-04 2023-10-24 12:21:28,807 transreid.train INFO: Epoch[24] Iteration[150/590] Loss: 2.917, Base Lr: 2.29e-04 2023-10-24 12:21:31,595 transreid.train INFO: Epoch[24] Iteration[200/590] Loss: 2.931, Base Lr: 2.29e-04 2023-10-24 12:21:34,448 transreid.train INFO: Epoch[24] Iteration[250/590] Loss: 2.924, Base Lr: 2.29e-04 2023-10-24 12:21:37,401 transreid.train INFO: Epoch[24] Iteration[300/590] Loss: 2.930, Base Lr: 2.29e-04 2023-10-24 12:21:40,274 transreid.train INFO: Epoch[24] Iteration[350/590] Loss: 2.935, Base Lr: 2.29e-04 2023-10-24 12:21:43,042 transreid.train INFO: Epoch[24] Iteration[400/590] Loss: 2.940, Base Lr: 2.29e-04 2023-10-24 12:21:45,830 transreid.train INFO: Epoch[24] Iteration[450/590] Loss: 2.945, Base Lr: 2.29e-04 2023-10-24 12:21:48,601 transreid.train INFO: Epoch[24] Iteration[500/590] Loss: 2.946, Base Lr: 2.29e-04 2023-10-24 12:21:51,744 transreid.train INFO: Epoch[24] Iteration[550/590] Loss: 2.946, Base Lr: 2.29e-04 2023-10-24 12:21:56,829 transreid.train INFO: Epoch[25] Iteration[50/590] Loss: 2.854, Base Lr: 2.21e-04 2023-10-24 12:21:59,683 transreid.train INFO: Epoch[25] Iteration[100/590] Loss: 2.866, Base Lr: 2.21e-04 2023-10-24 12:22:02,524 transreid.train INFO: Epoch[25] Iteration[150/590] Loss: 2.892, Base Lr: 2.21e-04 2023-10-24 12:22:05,311 transreid.train INFO: Epoch[25] Iteration[200/590] Loss: 2.907, Base Lr: 2.21e-04 2023-10-24 12:22:08,107 transreid.train INFO: Epoch[25] Iteration[250/590] Loss: 2.905, Base Lr: 2.21e-04 2023-10-24 12:22:10,935 transreid.train INFO: Epoch[25] Iteration[300/590] Loss: 2.919, Base Lr: 2.21e-04 2023-10-24 12:22:13,744 transreid.train INFO: Epoch[25] Iteration[350/590] Loss: 2.922, Base Lr: 2.21e-04 2023-10-24 12:22:16,682 transreid.train INFO: Epoch[25] Iteration[400/590] Loss: 2.932, Base Lr: 2.21e-04 2023-10-24 12:22:19,652 transreid.train INFO: Epoch[25] Iteration[450/590] Loss: 2.938, Base Lr: 2.21e-04 2023-10-24 12:22:22,660 transreid.train INFO: Epoch[25] Iteration[500/590] Loss: 2.938, Base Lr: 2.21e-04 2023-10-24 12:22:25,597 transreid.train INFO: Epoch[25] Iteration[550/590] Loss: 2.938, Base Lr: 2.21e-04 2023-10-24 12:22:30,796 transreid.train INFO: Epoch[26] Iteration[50/590] Loss: 2.857, Base Lr: 2.12e-04 2023-10-24 12:22:33,585 transreid.train INFO: Epoch[26] Iteration[100/590] Loss: 2.884, Base Lr: 2.12e-04 2023-10-24 12:22:36,423 transreid.train INFO: Epoch[26] Iteration[150/590] Loss: 2.891, Base Lr: 2.12e-04 2023-10-24 12:22:39,428 transreid.train INFO: Epoch[26] Iteration[200/590] Loss: 2.911, Base Lr: 2.12e-04 2023-10-24 12:22:42,221 transreid.train INFO: Epoch[26] Iteration[250/590] Loss: 2.915, Base Lr: 2.12e-04 2023-10-24 12:22:45,094 transreid.train INFO: Epoch[26] Iteration[300/590] Loss: 2.921, Base Lr: 2.12e-04 2023-10-24 12:22:47,896 transreid.train INFO: Epoch[26] Iteration[350/590] Loss: 2.922, Base Lr: 2.12e-04 2023-10-24 12:22:50,770 transreid.train INFO: Epoch[26] Iteration[400/590] Loss: 2.924, Base Lr: 2.12e-04 2023-10-24 12:22:53,509 transreid.train INFO: Epoch[26] Iteration[450/590] Loss: 2.927, Base Lr: 2.12e-04 2023-10-24 12:22:56,550 transreid.train INFO: Epoch[26] Iteration[500/590] Loss: 2.929, Base Lr: 2.12e-04 2023-10-24 12:22:59,598 transreid.train INFO: Epoch[26] Iteration[550/590] Loss: 2.930, Base Lr: 2.12e-04 2023-10-24 12:23:04,716 transreid.train INFO: Epoch[27] Iteration[50/590] Loss: 2.865, Base Lr: 2.03e-04 2023-10-24 12:23:07,539 transreid.train INFO: Epoch[27] Iteration[100/590] Loss: 2.889, Base Lr: 2.03e-04 2023-10-24 12:23:10,462 transreid.train INFO: Epoch[27] Iteration[150/590] Loss: 2.888, Base Lr: 2.03e-04 2023-10-24 12:23:13,245 transreid.train INFO: Epoch[27] Iteration[200/590] Loss: 2.897, Base Lr: 2.03e-04 2023-10-24 12:23:16,015 transreid.train INFO: Epoch[27] Iteration[250/590] Loss: 2.906, Base Lr: 2.03e-04 2023-10-24 12:23:18,795 transreid.train INFO: Epoch[27] Iteration[300/590] Loss: 2.904, Base Lr: 2.03e-04 2023-10-24 12:23:21,597 transreid.train INFO: Epoch[27] Iteration[350/590] Loss: 2.900, Base Lr: 2.03e-04 2023-10-24 12:23:24,338 transreid.train INFO: Epoch[27] Iteration[400/590] Loss: 2.905, Base Lr: 2.03e-04 2023-10-24 12:23:27,137 transreid.train INFO: Epoch[27] Iteration[450/590] Loss: 2.910, Base Lr: 2.03e-04 2023-10-24 12:23:30,256 transreid.train INFO: Epoch[27] Iteration[500/590] Loss: 2.912, Base Lr: 2.03e-04 2023-10-24 12:23:33,082 transreid.train INFO: Epoch[27] Iteration[550/590] Loss: 2.915, Base Lr: 2.03e-04 2023-10-24 12:23:38,252 transreid.train INFO: Epoch[28] Iteration[50/590] Loss: 2.809, Base Lr: 1.94e-04 2023-10-24 12:23:41,050 transreid.train INFO: Epoch[28] Iteration[100/590] Loss: 2.833, Base Lr: 1.94e-04 2023-10-24 12:23:43,880 transreid.train INFO: Epoch[28] Iteration[150/590] Loss: 2.854, Base Lr: 1.94e-04 2023-10-24 12:23:46,822 transreid.train INFO: Epoch[28] Iteration[200/590] Loss: 2.870, Base Lr: 1.94e-04 2023-10-24 12:23:49,600 transreid.train INFO: Epoch[28] Iteration[250/590] Loss: 2.877, Base Lr: 1.94e-04 2023-10-24 12:23:52,360 transreid.train INFO: Epoch[28] Iteration[300/590] Loss: 2.876, Base Lr: 1.94e-04 2023-10-24 12:23:55,179 transreid.train INFO: Epoch[28] Iteration[350/590] Loss: 2.879, Base Lr: 1.94e-04 2023-10-24 12:23:58,323 transreid.train INFO: Epoch[28] Iteration[400/590] Loss: 2.887, Base Lr: 1.94e-04 2023-10-24 12:24:01,304 transreid.train INFO: Epoch[28] Iteration[450/590] Loss: 2.891, Base Lr: 1.94e-04 2023-10-24 12:24:04,130 transreid.train INFO: Epoch[28] Iteration[500/590] Loss: 2.896, Base Lr: 1.94e-04 2023-10-24 12:24:06,981 transreid.train INFO: Epoch[28] Iteration[550/590] Loss: 2.901, Base Lr: 1.94e-04 2023-10-24 12:24:12,539 transreid.train INFO: Epoch[29] Iteration[50/590] Loss: 2.814, Base Lr: 1.85e-04 2023-10-24 12:24:15,988 transreid.train INFO: Epoch[29] Iteration[100/590] Loss: 2.815, Base Lr: 1.85e-04 2023-10-24 12:24:19,175 transreid.train INFO: Epoch[29] Iteration[150/590] Loss: 2.825, Base Lr: 1.85e-04 2023-10-24 12:24:22,419 transreid.train INFO: Epoch[29] Iteration[200/590] Loss: 2.835, Base Lr: 1.85e-04 2023-10-24 12:24:26,124 transreid.train INFO: Epoch[29] Iteration[250/590] Loss: 2.854, Base Lr: 1.85e-04 2023-10-24 12:24:29,498 transreid.train INFO: Epoch[29] Iteration[300/590] Loss: 2.865, Base Lr: 1.85e-04 2023-10-24 12:24:32,827 transreid.train INFO: Epoch[29] Iteration[350/590] Loss: 2.877, Base Lr: 1.85e-04 2023-10-24 12:24:36,034 transreid.train INFO: Epoch[29] Iteration[400/590] Loss: 2.882, Base Lr: 1.85e-04 2023-10-24 12:24:39,175 transreid.train INFO: Epoch[29] Iteration[450/590] Loss: 2.881, Base Lr: 1.85e-04 2023-10-24 12:24:42,472 transreid.train INFO: Epoch[29] Iteration[500/590] Loss: 2.882, Base Lr: 1.85e-04 2023-10-24 12:24:45,311 transreid.train INFO: Epoch[29] Iteration[550/590] Loss: 2.889, Base Lr: 1.85e-04 2023-10-24 12:24:51,059 transreid.train INFO: Epoch[30] Iteration[50/590] Loss: 2.811, Base Lr: 1.76e-04 2023-10-24 12:24:53,912 transreid.train INFO: Epoch[30] Iteration[100/590] Loss: 2.835, Base Lr: 1.76e-04 2023-10-24 12:24:56,882 transreid.train INFO: Epoch[30] Iteration[150/590] Loss: 2.837, Base Lr: 1.76e-04 2023-10-24 12:24:59,884 transreid.train INFO: Epoch[30] Iteration[200/590] Loss: 2.833, Base Lr: 1.76e-04 2023-10-24 12:25:03,221 transreid.train INFO: Epoch[30] Iteration[250/590] Loss: 2.849, Base Lr: 1.76e-04 2023-10-24 12:25:06,029 transreid.train INFO: Epoch[30] Iteration[300/590] Loss: 2.856, Base Lr: 1.76e-04 2023-10-24 12:25:08,963 transreid.train INFO: Epoch[30] Iteration[350/590] Loss: 2.866, Base Lr: 1.76e-04 2023-10-24 12:25:12,036 transreid.train INFO: Epoch[30] Iteration[400/590] Loss: 2.868, Base Lr: 1.76e-04 2023-10-24 12:25:15,098 transreid.train INFO: Epoch[30] Iteration[450/590] Loss: 2.870, Base Lr: 1.76e-04 2023-10-24 12:25:18,198 transreid.train INFO: Epoch[30] Iteration[500/590] Loss: 2.872, Base Lr: 1.76e-04 2023-10-24 12:25:21,199 transreid.train INFO: Epoch[30] Iteration[550/590] Loss: 2.877, Base Lr: 1.76e-04 2023-10-24 12:25:27,037 transreid.train INFO: Epoch[31] Iteration[50/590] Loss: 2.808, Base Lr: 1.66e-04 2023-10-24 12:25:30,129 transreid.train INFO: Epoch[31] Iteration[100/590] Loss: 2.814, Base Lr: 1.66e-04 2023-10-24 12:25:33,129 transreid.train INFO: Epoch[31] Iteration[150/590] Loss: 2.831, Base Lr: 1.66e-04 2023-10-24 12:25:36,293 transreid.train INFO: Epoch[31] Iteration[200/590] Loss: 2.837, Base Lr: 1.66e-04 2023-10-24 12:25:39,228 transreid.train INFO: Epoch[31] Iteration[250/590] Loss: 2.837, Base Lr: 1.66e-04 2023-10-24 12:25:42,594 transreid.train INFO: Epoch[31] Iteration[300/590] Loss: 2.846, Base Lr: 1.66e-04 2023-10-24 12:25:45,474 transreid.train INFO: Epoch[31] Iteration[350/590] Loss: 2.846, Base Lr: 1.66e-04 2023-10-24 12:25:48,296 transreid.train INFO: Epoch[31] Iteration[400/590] Loss: 2.854, Base Lr: 1.66e-04 2023-10-24 12:25:51,352 transreid.train INFO: Epoch[31] Iteration[450/590] Loss: 2.862, Base Lr: 1.66e-04 2023-10-24 12:25:54,233 transreid.train INFO: Epoch[31] Iteration[500/590] Loss: 2.864, Base Lr: 1.66e-04 2023-10-24 12:25:57,601 transreid.train INFO: Epoch[31] Iteration[550/590] Loss: 2.864, Base Lr: 1.66e-04 2023-10-24 12:26:03,096 transreid.train INFO: Epoch[32] Iteration[50/590] Loss: 2.753, Base Lr: 1.57e-04 2023-10-24 12:26:06,243 transreid.train INFO: Epoch[32] Iteration[100/590] Loss: 2.793, Base Lr: 1.57e-04 2023-10-24 12:26:09,161 transreid.train INFO: Epoch[32] Iteration[150/590] Loss: 2.801, Base Lr: 1.57e-04 2023-10-24 12:26:12,389 transreid.train INFO: Epoch[32] Iteration[200/590] Loss: 2.820, Base Lr: 1.57e-04 2023-10-24 12:26:15,452 transreid.train INFO: Epoch[32] Iteration[250/590] Loss: 2.824, Base Lr: 1.57e-04 2023-10-24 12:26:18,316 transreid.train INFO: Epoch[32] Iteration[300/590] Loss: 2.825, Base Lr: 1.57e-04 2023-10-24 12:26:21,267 transreid.train INFO: Epoch[32] Iteration[350/590] Loss: 2.832, Base Lr: 1.57e-04 2023-10-24 12:26:24,483 transreid.train INFO: Epoch[32] Iteration[400/590] Loss: 2.845, Base Lr: 1.57e-04 2023-10-24 12:26:27,524 transreid.train INFO: Epoch[32] Iteration[450/590] Loss: 2.847, Base Lr: 1.57e-04 2023-10-24 12:26:30,400 transreid.train INFO: Epoch[32] Iteration[500/590] Loss: 2.851, Base Lr: 1.57e-04 2023-10-24 12:26:33,247 transreid.train INFO: Epoch[32] Iteration[550/590] Loss: 2.853, Base Lr: 1.57e-04 2023-10-24 12:26:39,133 transreid.train INFO: Epoch[33] Iteration[50/590] Loss: 2.806, Base Lr: 1.48e-04 2023-10-24 12:26:41,963 transreid.train INFO: Epoch[33] Iteration[100/590] Loss: 2.813, Base Lr: 1.48e-04 2023-10-24 12:26:44,996 transreid.train INFO: Epoch[33] Iteration[150/590] Loss: 2.822, Base Lr: 1.48e-04 2023-10-24 12:26:47,955 transreid.train INFO: Epoch[33] Iteration[200/590] Loss: 2.826, Base Lr: 1.48e-04 2023-10-24 12:26:51,443 transreid.train INFO: Epoch[33] Iteration[250/590] Loss: 2.830, Base Lr: 1.48e-04 2023-10-24 12:26:54,307 transreid.train INFO: Epoch[33] Iteration[300/590] Loss: 2.836, Base Lr: 1.48e-04 2023-10-24 12:26:57,278 transreid.train INFO: Epoch[33] Iteration[350/590] Loss: 2.833, Base Lr: 1.48e-04 2023-10-24 12:27:00,189 transreid.train INFO: Epoch[33] Iteration[400/590] Loss: 2.832, Base Lr: 1.48e-04 2023-10-24 12:27:03,737 transreid.train INFO: Epoch[33] Iteration[450/590] Loss: 2.835, Base Lr: 1.48e-04 2023-10-24 12:27:06,525 transreid.train INFO: Epoch[33] Iteration[500/590] Loss: 2.837, Base Lr: 1.48e-04 2023-10-24 12:27:09,549 transreid.train INFO: Epoch[33] Iteration[550/590] Loss: 2.842, Base Lr: 1.48e-04 2023-10-24 12:27:15,530 transreid.train INFO: Epoch[34] Iteration[50/590] Loss: 2.758, Base Lr: 1.39e-04 2023-10-24 12:27:18,365 transreid.train INFO: Epoch[34] Iteration[100/590] Loss: 2.756, Base Lr: 1.39e-04 2023-10-24 12:27:21,124 transreid.train INFO: Epoch[34] Iteration[150/590] Loss: 2.782, Base Lr: 1.39e-04 2023-10-24 12:27:24,483 transreid.train INFO: Epoch[34] Iteration[200/590] Loss: 2.780, Base Lr: 1.39e-04 2023-10-24 12:27:27,447 transreid.train INFO: Epoch[34] Iteration[250/590] Loss: 2.781, Base Lr: 1.39e-04 2023-10-24 12:27:30,372 transreid.train INFO: Epoch[34] Iteration[300/590] Loss: 2.787, Base Lr: 1.39e-04 2023-10-24 12:27:33,393 transreid.train INFO: Epoch[34] Iteration[350/590] Loss: 2.802, Base Lr: 1.39e-04 2023-10-24 12:27:36,412 transreid.train INFO: Epoch[34] Iteration[400/590] Loss: 2.812, Base Lr: 1.39e-04 2023-10-24 12:27:39,590 transreid.train INFO: Epoch[34] Iteration[450/590] Loss: 2.823, Base Lr: 1.39e-04 2023-10-24 12:27:42,686 transreid.train INFO: Epoch[34] Iteration[500/590] Loss: 2.829, Base Lr: 1.39e-04 2023-10-24 12:27:45,965 transreid.train INFO: Epoch[34] Iteration[550/590] Loss: 2.831, Base Lr: 1.39e-04 2023-10-24 12:27:51,058 transreid.train INFO: Epoch[35] Iteration[50/590] Loss: 2.749, Base Lr: 1.30e-04 2023-10-24 12:27:54,374 transreid.train INFO: Epoch[35] Iteration[100/590] Loss: 2.772, Base Lr: 1.30e-04 2023-10-24 12:27:57,401 transreid.train INFO: Epoch[35] Iteration[150/590] Loss: 2.767, Base Lr: 1.30e-04 2023-10-24 12:28:00,239 transreid.train INFO: Epoch[35] Iteration[200/590] Loss: 2.785, Base Lr: 1.30e-04 2023-10-24 12:28:03,229 transreid.train INFO: Epoch[35] Iteration[250/590] Loss: 2.798, Base Lr: 1.30e-04 2023-10-24 12:28:06,542 transreid.train INFO: Epoch[35] Iteration[300/590] Loss: 2.806, Base Lr: 1.30e-04 2023-10-24 12:28:09,461 transreid.train INFO: Epoch[35] Iteration[350/590] Loss: 2.808, Base Lr: 1.30e-04 2023-10-24 12:28:12,662 transreid.train INFO: Epoch[35] Iteration[400/590] Loss: 2.817, Base Lr: 1.30e-04 2023-10-24 12:28:15,946 transreid.train INFO: Epoch[35] Iteration[450/590] Loss: 2.826, Base Lr: 1.30e-04 2023-10-24 12:28:18,990 transreid.train INFO: Epoch[35] Iteration[500/590] Loss: 2.831, Base Lr: 1.30e-04 2023-10-24 12:28:21,952 transreid.train INFO: Epoch[35] Iteration[550/590] Loss: 2.832, Base Lr: 1.30e-04 2023-10-24 12:28:27,894 transreid.train INFO: Epoch[36] Iteration[50/590] Loss: 2.768, Base Lr: 1.22e-04 2023-10-24 12:28:30,701 transreid.train INFO: Epoch[36] Iteration[100/590] Loss: 2.761, Base Lr: 1.22e-04 2023-10-24 12:28:33,916 transreid.train INFO: Epoch[36] Iteration[150/590] Loss: 2.775, Base Lr: 1.22e-04 2023-10-24 12:28:37,314 transreid.train INFO: Epoch[36] Iteration[200/590] Loss: 2.775, Base Lr: 1.22e-04 2023-10-24 12:28:40,225 transreid.train INFO: Epoch[36] Iteration[250/590] Loss: 2.780, Base Lr: 1.22e-04 2023-10-24 12:28:43,070 transreid.train INFO: Epoch[36] Iteration[300/590] Loss: 2.794, Base Lr: 1.22e-04 2023-10-24 12:28:46,108 transreid.train INFO: Epoch[36] Iteration[350/590] Loss: 2.797, Base Lr: 1.22e-04 2023-10-24 12:28:49,787 transreid.train INFO: Epoch[36] Iteration[400/590] Loss: 2.804, Base Lr: 1.22e-04 2023-10-24 12:28:52,602 transreid.train INFO: Epoch[36] Iteration[450/590] Loss: 2.814, Base Lr: 1.22e-04 2023-10-24 12:28:55,545 transreid.train INFO: Epoch[36] Iteration[500/590] Loss: 2.817, Base Lr: 1.22e-04 2023-10-24 12:28:59,208 transreid.train INFO: Epoch[36] Iteration[550/590] Loss: 2.822, Base Lr: 1.22e-04 2023-10-24 12:29:04,775 transreid.train INFO: Epoch[37] Iteration[50/590] Loss: 2.756, Base Lr: 1.13e-04 2023-10-24 12:29:08,155 transreid.train INFO: Epoch[37] Iteration[100/590] Loss: 2.761, Base Lr: 1.13e-04 2023-10-24 12:29:10,993 transreid.train INFO: Epoch[37] Iteration[150/590] Loss: 2.761, Base Lr: 1.13e-04 2023-10-24 12:29:14,149 transreid.train INFO: Epoch[37] Iteration[200/590] Loss: 2.778, Base Lr: 1.13e-04 2023-10-24 12:29:17,128 transreid.train INFO: Epoch[37] Iteration[250/590] Loss: 2.788, Base Lr: 1.13e-04 2023-10-24 12:29:20,237 transreid.train INFO: Epoch[37] Iteration[300/590] Loss: 2.795, Base Lr: 1.13e-04 2023-10-24 12:29:23,537 transreid.train INFO: Epoch[37] Iteration[350/590] Loss: 2.800, Base Lr: 1.13e-04 2023-10-24 12:29:27,455 transreid.train INFO: Epoch[37] Iteration[400/590] Loss: 2.802, Base Lr: 1.13e-04 2023-10-24 12:29:30,889 transreid.train INFO: Epoch[37] Iteration[450/590] Loss: 2.803, Base Lr: 1.13e-04 2023-10-24 12:29:34,102 transreid.train INFO: Epoch[37] Iteration[500/590] Loss: 2.806, Base Lr: 1.13e-04 2023-10-24 12:29:36,926 transreid.train INFO: Epoch[37] Iteration[550/590] Loss: 2.807, Base Lr: 1.13e-04 2023-10-24 12:29:42,437 transreid.train INFO: Epoch[38] Iteration[50/590] Loss: 2.785, Base Lr: 1.05e-04 2023-10-24 12:29:45,623 transreid.train INFO: Epoch[38] Iteration[100/590] Loss: 2.768, Base Lr: 1.05e-04 2023-10-24 12:29:48,643 transreid.train INFO: Epoch[38] Iteration[150/590] Loss: 2.754, Base Lr: 1.05e-04 2023-10-24 12:29:51,569 transreid.train INFO: Epoch[38] Iteration[200/590] Loss: 2.769, Base Lr: 1.05e-04 2023-10-24 12:29:54,449 transreid.train INFO: Epoch[38] Iteration[250/590] Loss: 2.769, Base Lr: 1.05e-04 2023-10-24 12:29:57,615 transreid.train INFO: Epoch[38] Iteration[300/590] Loss: 2.769, Base Lr: 1.05e-04 2023-10-24 12:30:01,288 transreid.train INFO: Epoch[38] Iteration[350/590] Loss: 2.774, Base Lr: 1.05e-04 2023-10-24 12:30:04,477 transreid.train INFO: Epoch[38] Iteration[400/590] Loss: 2.779, Base Lr: 1.05e-04 2023-10-24 12:30:07,328 transreid.train INFO: Epoch[38] Iteration[450/590] Loss: 2.787, Base Lr: 1.05e-04 2023-10-24 12:30:10,438 transreid.train INFO: Epoch[38] Iteration[500/590] Loss: 2.789, Base Lr: 1.05e-04 2023-10-24 12:30:13,253 transreid.train INFO: Epoch[38] Iteration[550/590] Loss: 2.791, Base Lr: 1.05e-04 2023-10-24 12:30:18,904 transreid.train INFO: Epoch[39] Iteration[50/590] Loss: 2.739, Base Lr: 9.63e-05 2023-10-24 12:30:22,650 transreid.train INFO: Epoch[39] Iteration[100/590] Loss: 2.740, Base Lr: 9.63e-05 2023-10-24 12:30:25,936 transreid.train INFO: Epoch[39] Iteration[150/590] Loss: 2.747, Base Lr: 9.63e-05 2023-10-24 12:30:29,009 transreid.train INFO: Epoch[39] Iteration[200/590] Loss: 2.761, Base Lr: 9.63e-05 2023-10-24 12:30:31,890 transreid.train INFO: Epoch[39] Iteration[250/590] Loss: 2.767, Base Lr: 9.63e-05 2023-10-24 12:30:34,976 transreid.train INFO: Epoch[39] Iteration[300/590] Loss: 2.771, Base Lr: 9.63e-05 2023-10-24 12:30:38,015 transreid.train INFO: Epoch[39] Iteration[350/590] Loss: 2.779, Base Lr: 9.63e-05 2023-10-24 12:30:41,091 transreid.train INFO: Epoch[39] Iteration[400/590] Loss: 2.782, Base Lr: 9.63e-05 2023-10-24 12:30:44,452 transreid.train INFO: Epoch[39] Iteration[450/590] Loss: 2.786, Base Lr: 9.63e-05 2023-10-24 12:30:47,706 transreid.train INFO: Epoch[39] Iteration[500/590] Loss: 2.781, Base Lr: 9.63e-05 2023-10-24 12:30:51,272 transreid.train INFO: Epoch[39] Iteration[550/590] Loss: 2.788, Base Lr: 9.63e-05 2023-10-24 12:30:57,120 transreid.train INFO: Epoch[40] Iteration[50/590] Loss: 2.729, Base Lr: 8.83e-05 2023-10-24 12:31:00,391 transreid.train INFO: Epoch[40] Iteration[100/590] Loss: 2.726, Base Lr: 8.83e-05 2023-10-24 12:31:03,326 transreid.train INFO: Epoch[40] Iteration[150/590] Loss: 2.726, Base Lr: 8.83e-05 2023-10-24 12:31:06,415 transreid.train INFO: Epoch[40] Iteration[200/590] Loss: 2.730, Base Lr: 8.83e-05 2023-10-24 12:31:09,568 transreid.train INFO: Epoch[40] Iteration[250/590] Loss: 2.738, Base Lr: 8.83e-05 2023-10-24 12:31:12,819 transreid.train INFO: Epoch[40] Iteration[300/590] Loss: 2.748, Base Lr: 8.83e-05 2023-10-24 12:31:16,069 transreid.train INFO: Epoch[40] Iteration[350/590] Loss: 2.762, Base Lr: 8.83e-05 2023-10-24 12:31:19,399 transreid.train INFO: Epoch[40] Iteration[400/590] Loss: 2.774, Base Lr: 8.83e-05 2023-10-24 12:31:22,961 transreid.train INFO: Epoch[40] Iteration[450/590] Loss: 2.778, Base Lr: 8.83e-05 2023-10-24 12:31:26,221 transreid.train INFO: Epoch[40] Iteration[500/590] Loss: 2.782, Base Lr: 8.83e-05 2023-10-24 12:31:29,620 transreid.train INFO: Epoch[40] Iteration[550/590] Loss: 2.789, Base Lr: 8.83e-05 2023-10-24 12:31:34,978 transreid.train INFO: Epoch[41] Iteration[50/590] Loss: 2.751, Base Lr: 8.05e-05 2023-10-24 12:31:38,385 transreid.train INFO: Epoch[41] Iteration[100/590] Loss: 2.720, Base Lr: 8.05e-05 2023-10-24 12:31:41,955 transreid.train INFO: Epoch[41] Iteration[150/590] Loss: 2.718, Base Lr: 8.05e-05 2023-10-24 12:31:45,215 transreid.train INFO: Epoch[41] Iteration[200/590] Loss: 2.740, Base Lr: 8.05e-05 2023-10-24 12:31:48,158 transreid.train INFO: Epoch[41] Iteration[250/590] Loss: 2.747, Base Lr: 8.05e-05 2023-10-24 12:31:51,372 transreid.train INFO: Epoch[41] Iteration[300/590] Loss: 2.755, Base Lr: 8.05e-05 2023-10-24 12:31:55,092 transreid.train INFO: Epoch[41] Iteration[350/590] Loss: 2.757, Base Lr: 8.05e-05 2023-10-24 12:31:58,165 transreid.train INFO: Epoch[41] Iteration[400/590] Loss: 2.761, Base Lr: 8.05e-05 2023-10-24 12:32:01,293 transreid.train INFO: Epoch[41] Iteration[450/590] Loss: 2.761, Base Lr: 8.05e-05 2023-10-24 12:32:04,236 transreid.train INFO: Epoch[41] Iteration[500/590] Loss: 2.768, Base Lr: 8.05e-05 2023-10-24 12:32:07,596 transreid.train INFO: Epoch[41] Iteration[550/590] Loss: 2.772, Base Lr: 8.05e-05 2023-10-24 12:32:13,291 transreid.train INFO: Epoch[42] Iteration[50/590] Loss: 2.744, Base Lr: 7.29e-05 2023-10-24 12:32:16,499 transreid.train INFO: Epoch[42] Iteration[100/590] Loss: 2.761, Base Lr: 7.29e-05 2023-10-24 12:32:20,724 transreid.train INFO: Epoch[42] Iteration[150/590] Loss: 2.753, Base Lr: 7.29e-05 2023-10-24 12:32:23,763 transreid.train INFO: Epoch[42] Iteration[200/590] Loss: 2.746, Base Lr: 7.29e-05 2023-10-24 12:32:26,736 transreid.train INFO: Epoch[42] Iteration[250/590] Loss: 2.762, Base Lr: 7.29e-05 2023-10-24 12:32:30,284 transreid.train INFO: Epoch[42] Iteration[300/590] Loss: 2.763, Base Lr: 7.29e-05 2023-10-24 12:32:33,607 transreid.train INFO: Epoch[42] Iteration[350/590] Loss: 2.767, Base Lr: 7.29e-05 2023-10-24 12:32:37,081 transreid.train INFO: Epoch[42] Iteration[400/590] Loss: 2.770, Base Lr: 7.29e-05 2023-10-24 12:32:40,163 transreid.train INFO: Epoch[42] Iteration[450/590] Loss: 2.766, Base Lr: 7.29e-05 2023-10-24 12:32:43,412 transreid.train INFO: Epoch[42] Iteration[500/590] Loss: 2.766, Base Lr: 7.29e-05 2023-10-24 12:32:47,390 transreid.train INFO: Epoch[42] Iteration[550/590] Loss: 2.764, Base Lr: 7.29e-05 2023-10-24 12:32:52,604 transreid.train INFO: Epoch[43] Iteration[50/590] Loss: 2.746, Base Lr: 6.57e-05 2023-10-24 12:32:56,045 transreid.train INFO: Epoch[43] Iteration[100/590] Loss: 2.722, Base Lr: 6.57e-05 2023-10-24 12:32:59,244 transreid.train INFO: Epoch[43] Iteration[150/590] Loss: 2.725, Base Lr: 6.57e-05 2023-10-24 12:33:02,678 transreid.train INFO: Epoch[43] Iteration[200/590] Loss: 2.729, Base Lr: 6.57e-05 2023-10-24 12:33:05,572 transreid.train INFO: Epoch[43] Iteration[250/590] Loss: 2.739, Base Lr: 6.57e-05 2023-10-24 12:33:09,176 transreid.train INFO: Epoch[43] Iteration[300/590] Loss: 2.739, Base Lr: 6.57e-05 2023-10-24 12:33:12,385 transreid.train INFO: Epoch[43] Iteration[350/590] Loss: 2.741, Base Lr: 6.57e-05 2023-10-24 12:33:15,775 transreid.train INFO: Epoch[43] Iteration[400/590] Loss: 2.751, Base Lr: 6.57e-05 2023-10-24 12:33:18,667 transreid.train INFO: Epoch[43] Iteration[450/590] Loss: 2.752, Base Lr: 6.57e-05 2023-10-24 12:33:22,027 transreid.train INFO: Epoch[43] Iteration[500/590] Loss: 2.759, Base Lr: 6.57e-05 2023-10-24 12:33:25,073 transreid.train INFO: Epoch[43] Iteration[550/590] Loss: 2.760, Base Lr: 6.57e-05 2023-10-24 12:33:31,034 transreid.train INFO: Epoch[44] Iteration[50/590] Loss: 2.729, Base Lr: 5.87e-05 2023-10-24 12:33:34,124 transreid.train INFO: Epoch[44] Iteration[100/590] Loss: 2.695, Base Lr: 5.87e-05 2023-10-24 12:33:37,476 transreid.train INFO: Epoch[44] Iteration[150/590] Loss: 2.720, Base Lr: 5.87e-05 2023-10-24 12:33:40,649 transreid.train INFO: Epoch[44] Iteration[200/590] Loss: 2.719, Base Lr: 5.87e-05 2023-10-24 12:33:44,074 transreid.train INFO: Epoch[44] Iteration[250/590] Loss: 2.718, Base Lr: 5.87e-05 2023-10-24 12:33:47,124 transreid.train INFO: Epoch[44] Iteration[300/590] Loss: 2.724, Base Lr: 5.87e-05 2023-10-24 12:33:50,340 transreid.train INFO: Epoch[44] Iteration[350/590] Loss: 2.733, Base Lr: 5.87e-05 2023-10-24 12:33:53,425 transreid.train INFO: Epoch[44] Iteration[400/590] Loss: 2.732, Base Lr: 5.87e-05 2023-10-24 12:33:56,719 transreid.train INFO: Epoch[44] Iteration[450/590] Loss: 2.739, Base Lr: 5.87e-05 2023-10-24 12:33:59,719 transreid.train INFO: Epoch[44] Iteration[500/590] Loss: 2.746, Base Lr: 5.87e-05 2023-10-24 12:34:03,337 transreid.train INFO: Epoch[44] Iteration[550/590] Loss: 2.752, Base Lr: 5.87e-05 2023-10-24 12:34:08,976 transreid.train INFO: Epoch[45] Iteration[50/590] Loss: 2.732, Base Lr: 5.21e-05 2023-10-24 12:34:12,217 transreid.train INFO: Epoch[45] Iteration[100/590] Loss: 2.717, Base Lr: 5.21e-05 2023-10-24 12:34:15,864 transreid.train INFO: Epoch[45] Iteration[150/590] Loss: 2.727, Base Lr: 5.21e-05 2023-10-24 12:34:19,149 transreid.train INFO: Epoch[45] Iteration[200/590] Loss: 2.733, Base Lr: 5.21e-05 2023-10-24 12:34:22,045 transreid.train INFO: Epoch[45] Iteration[250/590] Loss: 2.735, Base Lr: 5.21e-05 2023-10-24 12:34:25,321 transreid.train INFO: Epoch[45] Iteration[300/590] Loss: 2.735, Base Lr: 5.21e-05 2023-10-24 12:34:28,642 transreid.train INFO: Epoch[45] Iteration[350/590] Loss: 2.738, Base Lr: 5.21e-05 2023-10-24 12:34:32,339 transreid.train INFO: Epoch[45] Iteration[400/590] Loss: 2.743, Base Lr: 5.21e-05 2023-10-24 12:34:35,240 transreid.train INFO: Epoch[45] Iteration[450/590] Loss: 2.741, Base Lr: 5.21e-05 2023-10-24 12:34:38,293 transreid.train INFO: Epoch[45] Iteration[500/590] Loss: 2.745, Base Lr: 5.21e-05 2023-10-24 12:34:41,773 transreid.train INFO: Epoch[45] Iteration[550/590] Loss: 2.744, Base Lr: 5.21e-05 2023-10-24 12:34:47,899 transreid.train INFO: Epoch[46] Iteration[50/590] Loss: 2.689, Base Lr: 4.58e-05 2023-10-24 12:34:50,774 transreid.train INFO: Epoch[46] Iteration[100/590] Loss: 2.712, Base Lr: 4.58e-05 2023-10-24 12:34:53,597 transreid.train INFO: Epoch[46] Iteration[150/590] Loss: 2.713, Base Lr: 4.58e-05 2023-10-24 12:34:57,235 transreid.train INFO: Epoch[46] Iteration[200/590] Loss: 2.736, Base Lr: 4.58e-05 2023-10-24 12:35:00,630 transreid.train INFO: Epoch[46] Iteration[250/590] Loss: 2.743, Base Lr: 4.58e-05 2023-10-24 12:35:03,867 transreid.train INFO: Epoch[46] Iteration[300/590] Loss: 2.735, Base Lr: 4.58e-05 2023-10-24 12:35:06,741 transreid.train INFO: Epoch[46] Iteration[350/590] Loss: 2.731, Base Lr: 4.58e-05 2023-10-24 12:35:10,241 transreid.train INFO: Epoch[46] Iteration[400/590] Loss: 2.727, Base Lr: 4.58e-05 2023-10-24 12:35:13,217 transreid.train INFO: Epoch[46] Iteration[450/590] Loss: 2.727, Base Lr: 4.58e-05 2023-10-24 12:35:16,235 transreid.train INFO: Epoch[46] Iteration[500/590] Loss: 2.730, Base Lr: 4.58e-05 2023-10-24 12:35:19,397 transreid.train INFO: Epoch[46] Iteration[550/590] Loss: 2.734, Base Lr: 4.58e-05 2023-10-24 12:35:25,285 transreid.train INFO: Epoch[47] Iteration[50/590] Loss: 2.674, Base Lr: 3.99e-05 2023-10-24 12:35:28,399 transreid.train INFO: Epoch[47] Iteration[100/590] Loss: 2.682, Base Lr: 3.99e-05 2023-10-24 12:35:31,311 transreid.train INFO: Epoch[47] Iteration[150/590] Loss: 2.686, Base Lr: 3.99e-05 2023-10-24 12:35:34,644 transreid.train INFO: Epoch[47] Iteration[200/590] Loss: 2.703, Base Lr: 3.99e-05 2023-10-24 12:35:38,689 transreid.train INFO: Epoch[47] Iteration[250/590] Loss: 2.707, Base Lr: 3.99e-05 2023-10-24 12:35:42,597 transreid.train INFO: Epoch[47] Iteration[300/590] Loss: 2.707, Base Lr: 3.99e-05 2023-10-24 12:35:45,779 transreid.train INFO: Epoch[47] Iteration[350/590] Loss: 2.716, Base Lr: 3.99e-05 2023-10-24 12:35:49,080 transreid.train INFO: Epoch[47] Iteration[400/590] Loss: 2.724, Base Lr: 3.99e-05 2023-10-24 12:35:52,207 transreid.train INFO: Epoch[47] Iteration[450/590] Loss: 2.723, Base Lr: 3.99e-05 2023-10-24 12:35:55,326 transreid.train INFO: Epoch[47] Iteration[500/590] Loss: 2.725, Base Lr: 3.99e-05 2023-10-24 12:35:58,852 transreid.train INFO: Epoch[47] Iteration[550/590] Loss: 2.725, Base Lr: 3.99e-05 2023-10-24 12:36:04,382 transreid.train INFO: Epoch[48] Iteration[50/590] Loss: 2.680, Base Lr: 3.43e-05 2023-10-24 12:36:07,308 transreid.train INFO: Epoch[48] Iteration[100/590] Loss: 2.693, Base Lr: 3.43e-05 2023-10-24 12:36:10,803 transreid.train INFO: Epoch[48] Iteration[150/590] Loss: 2.685, Base Lr: 3.43e-05 2023-10-24 12:36:14,738 transreid.train INFO: Epoch[48] Iteration[200/590] Loss: 2.696, Base Lr: 3.43e-05 2023-10-24 12:36:18,121 transreid.train INFO: Epoch[48] Iteration[250/590] Loss: 2.699, Base Lr: 3.43e-05 2023-10-24 12:36:21,621 transreid.train INFO: Epoch[48] Iteration[300/590] Loss: 2.702, Base Lr: 3.43e-05 2023-10-24 12:36:24,988 transreid.train INFO: Epoch[48] Iteration[350/590] Loss: 2.711, Base Lr: 3.43e-05 2023-10-24 12:36:27,826 transreid.train INFO: Epoch[48] Iteration[400/590] Loss: 2.710, Base Lr: 3.43e-05 2023-10-24 12:36:31,158 transreid.train INFO: Epoch[48] Iteration[450/590] Loss: 2.717, Base Lr: 3.43e-05 2023-10-24 12:36:34,961 transreid.train INFO: Epoch[48] Iteration[500/590] Loss: 2.718, Base Lr: 3.43e-05 2023-10-24 12:36:38,822 transreid.train INFO: Epoch[48] Iteration[550/590] Loss: 2.722, Base Lr: 3.43e-05 2023-10-24 12:36:45,156 transreid.train INFO: Epoch[49] Iteration[50/590] Loss: 2.675, Base Lr: 2.92e-05 2023-10-24 12:36:48,454 transreid.train INFO: Epoch[49] Iteration[100/590] Loss: 2.693, Base Lr: 2.92e-05 2023-10-24 12:36:52,528 transreid.train INFO: Epoch[49] Iteration[150/590] Loss: 2.693, Base Lr: 2.92e-05 2023-10-24 12:36:56,388 transreid.train INFO: Epoch[49] Iteration[200/590] Loss: 2.698, Base Lr: 2.92e-05 2023-10-24 12:36:59,652 transreid.train INFO: Epoch[49] Iteration[250/590] Loss: 2.709, Base Lr: 2.92e-05 2023-10-24 12:37:03,660 transreid.train INFO: Epoch[49] Iteration[300/590] Loss: 2.705, Base Lr: 2.92e-05 2023-10-24 12:37:07,473 transreid.train INFO: Epoch[49] Iteration[350/590] Loss: 2.712, Base Lr: 2.92e-05 2023-10-24 12:37:10,607 transreid.train INFO: Epoch[49] Iteration[400/590] Loss: 2.710, Base Lr: 2.92e-05 2023-10-24 12:37:13,558 transreid.train INFO: Epoch[49] Iteration[450/590] Loss: 2.710, Base Lr: 2.92e-05 2023-10-24 12:37:17,283 transreid.train INFO: Epoch[49] Iteration[500/590] Loss: 2.713, Base Lr: 2.92e-05 2023-10-24 12:37:20,358 transreid.train INFO: Epoch[49] Iteration[550/590] Loss: 2.715, Base Lr: 2.92e-05 2023-10-24 12:37:26,106 transreid.train INFO: Epoch[50] Iteration[50/590] Loss: 2.723, Base Lr: 2.44e-05 2023-10-24 12:37:29,425 transreid.train INFO: Epoch[50] Iteration[100/590] Loss: 2.719, Base Lr: 2.44e-05 2023-10-24 12:37:32,432 transreid.train INFO: Epoch[50] Iteration[150/590] Loss: 2.701, Base Lr: 2.44e-05 2023-10-24 12:37:35,304 transreid.train INFO: Epoch[50] Iteration[200/590] Loss: 2.696, Base Lr: 2.44e-05 2023-10-24 12:37:38,620 transreid.train INFO: Epoch[50] Iteration[250/590] Loss: 2.701, Base Lr: 2.44e-05 2023-10-24 12:37:41,835 transreid.train INFO: Epoch[50] Iteration[300/590] Loss: 2.701, Base Lr: 2.44e-05 2023-10-24 12:37:44,936 transreid.train INFO: Epoch[50] Iteration[350/590] Loss: 2.701, Base Lr: 2.44e-05 2023-10-24 12:37:47,765 transreid.train INFO: Epoch[50] Iteration[400/590] Loss: 2.701, Base Lr: 2.44e-05 2023-10-24 12:37:51,440 transreid.train INFO: Epoch[50] Iteration[450/590] Loss: 2.707, Base Lr: 2.44e-05 2023-10-24 12:37:54,450 transreid.train INFO: Epoch[50] Iteration[500/590] Loss: 2.708, Base Lr: 2.44e-05 2023-10-24 12:37:57,623 transreid.train INFO: Epoch[50] Iteration[550/590] Loss: 2.711, Base Lr: 2.44e-05 2023-10-24 12:38:03,002 transreid.train INFO: Epoch[51] Iteration[50/590] Loss: 2.659, Base Lr: 2.00e-05 2023-10-24 12:38:06,846 transreid.train INFO: Epoch[51] Iteration[100/590] Loss: 2.672, Base Lr: 2.00e-05 2023-10-24 12:38:09,784 transreid.train INFO: Epoch[51] Iteration[150/590] Loss: 2.682, Base Lr: 2.00e-05 2023-10-24 12:38:12,790 transreid.train INFO: Epoch[51] Iteration[200/590] Loss: 2.684, Base Lr: 2.00e-05 2023-10-24 12:38:16,501 transreid.train INFO: Epoch[51] Iteration[250/590] Loss: 2.695, Base Lr: 2.00e-05 2023-10-24 12:38:19,526 transreid.train INFO: Epoch[51] Iteration[300/590] Loss: 2.692, Base Lr: 2.00e-05 2023-10-24 12:38:22,494 transreid.train INFO: Epoch[51] Iteration[350/590] Loss: 2.696, Base Lr: 2.00e-05 2023-10-24 12:38:25,788 transreid.train INFO: Epoch[51] Iteration[400/590] Loss: 2.697, Base Lr: 2.00e-05 2023-10-24 12:38:29,359 transreid.train INFO: Epoch[51] Iteration[450/590] Loss: 2.696, Base Lr: 2.00e-05 2023-10-24 12:38:32,360 transreid.train INFO: Epoch[51] Iteration[500/590] Loss: 2.704, Base Lr: 2.00e-05 2023-10-24 12:38:35,360 transreid.train INFO: Epoch[51] Iteration[550/590] Loss: 2.704, Base Lr: 2.00e-05 2023-10-24 12:38:41,084 transreid.train INFO: Epoch[52] Iteration[50/590] Loss: 2.716, Base Lr: 1.61e-05 2023-10-24 12:38:43,881 transreid.train INFO: Epoch[52] Iteration[100/590] Loss: 2.727, Base Lr: 1.61e-05 2023-10-24 12:38:47,104 transreid.train INFO: Epoch[52] Iteration[150/590] Loss: 2.715, Base Lr: 1.61e-05 2023-10-24 12:38:50,662 transreid.train INFO: Epoch[52] Iteration[200/590] Loss: 2.708, Base Lr: 1.61e-05 2023-10-24 12:38:53,600 transreid.train INFO: Epoch[52] Iteration[250/590] Loss: 2.705, Base Lr: 1.61e-05 2023-10-24 12:38:56,923 transreid.train INFO: Epoch[52] Iteration[300/590] Loss: 2.706, Base Lr: 1.61e-05 2023-10-24 12:38:59,792 transreid.train INFO: Epoch[52] Iteration[350/590] Loss: 2.706, Base Lr: 1.61e-05 2023-10-24 12:39:03,122 transreid.train INFO: Epoch[52] Iteration[400/590] Loss: 2.699, Base Lr: 1.61e-05 2023-10-24 12:39:06,452 transreid.train INFO: Epoch[52] Iteration[450/590] Loss: 2.696, Base Lr: 1.61e-05 2023-10-24 12:39:09,825 transreid.train INFO: Epoch[52] Iteration[500/590] Loss: 2.699, Base Lr: 1.61e-05 2023-10-24 12:39:13,224 transreid.train INFO: Epoch[52] Iteration[550/590] Loss: 2.704, Base Lr: 1.61e-05 2023-10-24 12:39:18,876 transreid.train INFO: Epoch[53] Iteration[50/590] Loss: 2.705, Base Lr: 1.26e-05 2023-10-24 12:39:22,436 transreid.train INFO: Epoch[53] Iteration[100/590] Loss: 2.703, Base Lr: 1.26e-05 2023-10-24 12:39:26,271 transreid.train INFO: Epoch[53] Iteration[150/590] Loss: 2.684, Base Lr: 1.26e-05 2023-10-24 12:39:29,234 transreid.train INFO: Epoch[53] Iteration[200/590] Loss: 2.683, Base Lr: 1.26e-05 2023-10-24 12:39:32,570 transreid.train INFO: Epoch[53] Iteration[250/590] Loss: 2.690, Base Lr: 1.26e-05 2023-10-24 12:39:35,548 transreid.train INFO: Epoch[53] Iteration[300/590] Loss: 2.694, Base Lr: 1.26e-05 2023-10-24 12:39:38,696 transreid.train INFO: Epoch[53] Iteration[350/590] Loss: 2.686, Base Lr: 1.26e-05 2023-10-24 12:39:41,723 transreid.train INFO: Epoch[53] Iteration[400/590] Loss: 2.687, Base Lr: 1.26e-05 2023-10-24 12:39:45,116 transreid.train INFO: Epoch[53] Iteration[450/590] Loss: 2.690, Base Lr: 1.26e-05 2023-10-24 12:39:48,104 transreid.train INFO: Epoch[53] Iteration[500/590] Loss: 2.691, Base Lr: 1.26e-05 2023-10-24 12:39:51,759 transreid.train INFO: Epoch[53] Iteration[550/590] Loss: 2.698, Base Lr: 1.26e-05 2023-10-24 12:39:57,792 transreid.train INFO: Epoch[54] Iteration[50/590] Loss: 2.655, Base Lr: 9.54e-06 2023-10-24 12:40:00,699 transreid.train INFO: Epoch[54] Iteration[100/590] Loss: 2.674, Base Lr: 9.54e-06 2023-10-24 12:40:04,322 transreid.train INFO: Epoch[54] Iteration[150/590] Loss: 2.689, Base Lr: 9.54e-06 2023-10-24 12:40:07,185 transreid.train INFO: Epoch[54] Iteration[200/590] Loss: 2.684, Base Lr: 9.54e-06 2023-10-24 12:40:09,995 transreid.train INFO: Epoch[54] Iteration[250/590] Loss: 2.693, Base Lr: 9.54e-06 2023-10-24 12:40:13,124 transreid.train INFO: Epoch[54] Iteration[300/590] Loss: 2.694, Base Lr: 9.54e-06 2023-10-24 12:40:16,728 transreid.train INFO: Epoch[54] Iteration[350/590] Loss: 2.696, Base Lr: 9.54e-06 2023-10-24 12:40:19,783 transreid.train INFO: Epoch[54] Iteration[400/590] Loss: 2.700, Base Lr: 9.54e-06 2023-10-24 12:40:22,820 transreid.train INFO: Epoch[54] Iteration[450/590] Loss: 2.697, Base Lr: 9.54e-06 2023-10-24 12:40:26,423 transreid.train INFO: Epoch[54] Iteration[500/590] Loss: 2.697, Base Lr: 9.54e-06 2023-10-24 12:40:30,116 transreid.train INFO: Epoch[54] Iteration[550/590] Loss: 2.696, Base Lr: 9.54e-06 2023-10-24 12:40:35,565 transreid.train INFO: Epoch[55] Iteration[50/590] Loss: 2.684, Base Lr: 6.95e-06 2023-10-24 12:40:39,026 transreid.train INFO: Epoch[55] Iteration[100/590] Loss: 2.688, Base Lr: 6.95e-06 2023-10-24 12:40:41,968 transreid.train INFO: Epoch[55] Iteration[150/590] Loss: 2.686, Base Lr: 6.95e-06 2023-10-24 12:40:44,983 transreid.train INFO: Epoch[55] Iteration[200/590] Loss: 2.691, Base Lr: 6.95e-06 2023-10-24 12:40:48,421 transreid.train INFO: Epoch[55] Iteration[250/590] Loss: 2.686, Base Lr: 6.95e-06 2023-10-24 12:40:51,725 transreid.train INFO: Epoch[55] Iteration[300/590] Loss: 2.689, Base Lr: 6.95e-06 2023-10-24 12:40:55,248 transreid.train INFO: Epoch[55] Iteration[350/590] Loss: 2.683, Base Lr: 6.95e-06 2023-10-24 12:40:58,171 transreid.train INFO: Epoch[55] Iteration[400/590] Loss: 2.692, Base Lr: 6.95e-06 2023-10-24 12:41:01,288 transreid.train INFO: Epoch[55] Iteration[450/590] Loss: 2.692, Base Lr: 6.95e-06 2023-10-24 12:41:05,197 transreid.train INFO: Epoch[55] Iteration[500/590] Loss: 2.696, Base Lr: 6.95e-06 2023-10-24 12:41:08,308 transreid.train INFO: Epoch[55] Iteration[550/590] Loss: 2.693, Base Lr: 6.95e-06 2023-10-24 12:41:14,053 transreid.train INFO: Epoch[56] Iteration[50/590] Loss: 2.721, Base Lr: 4.81e-06 2023-10-24 12:41:17,219 transreid.train INFO: Epoch[56] Iteration[100/590] Loss: 2.708, Base Lr: 4.81e-06 2023-10-24 12:41:20,292 transreid.train INFO: Epoch[56] Iteration[150/590] Loss: 2.695, Base Lr: 4.81e-06 2023-10-24 12:41:23,555 transreid.train INFO: Epoch[56] Iteration[200/590] Loss: 2.689, Base Lr: 4.81e-06 2023-10-24 12:41:26,409 transreid.train INFO: Epoch[56] Iteration[250/590] Loss: 2.691, Base Lr: 4.81e-06 2023-10-24 12:41:29,576 transreid.train INFO: Epoch[56] Iteration[300/590] Loss: 2.685, Base Lr: 4.81e-06 2023-10-24 12:41:33,423 transreid.train INFO: Epoch[56] Iteration[350/590] Loss: 2.686, Base Lr: 4.81e-06 2023-10-24 12:41:36,621 transreid.train INFO: Epoch[56] Iteration[400/590] Loss: 2.690, Base Lr: 4.81e-06 2023-10-24 12:41:39,827 transreid.train INFO: Epoch[56] Iteration[450/590] Loss: 2.686, Base Lr: 4.81e-06 2023-10-24 12:41:42,929 transreid.train INFO: Epoch[56] Iteration[500/590] Loss: 2.687, Base Lr: 4.81e-06 2023-10-24 12:41:46,118 transreid.train INFO: Epoch[56] Iteration[550/590] Loss: 2.689, Base Lr: 4.81e-06 2023-10-24 12:41:51,352 transreid.train INFO: Epoch[57] Iteration[50/590] Loss: 2.710, Base Lr: 3.15e-06 2023-10-24 12:41:55,042 transreid.train INFO: Epoch[57] Iteration[100/590] Loss: 2.680, Base Lr: 3.15e-06 2023-10-24 12:41:58,148 transreid.train INFO: Epoch[57] Iteration[150/590] Loss: 2.680, Base Lr: 3.15e-06 2023-10-24 12:42:01,568 transreid.train INFO: Epoch[57] Iteration[200/590] Loss: 2.685, Base Lr: 3.15e-06 2023-10-24 12:42:05,043 transreid.train INFO: Epoch[57] Iteration[250/590] Loss: 2.689, Base Lr: 3.15e-06 2023-10-24 12:42:07,779 transreid.train INFO: Epoch[57] Iteration[300/590] Loss: 2.682, Base Lr: 3.15e-06 2023-10-24 12:42:11,105 transreid.train INFO: Epoch[57] Iteration[350/590] Loss: 2.681, Base Lr: 3.15e-06 2023-10-24 12:42:14,498 transreid.train INFO: Epoch[57] Iteration[400/590] Loss: 2.681, Base Lr: 3.15e-06 2023-10-24 12:42:17,237 transreid.train INFO: Epoch[57] Iteration[450/590] Loss: 2.685, Base Lr: 3.15e-06 2023-10-24 12:42:20,215 transreid.train INFO: Epoch[57] Iteration[500/590] Loss: 2.687, Base Lr: 3.15e-06 2023-10-24 12:42:23,482 transreid.train INFO: Epoch[57] Iteration[550/590] Loss: 2.684, Base Lr: 3.15e-06 2023-10-24 12:42:29,622 transreid.train INFO: Epoch[58] Iteration[50/590] Loss: 2.721, Base Lr: 1.96e-06 2023-10-24 12:42:33,367 transreid.train INFO: Epoch[58] Iteration[100/590] Loss: 2.698, Base Lr: 1.96e-06 2023-10-24 12:42:36,855 transreid.train INFO: Epoch[58] Iteration[150/590] Loss: 2.697, Base Lr: 1.96e-06 2023-10-24 12:42:40,134 transreid.train INFO: Epoch[58] Iteration[200/590] Loss: 2.694, Base Lr: 1.96e-06 2023-10-24 12:42:42,942 transreid.train INFO: Epoch[58] Iteration[250/590] Loss: 2.696, Base Lr: 1.96e-06 2023-10-24 12:42:46,818 transreid.train INFO: Epoch[58] Iteration[300/590] Loss: 2.687, Base Lr: 1.96e-06 2023-10-24 12:42:49,932 transreid.train INFO: Epoch[58] Iteration[350/590] Loss: 2.692, Base Lr: 1.96e-06 2023-10-24 12:42:52,919 transreid.train INFO: Epoch[58] Iteration[400/590] Loss: 2.695, Base Lr: 1.96e-06 2023-10-24 12:42:56,216 transreid.train INFO: Epoch[58] Iteration[450/590] Loss: 2.690, Base Lr: 1.96e-06 2023-10-24 12:42:59,552 transreid.train INFO: Epoch[58] Iteration[500/590] Loss: 2.685, Base Lr: 1.96e-06 2023-10-24 12:43:03,329 transreid.train INFO: Epoch[58] Iteration[550/590] Loss: 2.688, Base Lr: 1.96e-06 2023-10-24 12:43:09,968 transreid.train INFO: Epoch[59] Iteration[50/590] Loss: 2.687, Base Lr: 1.24e-06 2023-10-24 12:43:13,669 transreid.train INFO: Epoch[59] Iteration[100/590] Loss: 2.682, Base Lr: 1.24e-06 2023-10-24 12:43:16,617 transreid.train INFO: Epoch[59] Iteration[150/590] Loss: 2.678, Base Lr: 1.24e-06 2023-10-24 12:43:20,013 transreid.train INFO: Epoch[59] Iteration[200/590] Loss: 2.676, Base Lr: 1.24e-06 2023-10-24 12:43:22,864 transreid.train INFO: Epoch[59] Iteration[250/590] Loss: 2.679, Base Lr: 1.24e-06 2023-10-24 12:43:26,816 transreid.train INFO: Epoch[59] Iteration[300/590] Loss: 2.680, Base Lr: 1.24e-06 2023-10-24 12:43:30,341 transreid.train INFO: Epoch[59] Iteration[350/590] Loss: 2.681, Base Lr: 1.24e-06 2023-10-24 12:43:33,408 transreid.train INFO: Epoch[59] Iteration[400/590] Loss: 2.686, Base Lr: 1.24e-06 2023-10-24 12:43:36,406 transreid.train INFO: Epoch[59] Iteration[450/590] Loss: 2.682, Base Lr: 1.24e-06 2023-10-24 12:43:39,954 transreid.train INFO: Epoch[59] Iteration[500/590] Loss: 2.686, Base Lr: 1.24e-06 2023-10-24 12:43:42,694 transreid.train INFO: Epoch[59] Iteration[550/590] Loss: 2.689, Base Lr: 1.24e-06 2023-10-24 12:43:48,260 transreid.train INFO: Epoch[60] Iteration[50/590] Loss: 2.657, Base Lr: 1.00e-06 2023-10-24 12:43:51,515 transreid.train INFO: Epoch[60] Iteration[100/590] Loss: 2.690, Base Lr: 1.00e-06 2023-10-24 12:43:54,295 transreid.train INFO: Epoch[60] Iteration[150/590] Loss: 2.693, Base Lr: 1.00e-06 2023-10-24 12:43:57,174 transreid.train INFO: Epoch[60] Iteration[200/590] Loss: 2.685, Base Lr: 1.00e-06 2023-10-24 12:44:00,437 transreid.train INFO: Epoch[60] Iteration[250/590] Loss: 2.685, Base Lr: 1.00e-06 2023-10-24 12:44:03,499 transreid.train INFO: Epoch[60] Iteration[300/590] Loss: 2.686, Base Lr: 1.00e-06 2023-10-24 12:44:06,603 transreid.train INFO: Epoch[60] Iteration[350/590] Loss: 2.684, Base Lr: 1.00e-06 2023-10-24 12:44:10,189 transreid.train INFO: Epoch[60] Iteration[400/590] Loss: 2.691, Base Lr: 1.00e-06 2023-10-24 12:44:13,154 transreid.train INFO: Epoch[60] Iteration[450/590] Loss: 2.688, Base Lr: 1.00e-06 2023-10-24 12:44:16,066 transreid.train INFO: Epoch[60] Iteration[500/590] Loss: 2.685, Base Lr: 1.00e-06 2023-10-24 12:44:19,690 transreid.train INFO: Epoch[60] Iteration[550/590] Loss: 2.686, Base Lr: 1.00e-06 2023-10-24 12:44:27,576 transreid.train INFO: Stage1 running time: 1:04:16.932847 2023-10-24 12:44:27,588 transreid.train INFO: start training 2023-10-24 12:46:25,940 transreid.train INFO: Epoch[1] Iteration[50/577] Loss: 21.918, Acc: 0.074, Base Lr: 3.82e-05 2023-10-24 12:48:09,535 transreid.train INFO: Epoch[1] Iteration[100/577] Loss: 20.783, Acc: 0.159, Base Lr: 3.82e-05 2023-10-24 12:49:54,238 transreid.train INFO: Epoch[1] Iteration[150/577] Loss: 20.017, Acc: 0.223, Base Lr: 3.82e-05 2023-10-24 12:51:40,290 transreid.train INFO: Epoch[1] Iteration[200/577] Loss: 19.428, Acc: 0.273, Base Lr: 3.82e-05 2023-10-24 12:53:38,902 transreid.train INFO: Epoch[1] Iteration[250/577] Loss: 18.920, Acc: 0.323, Base Lr: 3.82e-05 2023-10-24 12:55:25,265 transreid.train INFO: Epoch[1] Iteration[300/577] Loss: 18.438, Acc: 0.361, Base Lr: 3.82e-05 2023-10-24 12:57:22,308 transreid.train INFO: Epoch[1] Iteration[350/577] Loss: 18.043, Acc: 0.392, Base Lr: 3.82e-05 2023-10-24 12:59:12,324 transreid.train INFO: Epoch[1] Iteration[400/577] Loss: 17.657, Acc: 0.420, Base Lr: 3.82e-05 2023-10-24 13:01:16,591 transreid.train INFO: Epoch[1] Iteration[450/577] Loss: 17.263, Acc: 0.446, Base Lr: 3.82e-05 2023-10-24 13:03:06,589 transreid.train INFO: Epoch[1] Iteration[500/577] Loss: 16.860, Acc: 0.473, Base Lr: 3.82e-05 2023-10-24 13:05:00,057 transreid.train INFO: Epoch[1] Iteration[550/577] Loss: 16.372, Acc: 0.503, Base Lr: 3.82e-05 2023-10-24 13:05:34,446 transreid.train INFO: Epoch 1 done. Time per batch: 2.238[s] Speed: 28.6[samples/s] 2023-10-24 13:06:45,524 transreid.train INFO: Epoch[2] Iteration[50/577] Loss: 14.727, Acc: 0.484, Base Lr: 7.28e-05 2023-10-24 13:07:42,922 transreid.train INFO: Epoch[2] Iteration[100/577] Loss: 14.212, Acc: 0.551, Base Lr: 7.28e-05 2023-10-24 13:08:44,513 transreid.train INFO: Epoch[2] Iteration[150/577] Loss: 13.771, Acc: 0.585, Base Lr: 7.28e-05 2023-10-24 13:09:52,210 transreid.train INFO: Epoch[2] Iteration[200/577] Loss: 13.424, Acc: 0.599, Base Lr: 7.28e-05 2023-10-24 13:10:42,624 transreid.train INFO: Epoch[2] Iteration[250/577] Loss: 13.074, Acc: 0.620, Base Lr: 7.28e-05 2023-10-24 13:11:04,293 transreid.train INFO: Epoch[2] Iteration[300/577] Loss: 12.713, Acc: 0.638, Base Lr: 7.28e-05 2023-10-24 13:11:24,997 transreid.train INFO: Epoch[2] Iteration[350/577] Loss: 12.370, Acc: 0.654, Base Lr: 7.28e-05 2023-10-24 13:11:45,566 transreid.train INFO: Epoch[2] Iteration[400/577] Loss: 12.018, Acc: 0.668, Base Lr: 7.28e-05 2023-10-24 13:12:05,705 transreid.train INFO: Epoch[2] Iteration[450/577] Loss: 11.653, Acc: 0.682, Base Lr: 7.28e-05 2023-10-24 13:12:26,898 transreid.train INFO: Epoch[2] Iteration[500/577] Loss: 11.269, Acc: 0.696, Base Lr: 7.28e-05 2023-10-24 13:12:47,274 transreid.train INFO: Epoch[2] Iteration[550/577] Loss: 10.863, Acc: 0.709, Base Lr: 7.28e-05 2023-10-24 13:12:54,396 transreid.train INFO: Epoch 2 done. Time per batch: 0.777[s] Speed: 82.3[samples/s] 2023-10-24 13:13:17,819 transreid.train INFO: Epoch[3] Iteration[50/577] Loss: 10.681, Acc: 0.624, Base Lr: 1.07e-04 2023-10-24 13:13:37,873 transreid.train INFO: Epoch[3] Iteration[100/577] Loss: 10.096, Acc: 0.669, Base Lr: 1.07e-04 2023-10-24 13:13:58,217 transreid.train INFO: Epoch[3] Iteration[150/577] Loss: 9.621, Acc: 0.701, Base Lr: 1.07e-04 2023-10-24 13:14:18,481 transreid.train INFO: Epoch[3] Iteration[200/577] Loss: 9.284, Acc: 0.721, Base Lr: 1.07e-04 2023-10-24 13:14:39,027 transreid.train INFO: Epoch[3] Iteration[250/577] Loss: 9.013, Acc: 0.730, Base Lr: 1.07e-04 2023-10-24 13:14:59,025 transreid.train INFO: Epoch[3] Iteration[300/577] Loss: 8.766, Acc: 0.742, Base Lr: 1.07e-04 2023-10-24 13:15:19,444 transreid.train INFO: Epoch[3] Iteration[350/577] Loss: 8.524, Acc: 0.750, Base Lr: 1.07e-04 2023-10-24 13:15:39,858 transreid.train INFO: Epoch[3] Iteration[400/577] Loss: 8.311, Acc: 0.759, Base Lr: 1.07e-04 2023-10-24 13:16:00,577 transreid.train INFO: Epoch[3] Iteration[450/577] Loss: 8.077, Acc: 0.767, Base Lr: 1.07e-04 2023-10-24 13:16:21,098 transreid.train INFO: Epoch[3] Iteration[500/577] Loss: 7.844, Acc: 0.779, Base Lr: 1.07e-04 2023-10-24 13:16:41,386 transreid.train INFO: Epoch[3] Iteration[550/577] Loss: 7.627, Acc: 0.787, Base Lr: 1.07e-04 2023-10-24 13:16:48,629 transreid.train INFO: Epoch 3 done. Time per batch: 0.413[s] Speed: 154.9[samples/s] 2023-10-24 13:17:12,280 transreid.train INFO: Epoch[4] Iteration[50/577] Loss: 8.327, Acc: 0.693, Base Lr: 1.42e-04 2023-10-24 13:17:33,011 transreid.train INFO: Epoch[4] Iteration[100/577] Loss: 7.746, Acc: 0.741, Base Lr: 1.42e-04 2023-10-24 13:17:53,525 transreid.train INFO: Epoch[4] Iteration[150/577] Loss: 7.424, Acc: 0.761, Base Lr: 1.42e-04 2023-10-24 13:18:13,930 transreid.train INFO: Epoch[4] Iteration[200/577] Loss: 7.124, Acc: 0.780, Base Lr: 1.42e-04 2023-10-24 13:18:34,294 transreid.train INFO: Epoch[4] Iteration[250/577] Loss: 6.944, Acc: 0.792, Base Lr: 1.42e-04 2023-10-24 13:18:54,455 transreid.train INFO: Epoch[4] Iteration[300/577] Loss: 6.797, Acc: 0.799, Base Lr: 1.42e-04 2023-10-24 13:19:14,856 transreid.train INFO: Epoch[4] Iteration[350/577] Loss: 6.660, Acc: 0.806, Base Lr: 1.42e-04 2023-10-24 13:19:35,327 transreid.train INFO: Epoch[4] Iteration[400/577] Loss: 6.535, Acc: 0.812, Base Lr: 1.42e-04 2023-10-24 13:19:55,885 transreid.train INFO: Epoch[4] Iteration[450/577] Loss: 6.399, Acc: 0.821, Base Lr: 1.42e-04 2023-10-24 13:20:15,997 transreid.train INFO: Epoch[4] Iteration[500/577] Loss: 6.280, Acc: 0.829, Base Lr: 1.42e-04 2023-10-24 13:20:36,548 transreid.train INFO: Epoch[4] Iteration[550/577] Loss: 6.153, Acc: 0.837, Base Lr: 1.42e-04 2023-10-24 13:20:43,363 transreid.train INFO: Epoch 4 done. Time per batch: 0.416[s] Speed: 153.8[samples/s] 2023-10-24 13:21:09,515 transreid.train INFO: Epoch[5] Iteration[50/577] Loss: 6.829, Acc: 0.753, Base Lr: 1.77e-04 2023-10-24 13:21:28,611 transreid.train INFO: Epoch[5] Iteration[100/577] Loss: 6.432, Acc: 0.792, Base Lr: 1.77e-04 2023-10-24 13:21:47,951 transreid.train INFO: Epoch[5] Iteration[150/577] Loss: 6.211, Acc: 0.808, Base Lr: 1.77e-04 2023-10-24 13:22:07,376 transreid.train INFO: Epoch[5] Iteration[200/577] Loss: 6.073, Acc: 0.820, Base Lr: 1.77e-04 2023-10-24 13:22:26,563 transreid.train INFO: Epoch[5] Iteration[250/577] Loss: 5.920, Acc: 0.834, Base Lr: 1.77e-04 2023-10-24 13:22:50,600 transreid.train INFO: Epoch[5] Iteration[300/577] Loss: 5.814, Acc: 0.841, Base Lr: 1.77e-04 2023-10-24 13:23:21,566 transreid.train INFO: Epoch[5] Iteration[350/577] Loss: 5.735, Acc: 0.846, Base Lr: 1.77e-04 2023-10-24 13:23:48,634 transreid.train INFO: Epoch[5] Iteration[400/577] Loss: 5.665, Acc: 0.852, Base Lr: 1.77e-04 2023-10-24 13:24:17,293 transreid.train INFO: Epoch[5] Iteration[450/577] Loss: 5.596, Acc: 0.858, Base Lr: 1.77e-04 2023-10-24 13:24:44,691 transreid.train INFO: Epoch[5] Iteration[500/577] Loss: 5.502, Acc: 0.865, Base Lr: 1.77e-04 2023-10-24 13:25:15,163 transreid.train INFO: Epoch[5] Iteration[550/577] Loss: 5.421, Acc: 0.871, Base Lr: 1.77e-04 2023-10-24 13:25:28,921 transreid.train INFO: Epoch 5 done. Time per batch: 0.503[s] Speed: 127.3[samples/s] 2023-10-24 13:26:06,330 transreid.train INFO: Epoch[6] Iteration[50/577] Loss: 6.195, Acc: 0.784, Base Lr: 2.11e-04 2023-10-24 13:26:36,242 transreid.train INFO: Epoch[6] Iteration[100/577] Loss: 5.815, Acc: 0.818, Base Lr: 2.11e-04 2023-10-24 13:27:08,285 transreid.train INFO: Epoch[6] Iteration[150/577] Loss: 5.605, Acc: 0.842, Base Lr: 2.11e-04 2023-10-24 13:27:38,995 transreid.train INFO: Epoch[6] Iteration[200/577] Loss: 5.507, Acc: 0.852, Base Lr: 2.11e-04 2023-10-24 13:28:08,773 transreid.train INFO: Epoch[6] Iteration[250/577] Loss: 5.427, Acc: 0.858, Base Lr: 2.11e-04 2023-10-24 13:28:39,237 transreid.train INFO: Epoch[6] Iteration[300/577] Loss: 5.359, Acc: 0.864, Base Lr: 2.11e-04 2023-10-24 13:29:07,373 transreid.train INFO: Epoch[6] Iteration[350/577] Loss: 5.286, Acc: 0.870, Base Lr: 2.11e-04 2023-10-24 13:29:34,161 transreid.train INFO: Epoch[6] Iteration[400/577] Loss: 5.228, Acc: 0.875, Base Lr: 2.11e-04 2023-10-24 13:30:01,704 transreid.train INFO: Epoch[6] Iteration[450/577] Loss: 5.195, Acc: 0.878, Base Lr: 2.11e-04 2023-10-24 13:30:25,986 transreid.train INFO: Epoch[6] Iteration[500/577] Loss: 5.130, Acc: 0.884, Base Lr: 2.11e-04 2023-10-24 13:30:52,125 transreid.train INFO: Epoch[6] Iteration[550/577] Loss: 5.062, Acc: 0.889, Base Lr: 2.11e-04 2023-10-24 13:30:59,848 transreid.train INFO: Epoch 6 done. Time per batch: 0.587[s] Speed: 109.1[samples/s] 2023-10-24 13:31:30,210 transreid.train INFO: Epoch[7] Iteration[50/577] Loss: 5.758, Acc: 0.813, Base Lr: 2.46e-04 2023-10-24 13:31:56,627 transreid.train INFO: Epoch[7] Iteration[100/577] Loss: 5.446, Acc: 0.851, Base Lr: 2.46e-04 2023-10-24 13:32:22,589 transreid.train INFO: Epoch[7] Iteration[150/577] Loss: 5.255, Acc: 0.872, Base Lr: 2.46e-04 2023-10-24 13:32:47,752 transreid.train INFO: Epoch[7] Iteration[200/577] Loss: 5.151, Acc: 0.881, Base Lr: 2.46e-04 2023-10-24 13:33:14,397 transreid.train INFO: Epoch[7] Iteration[250/577] Loss: 5.080, Acc: 0.888, Base Lr: 2.46e-04 2023-10-24 13:33:36,801 transreid.train INFO: Epoch[7] Iteration[300/577] Loss: 5.027, Acc: 0.890, Base Lr: 2.46e-04 2023-10-24 13:33:55,837 transreid.train INFO: Epoch[7] Iteration[350/577] Loss: 4.989, Acc: 0.895, Base Lr: 2.46e-04 2023-10-24 13:34:15,314 transreid.train INFO: Epoch[7] Iteration[400/577] Loss: 4.956, Acc: 0.897, Base Lr: 2.46e-04 2023-10-24 13:34:33,404 transreid.train INFO: Epoch[7] Iteration[450/577] Loss: 4.906, Acc: 0.902, Base Lr: 2.46e-04 2023-10-24 13:34:50,554 transreid.train INFO: Epoch[7] Iteration[500/577] Loss: 4.859, Acc: 0.906, Base Lr: 2.46e-04 2023-10-24 13:35:07,784 transreid.train INFO: Epoch[7] Iteration[550/577] Loss: 4.792, Acc: 0.911, Base Lr: 2.46e-04 2023-10-24 13:35:12,358 transreid.train INFO: Epoch 7 done. Time per batch: 0.448[s] Speed: 142.7[samples/s] 2023-10-24 13:35:31,056 transreid.train INFO: Epoch[8] Iteration[50/577] Loss: 5.629, Acc: 0.830, Base Lr: 2.81e-04 2023-10-24 13:35:49,036 transreid.train INFO: Epoch[8] Iteration[100/577] Loss: 5.363, Acc: 0.856, Base Lr: 2.81e-04 2023-10-24 13:36:08,726 transreid.train INFO: Epoch[8] Iteration[150/577] Loss: 5.224, Acc: 0.869, Base Lr: 2.81e-04 2023-10-24 13:36:27,919 transreid.train INFO: Epoch[8] Iteration[200/577] Loss: 5.120, Acc: 0.878, Base Lr: 2.81e-04 2023-10-24 13:36:47,450 transreid.train INFO: Epoch[8] Iteration[250/577] Loss: 5.028, Acc: 0.886, Base Lr: 2.81e-04 2023-10-24 13:37:07,676 transreid.train INFO: Epoch[8] Iteration[300/577] Loss: 4.954, Acc: 0.894, Base Lr: 2.81e-04 2023-10-24 13:37:27,475 transreid.train INFO: Epoch[8] Iteration[350/577] Loss: 4.890, Acc: 0.900, Base Lr: 2.81e-04 2023-10-24 13:37:47,492 transreid.train INFO: Epoch[8] Iteration[400/577] Loss: 4.837, Acc: 0.904, Base Lr: 2.81e-04 2023-10-24 13:38:07,837 transreid.train INFO: Epoch[8] Iteration[450/577] Loss: 4.793, Acc: 0.908, Base Lr: 2.81e-04 2023-10-24 13:38:27,834 transreid.train INFO: Epoch[8] Iteration[500/577] Loss: 4.742, Acc: 0.912, Base Lr: 2.81e-04 2023-10-24 13:38:48,294 transreid.train INFO: Epoch[8] Iteration[550/577] Loss: 4.693, Acc: 0.915, Base Lr: 2.81e-04 2023-10-24 13:38:54,283 transreid.train INFO: Epoch 8 done. Time per batch: 0.393[s] Speed: 162.7[samples/s] 2023-10-24 13:39:16,444 transreid.train INFO: Epoch[9] Iteration[50/577] Loss: 5.750, Acc: 0.812, Base Lr: 3.15e-04 2023-10-24 13:39:36,465 transreid.train INFO: Epoch[9] Iteration[100/577] Loss: 5.367, Acc: 0.848, Base Lr: 3.15e-04 2023-10-24 13:39:56,467 transreid.train INFO: Epoch[9] Iteration[150/577] Loss: 5.152, Acc: 0.868, Base Lr: 3.15e-04 2023-10-24 13:40:16,438 transreid.train INFO: Epoch[9] Iteration[200/577] Loss: 5.045, Acc: 0.877, Base Lr: 3.15e-04 2023-10-24 13:40:36,621 transreid.train INFO: Epoch[9] Iteration[250/577] Loss: 4.963, Acc: 0.886, Base Lr: 3.15e-04 2023-10-24 13:40:56,510 transreid.train INFO: Epoch[9] Iteration[300/577] Loss: 4.888, Acc: 0.893, Base Lr: 3.15e-04 2023-10-24 13:41:16,348 transreid.train INFO: Epoch[9] Iteration[350/577] Loss: 4.825, Acc: 0.900, Base Lr: 3.15e-04 2023-10-24 13:41:36,664 transreid.train INFO: Epoch[9] Iteration[400/577] Loss: 4.774, Acc: 0.904, Base Lr: 3.15e-04 2023-10-24 13:41:56,685 transreid.train INFO: Epoch[9] Iteration[450/577] Loss: 4.721, Acc: 0.910, Base Lr: 3.15e-04 2023-10-24 13:42:17,221 transreid.train INFO: Epoch[9] Iteration[500/577] Loss: 4.663, Acc: 0.915, Base Lr: 3.15e-04 2023-10-24 13:42:36,991 transreid.train INFO: Epoch[9] Iteration[550/577] Loss: 4.611, Acc: 0.918, Base Lr: 3.15e-04 2023-10-24 13:42:42,578 transreid.train INFO: Epoch 9 done. Time per batch: 0.405[s] Speed: 157.8[samples/s] 2023-10-24 13:43:04,649 transreid.train INFO: Epoch[10] Iteration[50/577] Loss: 5.494, Acc: 0.842, Base Lr: 3.50e-04 2023-10-24 13:43:24,092 transreid.train INFO: Epoch[10] Iteration[100/577] Loss: 5.093, Acc: 0.876, Base Lr: 3.50e-04 2023-10-24 13:43:43,865 transreid.train INFO: Epoch[10] Iteration[150/577] Loss: 4.923, Acc: 0.889, Base Lr: 3.50e-04 2023-10-24 13:44:03,415 transreid.train INFO: Epoch[10] Iteration[200/577] Loss: 4.840, Acc: 0.896, Base Lr: 3.50e-04 2023-10-24 13:44:22,927 transreid.train INFO: Epoch[10] Iteration[250/577] Loss: 4.804, Acc: 0.900, Base Lr: 3.50e-04 2023-10-24 13:44:41,959 transreid.train INFO: Epoch[10] Iteration[300/577] Loss: 4.758, Acc: 0.906, Base Lr: 3.50e-04 2023-10-24 13:45:01,427 transreid.train INFO: Epoch[10] Iteration[350/577] Loss: 4.724, Acc: 0.909, Base Lr: 3.50e-04 2023-10-24 13:45:21,579 transreid.train INFO: Epoch[10] Iteration[400/577] Loss: 4.686, Acc: 0.912, Base Lr: 3.50e-04 2023-10-24 13:45:40,498 transreid.train INFO: Epoch[10] Iteration[450/577] Loss: 4.645, Acc: 0.916, Base Lr: 3.50e-04 2023-10-24 13:45:59,824 transreid.train INFO: Epoch[10] Iteration[500/577] Loss: 4.602, Acc: 0.920, Base Lr: 3.50e-04 2023-10-24 13:46:19,560 transreid.train INFO: Epoch[10] Iteration[550/577] Loss: 4.557, Acc: 0.923, Base Lr: 3.50e-04 2023-10-24 13:46:26,013 transreid.train INFO: Epoch 10 done. Time per batch: 0.395[s] Speed: 162.1[samples/s] 2023-10-24 13:46:47,398 transreid.train INFO: Epoch[11] Iteration[50/577] Loss: 5.217, Acc: 0.862, Base Lr: 3.50e-04 2023-10-24 13:47:06,513 transreid.train INFO: Epoch[11] Iteration[100/577] Loss: 4.933, Acc: 0.892, Base Lr: 3.50e-04 2023-10-24 13:47:26,046 transreid.train INFO: Epoch[11] Iteration[150/577] Loss: 4.767, Acc: 0.908, Base Lr: 3.50e-04 2023-10-24 13:47:45,302 transreid.train INFO: Epoch[11] Iteration[200/577] Loss: 4.663, Acc: 0.914, Base Lr: 3.50e-04 2023-10-24 13:48:04,891 transreid.train INFO: Epoch[11] Iteration[250/577] Loss: 4.587, Acc: 0.920, Base Lr: 3.50e-04 2023-10-24 13:48:24,363 transreid.train INFO: Epoch[11] Iteration[300/577] Loss: 4.532, Acc: 0.925, Base Lr: 3.50e-04 2023-10-24 13:48:43,947 transreid.train INFO: Epoch[11] Iteration[350/577] Loss: 4.485, Acc: 0.929, Base Lr: 3.50e-04 2023-10-24 13:49:03,327 transreid.train INFO: Epoch[11] Iteration[400/577] Loss: 4.450, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 13:49:22,768 transreid.train INFO: Epoch[11] Iteration[450/577] Loss: 4.409, Acc: 0.936, Base Lr: 3.50e-04 2023-10-24 13:49:42,088 transreid.train INFO: Epoch[11] Iteration[500/577] Loss: 4.365, Acc: 0.939, Base Lr: 3.50e-04 2023-10-24 13:50:01,771 transreid.train INFO: Epoch[11] Iteration[550/577] Loss: 4.330, Acc: 0.942, Base Lr: 3.50e-04 2023-10-24 13:50:07,656 transreid.train INFO: Epoch 11 done. Time per batch: 0.392[s] Speed: 163.1[samples/s] 2023-10-24 13:50:30,999 transreid.train INFO: Epoch[12] Iteration[50/577] Loss: 5.092, Acc: 0.876, Base Lr: 3.50e-04 2023-10-24 13:50:51,001 transreid.train INFO: Epoch[12] Iteration[100/577] Loss: 4.751, Acc: 0.906, Base Lr: 3.50e-04 2023-10-24 13:51:10,621 transreid.train INFO: Epoch[12] Iteration[150/577] Loss: 4.613, Acc: 0.917, Base Lr: 3.50e-04 2023-10-24 13:51:30,633 transreid.train INFO: Epoch[12] Iteration[200/577] Loss: 4.512, Acc: 0.927, Base Lr: 3.50e-04 2023-10-24 13:51:50,154 transreid.train INFO: Epoch[12] Iteration[250/577] Loss: 4.456, Acc: 0.931, Base Lr: 3.50e-04 2023-10-24 13:52:10,653 transreid.train INFO: Epoch[12] Iteration[300/577] Loss: 4.420, Acc: 0.934, Base Lr: 3.50e-04 2023-10-24 13:52:30,052 transreid.train INFO: Epoch[12] Iteration[350/577] Loss: 4.372, Acc: 0.937, Base Lr: 3.50e-04 2023-10-24 13:52:49,922 transreid.train INFO: Epoch[12] Iteration[400/577] Loss: 4.333, Acc: 0.940, Base Lr: 3.50e-04 2023-10-24 13:53:09,530 transreid.train INFO: Epoch[12] Iteration[450/577] Loss: 4.306, Acc: 0.943, Base Lr: 3.50e-04 2023-10-24 13:53:29,911 transreid.train INFO: Epoch[12] Iteration[500/577] Loss: 4.275, Acc: 0.945, Base Lr: 3.50e-04 2023-10-24 13:53:49,725 transreid.train INFO: Epoch[12] Iteration[550/577] Loss: 4.236, Acc: 0.948, Base Lr: 3.50e-04 2023-10-24 13:53:56,441 transreid.train INFO: Epoch 12 done. Time per batch: 0.403[s] Speed: 158.6[samples/s] 2023-10-24 13:54:19,359 transreid.train INFO: Epoch[13] Iteration[50/577] Loss: 4.890, Acc: 0.894, Base Lr: 3.50e-04 2023-10-24 13:54:38,677 transreid.train INFO: Epoch[13] Iteration[100/577] Loss: 4.567, Acc: 0.923, Base Lr: 3.50e-04 2023-10-24 13:54:57,353 transreid.train INFO: Epoch[13] Iteration[150/577] Loss: 4.459, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 13:55:16,058 transreid.train INFO: Epoch[13] Iteration[200/577] Loss: 4.396, Acc: 0.937, Base Lr: 3.50e-04 2023-10-24 13:55:35,059 transreid.train INFO: Epoch[13] Iteration[250/577] Loss: 4.348, Acc: 0.941, Base Lr: 3.50e-04 2023-10-24 13:55:54,248 transreid.train INFO: Epoch[13] Iteration[300/577] Loss: 4.304, Acc: 0.944, Base Lr: 3.50e-04 2023-10-24 13:56:13,618 transreid.train INFO: Epoch[13] Iteration[350/577] Loss: 4.258, Acc: 0.947, Base Lr: 3.50e-04 2023-10-24 13:56:33,179 transreid.train INFO: Epoch[13] Iteration[400/577] Loss: 4.223, Acc: 0.949, Base Lr: 3.50e-04 2023-10-24 13:56:52,439 transreid.train INFO: Epoch[13] Iteration[450/577] Loss: 4.194, Acc: 0.951, Base Lr: 3.50e-04 2023-10-24 13:57:11,057 transreid.train INFO: Epoch[13] Iteration[500/577] Loss: 4.163, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 13:57:29,915 transreid.train INFO: Epoch[13] Iteration[550/577] Loss: 4.130, Acc: 0.956, Base Lr: 3.50e-04 2023-10-24 13:57:35,428 transreid.train INFO: Epoch 13 done. Time per batch: 0.388[s] Speed: 164.8[samples/s] 2023-10-24 13:57:57,483 transreid.train INFO: Epoch[14] Iteration[50/577] Loss: 4.805, Acc: 0.910, Base Lr: 3.50e-04 2023-10-24 13:58:16,677 transreid.train INFO: Epoch[14] Iteration[100/577] Loss: 4.514, Acc: 0.932, Base Lr: 3.50e-04 2023-10-24 13:58:35,842 transreid.train INFO: Epoch[14] Iteration[150/577] Loss: 4.392, Acc: 0.942, Base Lr: 3.50e-04 2023-10-24 13:58:54,968 transreid.train INFO: Epoch[14] Iteration[200/577] Loss: 4.313, Acc: 0.946, Base Lr: 3.50e-04 2023-10-24 13:59:14,008 transreid.train INFO: Epoch[14] Iteration[250/577] Loss: 4.274, Acc: 0.949, Base Lr: 3.50e-04 2023-10-24 13:59:33,444 transreid.train INFO: Epoch[14] Iteration[300/577] Loss: 4.238, Acc: 0.951, Base Lr: 3.50e-04 2023-10-24 13:59:52,373 transreid.train INFO: Epoch[14] Iteration[350/577] Loss: 4.206, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 14:00:11,649 transreid.train INFO: Epoch[14] Iteration[400/577] Loss: 4.190, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 14:00:30,916 transreid.train INFO: Epoch[14] Iteration[450/577] Loss: 4.159, Acc: 0.956, Base Lr: 3.50e-04 2023-10-24 14:00:49,834 transreid.train INFO: Epoch[14] Iteration[500/577] Loss: 4.132, Acc: 0.958, Base Lr: 3.50e-04 2023-10-24 14:01:09,206 transreid.train INFO: Epoch[14] Iteration[550/577] Loss: 4.100, Acc: 0.959, Base Lr: 3.50e-04 2023-10-24 14:01:15,368 transreid.train INFO: Epoch 14 done. Time per batch: 0.388[s] Speed: 164.8[samples/s] 2023-10-24 14:01:38,100 transreid.train INFO: Epoch[15] Iteration[50/577] Loss: 4.802, Acc: 0.898, Base Lr: 3.50e-04 2023-10-24 14:01:57,284 transreid.train INFO: Epoch[15] Iteration[100/577] Loss: 4.489, Acc: 0.929, Base Lr: 3.50e-04 2023-10-24 14:02:16,616 transreid.train INFO: Epoch[15] Iteration[150/577] Loss: 4.364, Acc: 0.938, Base Lr: 3.50e-04 2023-10-24 14:02:35,950 transreid.train INFO: Epoch[15] Iteration[200/577] Loss: 4.280, Acc: 0.944, Base Lr: 3.50e-04 2023-10-24 14:02:55,194 transreid.train INFO: Epoch[15] Iteration[250/577] Loss: 4.212, Acc: 0.949, Base Lr: 3.50e-04 2023-10-24 14:03:14,154 transreid.train INFO: Epoch[15] Iteration[300/577] Loss: 4.168, Acc: 0.953, Base Lr: 3.50e-04 2023-10-24 14:03:32,883 transreid.train INFO: Epoch[15] Iteration[350/577] Loss: 4.137, Acc: 0.955, Base Lr: 3.50e-04 2023-10-24 14:03:52,291 transreid.train INFO: Epoch[15] Iteration[400/577] Loss: 4.106, Acc: 0.957, Base Lr: 3.50e-04 2023-10-24 14:04:11,416 transreid.train INFO: Epoch[15] Iteration[450/577] Loss: 4.075, Acc: 0.959, Base Lr: 3.50e-04 2023-10-24 14:04:30,200 transreid.train INFO: Epoch[15] Iteration[500/577] Loss: 4.051, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 14:04:48,880 transreid.train INFO: Epoch[15] Iteration[550/577] Loss: 4.022, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:04:54,784 transreid.train INFO: Epoch 15 done. Time per batch: 0.388[s] Speed: 164.8[samples/s] 2023-10-24 14:05:16,872 transreid.train INFO: Epoch[16] Iteration[50/577] Loss: 4.654, Acc: 0.919, Base Lr: 3.50e-04 2023-10-24 14:05:36,337 transreid.train INFO: Epoch[16] Iteration[100/577] Loss: 4.369, Acc: 0.942, Base Lr: 3.50e-04 2023-10-24 14:05:55,629 transreid.train INFO: Epoch[16] Iteration[150/577] Loss: 4.230, Acc: 0.951, Base Lr: 3.50e-04 2023-10-24 14:06:14,788 transreid.train INFO: Epoch[16] Iteration[200/577] Loss: 4.170, Acc: 0.953, Base Lr: 3.50e-04 2023-10-24 14:06:33,898 transreid.train INFO: Epoch[16] Iteration[250/577] Loss: 4.111, Acc: 0.957, Base Lr: 3.50e-04 2023-10-24 14:06:52,776 transreid.train INFO: Epoch[16] Iteration[300/577] Loss: 4.089, Acc: 0.959, Base Lr: 3.50e-04 2023-10-24 14:07:11,464 transreid.train INFO: Epoch[16] Iteration[350/577] Loss: 4.067, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 14:07:31,013 transreid.train INFO: Epoch[16] Iteration[400/577] Loss: 4.055, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:07:49,937 transreid.train INFO: Epoch[16] Iteration[450/577] Loss: 4.036, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:08:09,060 transreid.train INFO: Epoch[16] Iteration[500/577] Loss: 4.025, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:08:28,625 transreid.train INFO: Epoch[16] Iteration[550/577] Loss: 4.002, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:08:34,043 transreid.train INFO: Epoch 16 done. Time per batch: 0.389[s] Speed: 164.4[samples/s] 2023-10-24 14:08:57,474 transreid.train INFO: Epoch[17] Iteration[50/577] Loss: 4.612, Acc: 0.917, Base Lr: 3.50e-04 2023-10-24 14:09:16,466 transreid.train INFO: Epoch[17] Iteration[100/577] Loss: 4.361, Acc: 0.939, Base Lr: 3.50e-04 2023-10-24 14:09:35,661 transreid.train INFO: Epoch[17] Iteration[150/577] Loss: 4.207, Acc: 0.950, Base Lr: 3.50e-04 2023-10-24 14:09:54,757 transreid.train INFO: Epoch[17] Iteration[200/577] Loss: 4.134, Acc: 0.953, Base Lr: 3.50e-04 2023-10-24 14:10:13,873 transreid.train INFO: Epoch[17] Iteration[250/577] Loss: 4.093, Acc: 0.957, Base Lr: 3.50e-04 2023-10-24 14:10:32,334 transreid.train INFO: Epoch[17] Iteration[300/577] Loss: 4.063, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 14:10:51,247 transreid.train INFO: Epoch[17] Iteration[350/577] Loss: 4.042, Acc: 0.961, Base Lr: 3.50e-04 2023-10-24 14:11:09,933 transreid.train INFO: Epoch[17] Iteration[400/577] Loss: 4.016, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:11:28,753 transreid.train INFO: Epoch[17] Iteration[450/577] Loss: 4.008, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:11:47,645 transreid.train INFO: Epoch[17] Iteration[500/577] Loss: 3.997, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:12:06,760 transreid.train INFO: Epoch[17] Iteration[550/577] Loss: 3.970, Acc: 0.965, Base Lr: 3.50e-04 2023-10-24 14:12:12,296 transreid.train INFO: Epoch 17 done. Time per batch: 0.387[s] Speed: 165.4[samples/s] 2023-10-24 14:12:34,423 transreid.train INFO: Epoch[18] Iteration[50/577] Loss: 4.589, Acc: 0.905, Base Lr: 3.50e-04 2023-10-24 14:12:53,440 transreid.train INFO: Epoch[18] Iteration[100/577] Loss: 4.357, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 14:13:12,147 transreid.train INFO: Epoch[18] Iteration[150/577] Loss: 4.221, Acc: 0.946, Base Lr: 3.50e-04 2023-10-24 14:13:31,446 transreid.train INFO: Epoch[18] Iteration[200/577] Loss: 4.153, Acc: 0.950, Base Lr: 3.50e-04 2023-10-24 14:13:50,881 transreid.train INFO: Epoch[18] Iteration[250/577] Loss: 4.097, Acc: 0.955, Base Lr: 3.50e-04 2023-10-24 14:14:10,586 transreid.train INFO: Epoch[18] Iteration[300/577] Loss: 4.063, Acc: 0.959, Base Lr: 3.50e-04 2023-10-24 14:14:30,655 transreid.train INFO: Epoch[18] Iteration[350/577] Loss: 4.038, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 14:14:50,272 transreid.train INFO: Epoch[18] Iteration[400/577] Loss: 4.015, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:15:10,070 transreid.train INFO: Epoch[18] Iteration[450/577] Loss: 3.986, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:15:29,963 transreid.train INFO: Epoch[18] Iteration[500/577] Loss: 3.962, Acc: 0.965, Base Lr: 3.50e-04 2023-10-24 14:15:49,944 transreid.train INFO: Epoch[18] Iteration[550/577] Loss: 3.933, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 14:15:56,021 transreid.train INFO: Epoch 18 done. Time per batch: 0.395[s] Speed: 161.9[samples/s] 2023-10-24 14:16:18,182 transreid.train INFO: Epoch[19] Iteration[50/577] Loss: 4.668, Acc: 0.913, Base Lr: 3.50e-04 2023-10-24 14:16:37,652 transreid.train INFO: Epoch[19] Iteration[100/577] Loss: 4.379, Acc: 0.938, Base Lr: 3.50e-04 2023-10-24 14:16:57,694 transreid.train INFO: Epoch[19] Iteration[150/577] Loss: 4.245, Acc: 0.950, Base Lr: 3.50e-04 2023-10-24 14:17:17,026 transreid.train INFO: Epoch[19] Iteration[200/577] Loss: 4.143, Acc: 0.956, Base Lr: 3.50e-04 2023-10-24 14:17:36,291 transreid.train INFO: Epoch[19] Iteration[250/577] Loss: 4.080, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 14:17:55,685 transreid.train INFO: Epoch[19] Iteration[300/577] Loss: 4.048, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:18:15,100 transreid.train INFO: Epoch[19] Iteration[350/577] Loss: 4.021, Acc: 0.965, Base Lr: 3.50e-04 2023-10-24 14:18:34,647 transreid.train INFO: Epoch[19] Iteration[400/577] Loss: 3.992, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:18:53,582 transreid.train INFO: Epoch[19] Iteration[450/577] Loss: 3.958, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:19:12,927 transreid.train INFO: Epoch[19] Iteration[500/577] Loss: 3.933, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 14:19:32,182 transreid.train INFO: Epoch[19] Iteration[550/577] Loss: 3.906, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:19:37,625 transreid.train INFO: Epoch 19 done. Time per batch: 0.393[s] Speed: 162.9[samples/s] 2023-10-24 14:20:00,940 transreid.train INFO: Epoch[20] Iteration[50/577] Loss: 4.538, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 14:20:20,566 transreid.train INFO: Epoch[20] Iteration[100/577] Loss: 4.279, Acc: 0.951, Base Lr: 3.50e-04 2023-10-24 14:20:39,934 transreid.train INFO: Epoch[20] Iteration[150/577] Loss: 4.166, Acc: 0.957, Base Lr: 3.50e-04 2023-10-24 14:20:59,051 transreid.train INFO: Epoch[20] Iteration[200/577] Loss: 4.084, Acc: 0.961, Base Lr: 3.50e-04 2023-10-24 14:21:18,318 transreid.train INFO: Epoch[20] Iteration[250/577] Loss: 4.024, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:21:38,069 transreid.train INFO: Epoch[20] Iteration[300/577] Loss: 3.991, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:21:56,905 transreid.train INFO: Epoch[20] Iteration[350/577] Loss: 3.975, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:22:15,596 transreid.train INFO: Epoch[20] Iteration[400/577] Loss: 3.966, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 14:22:35,357 transreid.train INFO: Epoch[20] Iteration[450/577] Loss: 3.944, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:22:54,893 transreid.train INFO: Epoch[20] Iteration[500/577] Loss: 3.918, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:23:14,113 transreid.train INFO: Epoch[20] Iteration[550/577] Loss: 3.887, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:23:21,372 transreid.train INFO: Epoch 20 done. Time per batch: 0.394[s] Speed: 162.5[samples/s] 2023-10-24 14:23:45,015 transreid.train INFO: Epoch[21] Iteration[50/577] Loss: 4.532, Acc: 0.924, Base Lr: 3.50e-04 2023-10-24 14:24:04,921 transreid.train INFO: Epoch[21] Iteration[100/577] Loss: 4.287, Acc: 0.945, Base Lr: 3.50e-04 2023-10-24 14:24:24,471 transreid.train INFO: Epoch[21] Iteration[150/577] Loss: 4.153, Acc: 0.956, Base Lr: 3.50e-04 2023-10-24 14:24:44,169 transreid.train INFO: Epoch[21] Iteration[200/577] Loss: 4.070, Acc: 0.961, Base Lr: 3.50e-04 2023-10-24 14:25:03,691 transreid.train INFO: Epoch[21] Iteration[250/577] Loss: 4.033, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:25:23,001 transreid.train INFO: Epoch[21] Iteration[300/577] Loss: 3.999, Acc: 0.965, Base Lr: 3.50e-04 2023-10-24 14:25:41,952 transreid.train INFO: Epoch[21] Iteration[350/577] Loss: 3.975, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:26:01,384 transreid.train INFO: Epoch[21] Iteration[400/577] Loss: 3.954, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 14:26:20,891 transreid.train INFO: Epoch[21] Iteration[450/577] Loss: 3.930, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:26:40,371 transreid.train INFO: Epoch[21] Iteration[500/577] Loss: 3.905, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:27:00,019 transreid.train INFO: Epoch[21] Iteration[550/577] Loss: 3.886, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:27:06,681 transreid.train INFO: Epoch 21 done. Time per batch: 0.397[s] Speed: 161.1[samples/s] 2023-10-24 14:27:29,430 transreid.train INFO: Epoch[22] Iteration[50/577] Loss: 4.529, Acc: 0.939, Base Lr: 3.50e-04 2023-10-24 14:27:48,806 transreid.train INFO: Epoch[22] Iteration[100/577] Loss: 4.242, Acc: 0.950, Base Lr: 3.50e-04 2023-10-24 14:28:08,324 transreid.train INFO: Epoch[22] Iteration[150/577] Loss: 4.108, Acc: 0.958, Base Lr: 3.50e-04 2023-10-24 14:28:28,233 transreid.train INFO: Epoch[22] Iteration[200/577] Loss: 4.024, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:28:47,577 transreid.train INFO: Epoch[22] Iteration[250/577] Loss: 3.972, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 14:29:07,507 transreid.train INFO: Epoch[22] Iteration[300/577] Loss: 3.932, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:29:27,380 transreid.train INFO: Epoch[22] Iteration[350/577] Loss: 3.908, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:29:47,243 transreid.train INFO: Epoch[22] Iteration[400/577] Loss: 3.888, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:30:06,642 transreid.train INFO: Epoch[22] Iteration[450/577] Loss: 3.862, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:30:26,521 transreid.train INFO: Epoch[22] Iteration[500/577] Loss: 3.838, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:30:46,314 transreid.train INFO: Epoch[22] Iteration[550/577] Loss: 3.808, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:30:52,438 transreid.train INFO: Epoch 22 done. Time per batch: 0.400[s] Speed: 160.2[samples/s] 2023-10-24 14:31:15,245 transreid.train INFO: Epoch[23] Iteration[50/577] Loss: 4.533, Acc: 0.937, Base Lr: 3.50e-04 2023-10-24 14:31:34,308 transreid.train INFO: Epoch[23] Iteration[100/577] Loss: 4.219, Acc: 0.955, Base Lr: 3.50e-04 2023-10-24 14:31:53,614 transreid.train INFO: Epoch[23] Iteration[150/577] Loss: 4.099, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:32:13,356 transreid.train INFO: Epoch[23] Iteration[200/577] Loss: 4.028, Acc: 0.965, Base Lr: 3.50e-04 2023-10-24 14:32:33,571 transreid.train INFO: Epoch[23] Iteration[250/577] Loss: 3.969, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:32:53,379 transreid.train INFO: Epoch[23] Iteration[300/577] Loss: 3.937, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:33:13,248 transreid.train INFO: Epoch[23] Iteration[350/577] Loss: 3.913, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:33:32,825 transreid.train INFO: Epoch[23] Iteration[400/577] Loss: 3.894, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:33:52,602 transreid.train INFO: Epoch[23] Iteration[450/577] Loss: 3.873, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:34:12,049 transreid.train INFO: Epoch[23] Iteration[500/577] Loss: 3.854, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:34:31,886 transreid.train INFO: Epoch[23] Iteration[550/577] Loss: 3.831, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 14:34:39,386 transreid.train INFO: Epoch 23 done. Time per batch: 0.400[s] Speed: 160.2[samples/s] 2023-10-24 14:35:01,893 transreid.train INFO: Epoch[24] Iteration[50/577] Loss: 4.578, Acc: 0.924, Base Lr: 3.50e-04 2023-10-24 14:35:21,776 transreid.train INFO: Epoch[24] Iteration[100/577] Loss: 4.286, Acc: 0.947, Base Lr: 3.50e-04 2023-10-24 14:35:41,952 transreid.train INFO: Epoch[24] Iteration[150/577] Loss: 4.138, Acc: 0.959, Base Lr: 3.50e-04 2023-10-24 14:36:01,933 transreid.train INFO: Epoch[24] Iteration[200/577] Loss: 4.042, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:36:22,043 transreid.train INFO: Epoch[24] Iteration[250/577] Loss: 3.973, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:36:41,760 transreid.train INFO: Epoch[24] Iteration[300/577] Loss: 3.930, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:37:01,454 transreid.train INFO: Epoch[24] Iteration[350/577] Loss: 3.892, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:37:21,216 transreid.train INFO: Epoch[24] Iteration[400/577] Loss: 3.869, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:37:41,042 transreid.train INFO: Epoch[24] Iteration[450/577] Loss: 3.844, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 14:38:01,186 transreid.train INFO: Epoch[24] Iteration[500/577] Loss: 3.816, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:38:20,883 transreid.train INFO: Epoch[24] Iteration[550/577] Loss: 3.791, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:38:26,466 transreid.train INFO: Epoch 24 done. Time per batch: 0.403[s] Speed: 159.0[samples/s] 2023-10-24 14:38:50,607 transreid.train INFO: Epoch[25] Iteration[50/577] Loss: 4.384, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 14:39:10,595 transreid.train INFO: Epoch[25] Iteration[100/577] Loss: 4.136, Acc: 0.957, Base Lr: 3.50e-04 2023-10-24 14:39:30,429 transreid.train INFO: Epoch[25] Iteration[150/577] Loss: 4.028, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:39:50,558 transreid.train INFO: Epoch[25] Iteration[200/577] Loss: 3.966, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:40:10,544 transreid.train INFO: Epoch[25] Iteration[250/577] Loss: 3.927, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 14:40:30,127 transreid.train INFO: Epoch[25] Iteration[300/577] Loss: 3.898, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:40:49,875 transreid.train INFO: Epoch[25] Iteration[350/577] Loss: 3.868, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:41:09,876 transreid.train INFO: Epoch[25] Iteration[400/577] Loss: 3.844, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 14:41:29,992 transreid.train INFO: Epoch[25] Iteration[450/577] Loss: 3.817, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:41:49,740 transreid.train INFO: Epoch[25] Iteration[500/577] Loss: 3.794, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:42:09,879 transreid.train INFO: Epoch[25] Iteration[550/577] Loss: 3.768, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 14:42:16,042 transreid.train INFO: Epoch 25 done. Time per batch: 0.406[s] Speed: 157.5[samples/s] 2023-10-24 14:42:38,306 transreid.train INFO: Epoch[26] Iteration[50/577] Loss: 4.479, Acc: 0.933, Base Lr: 3.50e-04 2023-10-24 14:42:57,566 transreid.train INFO: Epoch[26] Iteration[100/577] Loss: 4.192, Acc: 0.952, Base Lr: 3.50e-04 2023-10-24 14:43:17,741 transreid.train INFO: Epoch[26] Iteration[150/577] Loss: 4.058, Acc: 0.961, Base Lr: 3.50e-04 2023-10-24 14:43:37,607 transreid.train INFO: Epoch[26] Iteration[200/577] Loss: 3.983, Acc: 0.966, Base Lr: 3.50e-04 2023-10-24 14:43:57,963 transreid.train INFO: Epoch[26] Iteration[250/577] Loss: 3.919, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 14:44:17,746 transreid.train INFO: Epoch[26] Iteration[300/577] Loss: 3.881, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:44:37,084 transreid.train INFO: Epoch[26] Iteration[350/577] Loss: 3.855, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:44:55,248 transreid.train INFO: Epoch[26] Iteration[400/577] Loss: 3.831, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 14:45:14,716 transreid.train INFO: Epoch[26] Iteration[450/577] Loss: 3.811, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:45:34,144 transreid.train INFO: Epoch[26] Iteration[500/577] Loss: 3.788, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:45:53,514 transreid.train INFO: Epoch[26] Iteration[550/577] Loss: 3.767, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:46:00,412 transreid.train INFO: Epoch 26 done. Time per batch: 0.396[s] Speed: 161.7[samples/s] 2023-10-24 14:46:21,836 transreid.train INFO: Epoch[27] Iteration[50/577] Loss: 4.410, Acc: 0.938, Base Lr: 3.50e-04 2023-10-24 14:46:40,944 transreid.train INFO: Epoch[27] Iteration[100/577] Loss: 4.162, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 14:47:00,219 transreid.train INFO: Epoch[27] Iteration[150/577] Loss: 4.051, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 14:47:18,751 transreid.train INFO: Epoch[27] Iteration[200/577] Loss: 3.969, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 14:47:44,945 transreid.train INFO: Epoch[27] Iteration[250/577] Loss: 3.910, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:48:04,284 transreid.train INFO: Epoch[27] Iteration[300/577] Loss: 3.878, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:48:23,835 transreid.train INFO: Epoch[27] Iteration[350/577] Loss: 3.853, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:48:43,169 transreid.train INFO: Epoch[27] Iteration[400/577] Loss: 3.833, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:49:02,381 transreid.train INFO: Epoch[27] Iteration[450/577] Loss: 3.814, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:49:21,736 transreid.train INFO: Epoch[27] Iteration[500/577] Loss: 3.798, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:49:41,182 transreid.train INFO: Epoch[27] Iteration[550/577] Loss: 3.775, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:49:48,133 transreid.train INFO: Epoch 27 done. Time per batch: 0.401[s] Speed: 159.6[samples/s] 2023-10-24 14:50:09,567 transreid.train INFO: Epoch[28] Iteration[50/577] Loss: 4.338, Acc: 0.947, Base Lr: 3.50e-04 2023-10-24 14:50:28,832 transreid.train INFO: Epoch[28] Iteration[100/577] Loss: 4.093, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:50:48,226 transreid.train INFO: Epoch[28] Iteration[150/577] Loss: 3.973, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 14:51:07,577 transreid.train INFO: Epoch[28] Iteration[200/577] Loss: 3.903, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 14:51:27,100 transreid.train INFO: Epoch[28] Iteration[250/577] Loss: 3.864, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 14:51:46,035 transreid.train INFO: Epoch[28] Iteration[300/577] Loss: 3.833, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:52:05,569 transreid.train INFO: Epoch[28] Iteration[350/577] Loss: 3.808, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:52:25,537 transreid.train INFO: Epoch[28] Iteration[400/577] Loss: 3.785, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 14:52:45,510 transreid.train INFO: Epoch[28] Iteration[450/577] Loss: 3.766, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 14:53:05,817 transreid.train INFO: Epoch[28] Iteration[500/577] Loss: 3.756, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 14:53:26,170 transreid.train INFO: Epoch[28] Iteration[550/577] Loss: 3.732, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 14:53:31,894 transreid.train INFO: Epoch 28 done. Time per batch: 0.397[s] Speed: 161.3[samples/s] 2023-10-24 14:53:54,618 transreid.train INFO: Epoch[29] Iteration[50/577] Loss: 4.302, Acc: 0.947, Base Lr: 3.50e-04 2023-10-24 14:54:14,139 transreid.train INFO: Epoch[29] Iteration[100/577] Loss: 4.070, Acc: 0.962, Base Lr: 3.50e-04 2023-10-24 14:54:34,103 transreid.train INFO: Epoch[29] Iteration[150/577] Loss: 3.950, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 14:54:54,049 transreid.train INFO: Epoch[29] Iteration[200/577] Loss: 3.880, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 14:55:13,886 transreid.train INFO: Epoch[29] Iteration[250/577] Loss: 3.837, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:55:34,296 transreid.train INFO: Epoch[29] Iteration[300/577] Loss: 3.813, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 14:55:54,476 transreid.train INFO: Epoch[29] Iteration[350/577] Loss: 3.802, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:56:14,483 transreid.train INFO: Epoch[29] Iteration[400/577] Loss: 3.784, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 14:56:34,360 transreid.train INFO: Epoch[29] Iteration[450/577] Loss: 3.766, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 14:56:54,754 transreid.train INFO: Epoch[29] Iteration[500/577] Loss: 3.744, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 14:57:14,744 transreid.train INFO: Epoch[29] Iteration[550/577] Loss: 3.724, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 14:57:20,896 transreid.train INFO: Epoch 29 done. Time per batch: 0.405[s] Speed: 157.9[samples/s] 2023-10-24 14:57:44,592 transreid.train INFO: Epoch[30] Iteration[50/577] Loss: 4.243, Acc: 0.949, Base Lr: 3.50e-04 2023-10-24 14:58:04,521 transreid.train INFO: Epoch[30] Iteration[100/577] Loss: 4.047, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 14:58:24,169 transreid.train INFO: Epoch[30] Iteration[150/577] Loss: 3.924, Acc: 0.971, Base Lr: 3.50e-04 2023-10-24 14:58:44,252 transreid.train INFO: Epoch[30] Iteration[200/577] Loss: 3.843, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 14:59:03,355 transreid.train INFO: Epoch[30] Iteration[250/577] Loss: 3.799, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 14:59:23,489 transreid.train INFO: Epoch[30] Iteration[300/577] Loss: 3.770, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 14:59:43,361 transreid.train INFO: Epoch[30] Iteration[350/577] Loss: 3.750, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:00:01,677 transreid.train INFO: Epoch[30] Iteration[400/577] Loss: 3.733, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:00:19,514 transreid.train INFO: Epoch[30] Iteration[450/577] Loss: 3.712, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:00:37,711 transreid.train INFO: Epoch[30] Iteration[500/577] Loss: 3.689, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:00:55,820 transreid.train INFO: Epoch[30] Iteration[550/577] Loss: 3.665, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:01:01,560 transreid.train INFO: Epoch 30 done. Time per batch: 0.390[s] Speed: 164.2[samples/s] 2023-10-24 15:01:23,306 transreid.train INFO: Epoch[31] Iteration[50/577] Loss: 4.328, Acc: 0.951, Base Lr: 3.50e-04 2023-10-24 15:01:42,103 transreid.train INFO: Epoch[31] Iteration[100/577] Loss: 4.088, Acc: 0.964, Base Lr: 3.50e-04 2023-10-24 15:02:00,751 transreid.train INFO: Epoch[31] Iteration[150/577] Loss: 3.959, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 15:02:20,025 transreid.train INFO: Epoch[31] Iteration[200/577] Loss: 3.887, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 15:02:38,909 transreid.train INFO: Epoch[31] Iteration[250/577] Loss: 3.847, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 15:02:57,426 transreid.train INFO: Epoch[31] Iteration[300/577] Loss: 3.807, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:03:16,598 transreid.train INFO: Epoch[31] Iteration[350/577] Loss: 3.779, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:03:35,982 transreid.train INFO: Epoch[31] Iteration[400/577] Loss: 3.753, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:03:54,997 transreid.train INFO: Epoch[31] Iteration[450/577] Loss: 3.740, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:04:13,914 transreid.train INFO: Epoch[31] Iteration[500/577] Loss: 3.730, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:04:33,074 transreid.train INFO: Epoch[31] Iteration[550/577] Loss: 3.714, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:04:38,375 transreid.train INFO: Epoch 31 done. Time per batch: 0.384[s] Speed: 166.5[samples/s] 2023-10-24 15:05:00,123 transreid.train INFO: Epoch[32] Iteration[50/577] Loss: 4.290, Acc: 0.946, Base Lr: 3.50e-04 2023-10-24 15:05:18,601 transreid.train INFO: Epoch[32] Iteration[100/577] Loss: 4.069, Acc: 0.963, Base Lr: 3.50e-04 2023-10-24 15:05:37,038 transreid.train INFO: Epoch[32] Iteration[150/577] Loss: 3.944, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 15:05:55,106 transreid.train INFO: Epoch[32] Iteration[200/577] Loss: 3.870, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 15:06:12,653 transreid.train INFO: Epoch[32] Iteration[250/577] Loss: 3.832, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 15:06:29,359 transreid.train INFO: Epoch[32] Iteration[300/577] Loss: 3.795, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 15:06:46,176 transreid.train INFO: Epoch[32] Iteration[350/577] Loss: 3.768, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:07:02,990 transreid.train INFO: Epoch[32] Iteration[400/577] Loss: 3.754, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:07:19,873 transreid.train INFO: Epoch[32] Iteration[450/577] Loss: 3.736, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:07:39,096 transreid.train INFO: Epoch[32] Iteration[500/577] Loss: 3.713, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:07:58,906 transreid.train INFO: Epoch[32] Iteration[550/577] Loss: 3.691, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:08:05,017 transreid.train INFO: Epoch 32 done. Time per batch: 0.366[s] Speed: 175.0[samples/s] 2023-10-24 15:08:27,139 transreid.train INFO: Epoch[33] Iteration[50/577] Loss: 4.239, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 15:08:46,400 transreid.train INFO: Epoch[33] Iteration[100/577] Loss: 4.017, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 15:09:05,999 transreid.train INFO: Epoch[33] Iteration[150/577] Loss: 3.910, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 15:09:25,600 transreid.train INFO: Epoch[33] Iteration[200/577] Loss: 3.847, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 15:09:45,221 transreid.train INFO: Epoch[33] Iteration[250/577] Loss: 3.812, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 15:10:04,821 transreid.train INFO: Epoch[33] Iteration[300/577] Loss: 3.776, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:10:24,426 transreid.train INFO: Epoch[33] Iteration[350/577] Loss: 3.752, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:10:44,737 transreid.train INFO: Epoch[33] Iteration[400/577] Loss: 3.732, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:11:05,695 transreid.train INFO: Epoch[33] Iteration[450/577] Loss: 3.713, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:11:26,442 transreid.train INFO: Epoch[33] Iteration[500/577] Loss: 3.698, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:11:47,204 transreid.train INFO: Epoch[33] Iteration[550/577] Loss: 3.674, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:11:52,622 transreid.train INFO: Epoch 33 done. Time per batch: 0.404[s] Speed: 158.3[samples/s] 2023-10-24 15:12:14,836 transreid.train INFO: Epoch[34] Iteration[50/577] Loss: 4.220, Acc: 0.947, Base Lr: 3.50e-04 2023-10-24 15:12:35,232 transreid.train INFO: Epoch[34] Iteration[100/577] Loss: 4.041, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 15:12:55,976 transreid.train INFO: Epoch[34] Iteration[150/577] Loss: 3.928, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 15:13:15,798 transreid.train INFO: Epoch[34] Iteration[200/577] Loss: 3.851, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 15:13:35,131 transreid.train INFO: Epoch[34] Iteration[250/577] Loss: 3.804, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 15:13:55,297 transreid.train INFO: Epoch[34] Iteration[300/577] Loss: 3.788, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 15:14:15,357 transreid.train INFO: Epoch[34] Iteration[350/577] Loss: 3.771, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:14:35,502 transreid.train INFO: Epoch[34] Iteration[400/577] Loss: 3.752, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:14:55,385 transreid.train INFO: Epoch[34] Iteration[450/577] Loss: 3.732, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:15:14,762 transreid.train INFO: Epoch[34] Iteration[500/577] Loss: 3.711, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:15:35,074 transreid.train INFO: Epoch[34] Iteration[550/577] Loss: 3.687, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:15:41,204 transreid.train INFO: Epoch 34 done. Time per batch: 0.405[s] Speed: 158.2[samples/s] 2023-10-24 15:16:02,740 transreid.train INFO: Epoch[35] Iteration[50/577] Loss: 4.169, Acc: 0.954, Base Lr: 3.50e-04 2023-10-24 15:16:21,336 transreid.train INFO: Epoch[35] Iteration[100/577] Loss: 3.933, Acc: 0.968, Base Lr: 3.50e-04 2023-10-24 15:16:40,565 transreid.train INFO: Epoch[35] Iteration[150/577] Loss: 3.841, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 15:16:59,742 transreid.train INFO: Epoch[35] Iteration[200/577] Loss: 3.799, Acc: 0.975, Base Lr: 3.50e-04 2023-10-24 15:17:18,811 transreid.train INFO: Epoch[35] Iteration[250/577] Loss: 3.771, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 15:17:37,453 transreid.train INFO: Epoch[35] Iteration[300/577] Loss: 3.744, Acc: 0.978, Base Lr: 3.50e-04 2023-10-24 15:17:55,957 transreid.train INFO: Epoch[35] Iteration[350/577] Loss: 3.718, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:18:14,567 transreid.train INFO: Epoch[35] Iteration[400/577] Loss: 3.691, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:18:32,999 transreid.train INFO: Epoch[35] Iteration[450/577] Loss: 3.674, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:18:51,463 transreid.train INFO: Epoch[35] Iteration[500/577] Loss: 3.655, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:19:10,192 transreid.train INFO: Epoch[35] Iteration[550/577] Loss: 3.639, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:19:17,589 transreid.train INFO: Epoch 35 done. Time per batch: 0.380[s] Speed: 168.3[samples/s] 2023-10-24 15:19:39,326 transreid.train INFO: Epoch[36] Iteration[50/577] Loss: 4.127, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 15:19:57,361 transreid.train INFO: Epoch[36] Iteration[100/577] Loss: 3.932, Acc: 0.970, Base Lr: 3.50e-04 2023-10-24 15:20:15,451 transreid.train INFO: Epoch[36] Iteration[150/577] Loss: 3.863, Acc: 0.973, Base Lr: 3.50e-04 2023-10-24 15:20:33,695 transreid.train INFO: Epoch[36] Iteration[200/577] Loss: 3.800, Acc: 0.976, Base Lr: 3.50e-04 2023-10-24 15:20:51,970 transreid.train INFO: Epoch[36] Iteration[250/577] Loss: 3.766, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:21:10,197 transreid.train INFO: Epoch[36] Iteration[300/577] Loss: 3.751, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:21:28,420 transreid.train INFO: Epoch[36] Iteration[350/577] Loss: 3.736, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:21:46,834 transreid.train INFO: Epoch[36] Iteration[400/577] Loss: 3.717, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:22:05,143 transreid.train INFO: Epoch[36] Iteration[450/577] Loss: 3.703, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:22:23,775 transreid.train INFO: Epoch[36] Iteration[500/577] Loss: 3.691, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:22:42,482 transreid.train INFO: Epoch[36] Iteration[550/577] Loss: 3.682, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:22:48,493 transreid.train INFO: Epoch 36 done. Time per batch: 0.373[s] Speed: 171.5[samples/s] 2023-10-24 15:23:09,475 transreid.train INFO: Epoch[37] Iteration[50/577] Loss: 4.255, Acc: 0.950, Base Lr: 3.50e-04 2023-10-24 15:23:28,101 transreid.train INFO: Epoch[37] Iteration[100/577] Loss: 4.015, Acc: 0.967, Base Lr: 3.50e-04 2023-10-24 15:23:47,357 transreid.train INFO: Epoch[37] Iteration[150/577] Loss: 3.894, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 15:24:06,365 transreid.train INFO: Epoch[37] Iteration[200/577] Loss: 3.837, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 15:24:25,411 transreid.train INFO: Epoch[37] Iteration[250/577] Loss: 3.790, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:24:44,368 transreid.train INFO: Epoch[37] Iteration[300/577] Loss: 3.755, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:25:03,411 transreid.train INFO: Epoch[37] Iteration[350/577] Loss: 3.729, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:25:22,369 transreid.train INFO: Epoch[37] Iteration[400/577] Loss: 3.706, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:25:41,480 transreid.train INFO: Epoch[37] Iteration[450/577] Loss: 3.687, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:26:00,979 transreid.train INFO: Epoch[37] Iteration[500/577] Loss: 3.670, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:26:20,290 transreid.train INFO: Epoch[37] Iteration[550/577] Loss: 3.644, Acc: 0.984, Base Lr: 3.50e-04 2023-10-24 15:26:26,433 transreid.train INFO: Epoch 37 done. Time per batch: 0.386[s] Speed: 165.9[samples/s] 2023-10-24 15:26:47,389 transreid.train INFO: Epoch[38] Iteration[50/577] Loss: 4.111, Acc: 0.960, Base Lr: 3.50e-04 2023-10-24 15:27:06,489 transreid.train INFO: Epoch[38] Iteration[100/577] Loss: 3.900, Acc: 0.972, Base Lr: 3.50e-04 2023-10-24 15:27:25,339 transreid.train INFO: Epoch[38] Iteration[150/577] Loss: 3.815, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 15:27:44,786 transreid.train INFO: Epoch[38] Iteration[200/577] Loss: 3.774, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:28:04,399 transreid.train INFO: Epoch[38] Iteration[250/577] Loss: 3.733, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:28:23,701 transreid.train INFO: Epoch[38] Iteration[300/577] Loss: 3.708, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:28:43,271 transreid.train INFO: Epoch[38] Iteration[350/577] Loss: 3.700, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:29:03,090 transreid.train INFO: Epoch[38] Iteration[400/577] Loss: 3.684, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:29:22,819 transreid.train INFO: Epoch[38] Iteration[450/577] Loss: 3.666, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:29:42,226 transreid.train INFO: Epoch[38] Iteration[500/577] Loss: 3.648, Acc: 0.984, Base Lr: 3.50e-04 2023-10-24 15:30:02,311 transreid.train INFO: Epoch[38] Iteration[550/577] Loss: 3.626, Acc: 0.984, Base Lr: 3.50e-04 2023-10-24 15:30:08,657 transreid.train INFO: Epoch 38 done. Time per batch: 0.393[s] Speed: 162.7[samples/s] 2023-10-24 15:30:30,092 transreid.train INFO: Epoch[39] Iteration[50/577] Loss: 4.246, Acc: 0.949, Base Lr: 3.50e-04 2023-10-24 15:30:49,285 transreid.train INFO: Epoch[39] Iteration[100/577] Loss: 4.004, Acc: 0.969, Base Lr: 3.50e-04 2023-10-24 15:31:08,591 transreid.train INFO: Epoch[39] Iteration[150/577] Loss: 3.884, Acc: 0.974, Base Lr: 3.50e-04 2023-10-24 15:31:27,772 transreid.train INFO: Epoch[39] Iteration[200/577] Loss: 3.816, Acc: 0.977, Base Lr: 3.50e-04 2023-10-24 15:31:47,148 transreid.train INFO: Epoch[39] Iteration[250/577] Loss: 3.766, Acc: 0.979, Base Lr: 3.50e-04 2023-10-24 15:32:06,486 transreid.train INFO: Epoch[39] Iteration[300/577] Loss: 3.734, Acc: 0.980, Base Lr: 3.50e-04 2023-10-24 15:32:25,613 transreid.train INFO: Epoch[39] Iteration[350/577] Loss: 3.705, Acc: 0.981, Base Lr: 3.50e-04 2023-10-24 15:32:44,828 transreid.train INFO: Epoch[39] Iteration[400/577] Loss: 3.685, Acc: 0.982, Base Lr: 3.50e-04 2023-10-24 15:33:04,237 transreid.train INFO: Epoch[39] Iteration[450/577] Loss: 3.670, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:33:23,769 transreid.train INFO: Epoch[39] Iteration[500/577] Loss: 3.646, Acc: 0.983, Base Lr: 3.50e-04 2023-10-24 15:33:43,384 transreid.train INFO: Epoch[39] Iteration[550/577] Loss: 3.622, Acc: 0.984, Base Lr: 3.50e-04 2023-10-24 15:33:49,085 transreid.train INFO: Epoch 39 done. Time per batch: 0.391[s] Speed: 163.8[samples/s] 2023-10-24 15:34:10,367 transreid.train INFO: Epoch[40] Iteration[50/577] Loss: 4.285, Acc: 0.942, Base Lr: 3.50e-05 2023-10-24 15:34:29,757 transreid.train INFO: Epoch[40] Iteration[100/577] Loss: 3.979, Acc: 0.964, Base Lr: 3.50e-05 2023-10-24 15:34:48,910 transreid.train INFO: Epoch[40] Iteration[150/577] Loss: 3.815, Acc: 0.973, Base Lr: 3.50e-05 2023-10-24 15:35:08,560 transreid.train INFO: Epoch[40] Iteration[200/577] Loss: 3.721, Acc: 0.978, Base Lr: 3.50e-05 2023-10-24 15:35:27,766 transreid.train INFO: Epoch[40] Iteration[250/577] Loss: 3.656, Acc: 0.982, Base Lr: 3.50e-05 2023-10-24 15:35:47,386 transreid.train INFO: Epoch[40] Iteration[300/577] Loss: 3.605, Acc: 0.984, Base Lr: 3.50e-05 2023-10-24 15:36:06,943 transreid.train INFO: Epoch[40] Iteration[350/577] Loss: 3.567, Acc: 0.986, Base Lr: 3.50e-05 2023-10-24 15:36:26,562 transreid.train INFO: Epoch[40] Iteration[400/577] Loss: 3.532, Acc: 0.987, Base Lr: 3.50e-05 2023-10-24 15:36:45,376 transreid.train INFO: Epoch[40] Iteration[450/577] Loss: 3.501, Acc: 0.988, Base Lr: 3.50e-05 2023-10-24 15:37:04,966 transreid.train INFO: Epoch[40] Iteration[500/577] Loss: 3.474, Acc: 0.989, Base Lr: 3.50e-05 2023-10-24 15:37:24,800 transreid.train INFO: Epoch[40] Iteration[550/577] Loss: 3.451, Acc: 0.990, Base Lr: 3.50e-05 2023-10-24 15:37:31,555 transreid.train INFO: Epoch 40 done. Time per batch: 0.392[s] Speed: 163.1[samples/s] 2023-10-24 15:37:54,034 transreid.train INFO: Epoch[41] Iteration[50/577] Loss: 3.364, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:38:13,848 transreid.train INFO: Epoch[41] Iteration[100/577] Loss: 3.346, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:38:33,030 transreid.train INFO: Epoch[41] Iteration[150/577] Loss: 3.331, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:38:52,706 transreid.train INFO: Epoch[41] Iteration[200/577] Loss: 3.320, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:39:12,119 transreid.train INFO: Epoch[41] Iteration[250/577] Loss: 3.315, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:39:31,894 transreid.train INFO: Epoch[41] Iteration[300/577] Loss: 3.308, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:39:51,815 transreid.train INFO: Epoch[41] Iteration[350/577] Loss: 3.300, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:40:11,114 transreid.train INFO: Epoch[41] Iteration[400/577] Loss: 3.292, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:40:29,903 transreid.train INFO: Epoch[41] Iteration[450/577] Loss: 3.284, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:40:49,335 transreid.train INFO: Epoch[41] Iteration[500/577] Loss: 3.274, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:41:08,931 transreid.train INFO: Epoch[41] Iteration[550/577] Loss: 3.266, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:41:16,076 transreid.train INFO: Epoch 41 done. Time per batch: 0.396[s] Speed: 161.6[samples/s] 2023-10-24 15:41:37,211 transreid.train INFO: Epoch[42] Iteration[50/577] Loss: 3.297, Acc: 0.993, Base Lr: 3.50e-05 2023-10-24 15:41:56,706 transreid.train INFO: Epoch[42] Iteration[100/577] Loss: 3.286, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 15:42:15,933 transreid.train INFO: Epoch[42] Iteration[150/577] Loss: 3.277, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 15:42:35,282 transreid.train INFO: Epoch[42] Iteration[200/577] Loss: 3.271, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:42:54,159 transreid.train INFO: Epoch[42] Iteration[250/577] Loss: 3.268, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:43:13,152 transreid.train INFO: Epoch[42] Iteration[300/577] Loss: 3.264, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:43:32,772 transreid.train INFO: Epoch[42] Iteration[350/577] Loss: 3.261, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:43:52,748 transreid.train INFO: Epoch[42] Iteration[400/577] Loss: 3.254, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:44:12,504 transreid.train INFO: Epoch[42] Iteration[450/577] Loss: 3.249, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:44:31,665 transreid.train INFO: Epoch[42] Iteration[500/577] Loss: 3.243, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:44:51,145 transreid.train INFO: Epoch[42] Iteration[550/577] Loss: 3.236, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:44:57,980 transreid.train INFO: Epoch 42 done. Time per batch: 0.391[s] Speed: 163.5[samples/s] 2023-10-24 15:45:19,250 transreid.train INFO: Epoch[43] Iteration[50/577] Loss: 3.290, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 15:45:38,767 transreid.train INFO: Epoch[43] Iteration[100/577] Loss: 3.277, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 15:45:58,309 transreid.train INFO: Epoch[43] Iteration[150/577] Loss: 3.260, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:46:17,233 transreid.train INFO: Epoch[43] Iteration[200/577] Loss: 3.250, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:46:36,820 transreid.train INFO: Epoch[43] Iteration[250/577] Loss: 3.243, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:46:56,204 transreid.train INFO: Epoch[43] Iteration[300/577] Loss: 3.238, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:47:15,622 transreid.train INFO: Epoch[43] Iteration[350/577] Loss: 3.234, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:47:34,996 transreid.train INFO: Epoch[43] Iteration[400/577] Loss: 3.230, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:47:54,519 transreid.train INFO: Epoch[43] Iteration[450/577] Loss: 3.225, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:48:13,794 transreid.train INFO: Epoch[43] Iteration[500/577] Loss: 3.219, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:48:33,549 transreid.train INFO: Epoch[43] Iteration[550/577] Loss: 3.212, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:48:39,710 transreid.train INFO: Epoch 43 done. Time per batch: 0.393[s] Speed: 162.8[samples/s] 2023-10-24 15:49:02,413 transreid.train INFO: Epoch[44] Iteration[50/577] Loss: 3.278, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:49:21,997 transreid.train INFO: Epoch[44] Iteration[100/577] Loss: 3.259, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:49:41,513 transreid.train INFO: Epoch[44] Iteration[150/577] Loss: 3.254, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:50:01,480 transreid.train INFO: Epoch[44] Iteration[200/577] Loss: 3.241, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:50:21,276 transreid.train INFO: Epoch[44] Iteration[250/577] Loss: 3.237, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:50:41,125 transreid.train INFO: Epoch[44] Iteration[300/577] Loss: 3.229, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:51:00,909 transreid.train INFO: Epoch[44] Iteration[350/577] Loss: 3.223, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:51:20,636 transreid.train INFO: Epoch[44] Iteration[400/577] Loss: 3.217, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:51:40,568 transreid.train INFO: Epoch[44] Iteration[450/577] Loss: 3.214, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:52:00,398 transreid.train INFO: Epoch[44] Iteration[500/577] Loss: 3.208, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:52:20,497 transreid.train INFO: Epoch[44] Iteration[550/577] Loss: 3.201, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:52:26,417 transreid.train INFO: Epoch 44 done. Time per batch: 0.401[s] Speed: 159.5[samples/s] 2023-10-24 15:52:48,135 transreid.train INFO: Epoch[45] Iteration[50/577] Loss: 3.257, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:53:07,969 transreid.train INFO: Epoch[45] Iteration[100/577] Loss: 3.244, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:53:27,546 transreid.train INFO: Epoch[45] Iteration[150/577] Loss: 3.239, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:53:47,989 transreid.train INFO: Epoch[45] Iteration[200/577] Loss: 3.233, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:54:08,472 transreid.train INFO: Epoch[45] Iteration[250/577] Loss: 3.223, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:54:27,115 transreid.train INFO: Epoch[45] Iteration[300/577] Loss: 3.217, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:54:45,313 transreid.train INFO: Epoch[45] Iteration[350/577] Loss: 3.212, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:55:03,591 transreid.train INFO: Epoch[45] Iteration[400/577] Loss: 3.207, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:55:21,984 transreid.train INFO: Epoch[45] Iteration[450/577] Loss: 3.203, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:55:40,483 transreid.train INFO: Epoch[45] Iteration[500/577] Loss: 3.196, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:55:58,679 transreid.train INFO: Epoch[45] Iteration[550/577] Loss: 3.190, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:56:04,393 transreid.train INFO: Epoch 45 done. Time per batch: 0.386[s] Speed: 165.9[samples/s] 2023-10-24 15:56:24,334 transreid.train INFO: Epoch[46] Iteration[50/577] Loss: 3.245, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:56:42,391 transreid.train INFO: Epoch[46] Iteration[100/577] Loss: 3.232, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:57:00,537 transreid.train INFO: Epoch[46] Iteration[150/577] Loss: 3.219, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 15:57:18,810 transreid.train INFO: Epoch[46] Iteration[200/577] Loss: 3.214, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:57:37,170 transreid.train INFO: Epoch[46] Iteration[250/577] Loss: 3.210, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:57:54,994 transreid.train INFO: Epoch[46] Iteration[300/577] Loss: 3.208, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:58:13,196 transreid.train INFO: Epoch[46] Iteration[350/577] Loss: 3.203, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 15:58:31,169 transreid.train INFO: Epoch[46] Iteration[400/577] Loss: 3.198, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:58:49,247 transreid.train INFO: Epoch[46] Iteration[450/577] Loss: 3.195, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:59:07,104 transreid.train INFO: Epoch[46] Iteration[500/577] Loss: 3.191, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:59:25,364 transreid.train INFO: Epoch[46] Iteration[550/577] Loss: 3.184, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 15:59:31,280 transreid.train INFO: Epoch 46 done. Time per batch: 0.366[s] Speed: 175.1[samples/s] 2023-10-24 15:59:51,204 transreid.train INFO: Epoch[47] Iteration[50/577] Loss: 3.241, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:00:09,175 transreid.train INFO: Epoch[47] Iteration[100/577] Loss: 3.231, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:00:27,466 transreid.train INFO: Epoch[47] Iteration[150/577] Loss: 3.221, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:00:45,540 transreid.train INFO: Epoch[47] Iteration[200/577] Loss: 3.214, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:01:03,746 transreid.train INFO: Epoch[47] Iteration[250/577] Loss: 3.213, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:01:21,879 transreid.train INFO: Epoch[47] Iteration[300/577] Loss: 3.207, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:01:40,059 transreid.train INFO: Epoch[47] Iteration[350/577] Loss: 3.202, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:01:58,235 transreid.train INFO: Epoch[47] Iteration[400/577] Loss: 3.196, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:02:16,259 transreid.train INFO: Epoch[47] Iteration[450/577] Loss: 3.192, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:02:34,705 transreid.train INFO: Epoch[47] Iteration[500/577] Loss: 3.185, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:02:53,079 transreid.train INFO: Epoch[47] Iteration[550/577] Loss: 3.180, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:02:59,750 transreid.train INFO: Epoch 47 done. Time per batch: 0.368[s] Speed: 174.1[samples/s] 2023-10-24 16:03:20,024 transreid.train INFO: Epoch[48] Iteration[50/577] Loss: 3.256, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:03:38,388 transreid.train INFO: Epoch[48] Iteration[100/577] Loss: 3.230, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:03:56,939 transreid.train INFO: Epoch[48] Iteration[150/577] Loss: 3.215, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:04:15,238 transreid.train INFO: Epoch[48] Iteration[200/577] Loss: 3.203, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:04:33,688 transreid.train INFO: Epoch[48] Iteration[250/577] Loss: 3.200, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:04:50,694 transreid.train INFO: Epoch[48] Iteration[300/577] Loss: 3.194, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:05:07,825 transreid.train INFO: Epoch[48] Iteration[350/577] Loss: 3.189, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:05:25,114 transreid.train INFO: Epoch[48] Iteration[400/577] Loss: 3.183, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:05:42,787 transreid.train INFO: Epoch[48] Iteration[450/577] Loss: 3.178, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:06:02,641 transreid.train INFO: Epoch[48] Iteration[500/577] Loss: 3.174, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:06:23,181 transreid.train INFO: Epoch[48] Iteration[550/577] Loss: 3.168, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:06:28,607 transreid.train INFO: Epoch 48 done. Time per batch: 0.370[s] Speed: 172.8[samples/s] 2023-10-24 16:06:49,533 transreid.train INFO: Epoch[49] Iteration[50/577] Loss: 3.218, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:07:08,967 transreid.train INFO: Epoch[49] Iteration[100/577] Loss: 3.208, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:07:28,136 transreid.train INFO: Epoch[49] Iteration[150/577] Loss: 3.199, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:07:47,983 transreid.train INFO: Epoch[49] Iteration[200/577] Loss: 3.199, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:08:08,083 transreid.train INFO: Epoch[49] Iteration[250/577] Loss: 3.196, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:08:29,023 transreid.train INFO: Epoch[49] Iteration[300/577] Loss: 3.189, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:08:49,680 transreid.train INFO: Epoch[49] Iteration[350/577] Loss: 3.186, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:09:09,512 transreid.train INFO: Epoch[49] Iteration[400/577] Loss: 3.182, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:09:29,021 transreid.train INFO: Epoch[49] Iteration[450/577] Loss: 3.178, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:09:48,610 transreid.train INFO: Epoch[49] Iteration[500/577] Loss: 3.172, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:10:08,225 transreid.train INFO: Epoch[49] Iteration[550/577] Loss: 3.168, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:10:14,192 transreid.train INFO: Epoch 49 done. Time per batch: 0.399[s] Speed: 160.3[samples/s] 2023-10-24 16:10:36,877 transreid.train INFO: Epoch[50] Iteration[50/577] Loss: 3.220, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:10:56,874 transreid.train INFO: Epoch[50] Iteration[100/577] Loss: 3.191, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:11:16,166 transreid.train INFO: Epoch[50] Iteration[150/577] Loss: 3.192, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:11:35,365 transreid.train INFO: Epoch[50] Iteration[200/577] Loss: 3.186, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:11:54,708 transreid.train INFO: Epoch[50] Iteration[250/577] Loss: 3.187, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:12:14,347 transreid.train INFO: Epoch[50] Iteration[300/577] Loss: 3.180, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:12:33,954 transreid.train INFO: Epoch[50] Iteration[350/577] Loss: 3.176, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:12:53,516 transreid.train INFO: Epoch[50] Iteration[400/577] Loss: 3.172, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:13:13,450 transreid.train INFO: Epoch[50] Iteration[450/577] Loss: 3.167, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:13:33,470 transreid.train INFO: Epoch[50] Iteration[500/577] Loss: 3.161, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:13:53,479 transreid.train INFO: Epoch[50] Iteration[550/577] Loss: 3.155, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:14:01,527 transreid.train INFO: Epoch 50 done. Time per batch: 0.400[s] Speed: 160.2[samples/s] 2023-10-24 16:14:23,304 transreid.train INFO: Epoch[51] Iteration[50/577] Loss: 3.225, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 16:14:43,236 transreid.train INFO: Epoch[51] Iteration[100/577] Loss: 3.204, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:15:03,482 transreid.train INFO: Epoch[51] Iteration[150/577] Loss: 3.192, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:15:23,159 transreid.train INFO: Epoch[51] Iteration[200/577] Loss: 3.184, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:15:42,603 transreid.train INFO: Epoch[51] Iteration[250/577] Loss: 3.180, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:16:02,108 transreid.train INFO: Epoch[51] Iteration[300/577] Loss: 3.174, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:16:21,458 transreid.train INFO: Epoch[51] Iteration[350/577] Loss: 3.170, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:16:41,403 transreid.train INFO: Epoch[51] Iteration[400/577] Loss: 3.165, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:17:01,149 transreid.train INFO: Epoch[51] Iteration[450/577] Loss: 3.160, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:17:20,876 transreid.train INFO: Epoch[51] Iteration[500/577] Loss: 3.157, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:17:40,553 transreid.train INFO: Epoch[51] Iteration[550/577] Loss: 3.151, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:17:45,753 transreid.train INFO: Epoch 51 done. Time per batch: 0.399[s] Speed: 160.4[samples/s] 2023-10-24 16:18:08,753 transreid.train INFO: Epoch[52] Iteration[50/577] Loss: 3.230, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:18:28,916 transreid.train INFO: Epoch[52] Iteration[100/577] Loss: 3.216, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:18:48,441 transreid.train INFO: Epoch[52] Iteration[150/577] Loss: 3.205, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:19:08,420 transreid.train INFO: Epoch[52] Iteration[200/577] Loss: 3.191, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:19:28,061 transreid.train INFO: Epoch[52] Iteration[250/577] Loss: 3.183, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:19:48,087 transreid.train INFO: Epoch[52] Iteration[300/577] Loss: 3.176, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:20:07,966 transreid.train INFO: Epoch[52] Iteration[350/577] Loss: 3.172, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:20:28,142 transreid.train INFO: Epoch[52] Iteration[400/577] Loss: 3.170, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:20:47,756 transreid.train INFO: Epoch[52] Iteration[450/577] Loss: 3.165, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:21:07,652 transreid.train INFO: Epoch[52] Iteration[500/577] Loss: 3.159, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:21:27,673 transreid.train INFO: Epoch[52] Iteration[550/577] Loss: 3.153, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:21:33,556 transreid.train INFO: Epoch 52 done. Time per batch: 0.403[s] Speed: 158.7[samples/s] 2023-10-24 16:21:55,445 transreid.train INFO: Epoch[53] Iteration[50/577] Loss: 3.195, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:22:14,623 transreid.train INFO: Epoch[53] Iteration[100/577] Loss: 3.192, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:22:33,623 transreid.train INFO: Epoch[53] Iteration[150/577] Loss: 3.183, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:22:53,246 transreid.train INFO: Epoch[53] Iteration[200/577] Loss: 3.177, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:23:12,804 transreid.train INFO: Epoch[53] Iteration[250/577] Loss: 3.170, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:23:32,232 transreid.train INFO: Epoch[53] Iteration[300/577] Loss: 3.168, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:23:52,041 transreid.train INFO: Epoch[53] Iteration[350/577] Loss: 3.165, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:24:12,044 transreid.train INFO: Epoch[53] Iteration[400/577] Loss: 3.162, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:24:31,611 transreid.train INFO: Epoch[53] Iteration[450/577] Loss: 3.158, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:24:51,272 transreid.train INFO: Epoch[53] Iteration[500/577] Loss: 3.153, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:25:11,474 transreid.train INFO: Epoch[53] Iteration[550/577] Loss: 3.146, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:25:18,014 transreid.train INFO: Epoch 53 done. Time per batch: 0.397[s] Speed: 161.4[samples/s] 2023-10-24 16:25:39,417 transreid.train INFO: Epoch[54] Iteration[50/577] Loss: 3.222, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:25:58,678 transreid.train INFO: Epoch[54] Iteration[100/577] Loss: 3.196, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:26:17,511 transreid.train INFO: Epoch[54] Iteration[150/577] Loss: 3.183, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:26:36,736 transreid.train INFO: Epoch[54] Iteration[200/577] Loss: 3.175, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:26:56,284 transreid.train INFO: Epoch[54] Iteration[250/577] Loss: 3.171, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:27:15,574 transreid.train INFO: Epoch[54] Iteration[300/577] Loss: 3.162, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:27:35,470 transreid.train INFO: Epoch[54] Iteration[350/577] Loss: 3.159, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:27:54,854 transreid.train INFO: Epoch[54] Iteration[400/577] Loss: 3.156, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:28:14,396 transreid.train INFO: Epoch[54] Iteration[450/577] Loss: 3.151, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:28:33,900 transreid.train INFO: Epoch[54] Iteration[500/577] Loss: 3.147, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:28:53,244 transreid.train INFO: Epoch[54] Iteration[550/577] Loss: 3.142, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:28:57,751 transreid.train INFO: Epoch 54 done. Time per batch: 0.392[s] Speed: 163.4[samples/s] 2023-10-24 16:29:20,421 transreid.train INFO: Epoch[55] Iteration[50/577] Loss: 3.217, Acc: 0.994, Base Lr: 3.50e-05 2023-10-24 16:29:39,703 transreid.train INFO: Epoch[55] Iteration[100/577] Loss: 3.202, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:29:59,459 transreid.train INFO: Epoch[55] Iteration[150/577] Loss: 3.192, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:30:19,318 transreid.train INFO: Epoch[55] Iteration[200/577] Loss: 3.182, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:30:39,417 transreid.train INFO: Epoch[55] Iteration[250/577] Loss: 3.177, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:30:59,621 transreid.train INFO: Epoch[55] Iteration[300/577] Loss: 3.173, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:31:19,619 transreid.train INFO: Epoch[55] Iteration[350/577] Loss: 3.169, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:31:39,770 transreid.train INFO: Epoch[55] Iteration[400/577] Loss: 3.164, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:31:59,848 transreid.train INFO: Epoch[55] Iteration[450/577] Loss: 3.158, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:32:19,830 transreid.train INFO: Epoch[55] Iteration[500/577] Loss: 3.151, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:32:40,063 transreid.train INFO: Epoch[55] Iteration[550/577] Loss: 3.145, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:32:46,368 transreid.train INFO: Epoch 55 done. Time per batch: 0.404[s] Speed: 158.4[samples/s] 2023-10-24 16:33:08,610 transreid.train INFO: Epoch[56] Iteration[50/577] Loss: 3.217, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 16:33:27,963 transreid.train INFO: Epoch[56] Iteration[100/577] Loss: 3.198, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:33:47,611 transreid.train INFO: Epoch[56] Iteration[150/577] Loss: 3.186, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:34:07,273 transreid.train INFO: Epoch[56] Iteration[200/577] Loss: 3.176, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:34:26,935 transreid.train INFO: Epoch[56] Iteration[250/577] Loss: 3.170, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:34:46,164 transreid.train INFO: Epoch[56] Iteration[300/577] Loss: 3.168, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:35:05,618 transreid.train INFO: Epoch[56] Iteration[350/577] Loss: 3.163, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:35:24,981 transreid.train INFO: Epoch[56] Iteration[400/577] Loss: 3.160, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:35:44,717 transreid.train INFO: Epoch[56] Iteration[450/577] Loss: 3.156, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:36:03,900 transreid.train INFO: Epoch[56] Iteration[500/577] Loss: 3.150, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:36:23,220 transreid.train INFO: Epoch[56] Iteration[550/577] Loss: 3.144, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:36:29,524 transreid.train INFO: Epoch 56 done. Time per batch: 0.394[s] Speed: 162.3[samples/s] 2023-10-24 16:36:51,238 transreid.train INFO: Epoch[57] Iteration[50/577] Loss: 3.215, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:37:10,026 transreid.train INFO: Epoch[57] Iteration[100/577] Loss: 3.193, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:37:29,283 transreid.train INFO: Epoch[57] Iteration[150/577] Loss: 3.182, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:37:48,891 transreid.train INFO: Epoch[57] Iteration[200/577] Loss: 3.172, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:38:07,658 transreid.train INFO: Epoch[57] Iteration[250/577] Loss: 3.168, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:38:26,114 transreid.train INFO: Epoch[57] Iteration[300/577] Loss: 3.165, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:38:45,283 transreid.train INFO: Epoch[57] Iteration[350/577] Loss: 3.161, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:39:04,023 transreid.train INFO: Epoch[57] Iteration[400/577] Loss: 3.156, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:39:22,468 transreid.train INFO: Epoch[57] Iteration[450/577] Loss: 3.150, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:39:41,331 transreid.train INFO: Epoch[57] Iteration[500/577] Loss: 3.145, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:40:00,342 transreid.train INFO: Epoch[57] Iteration[550/577] Loss: 3.139, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:40:05,667 transreid.train INFO: Epoch 57 done. Time per batch: 0.383[s] Speed: 167.0[samples/s] 2023-10-24 16:40:26,729 transreid.train INFO: Epoch[58] Iteration[50/577] Loss: 3.200, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:40:45,214 transreid.train INFO: Epoch[58] Iteration[100/577] Loss: 3.186, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:41:03,965 transreid.train INFO: Epoch[58] Iteration[150/577] Loss: 3.170, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:41:22,456 transreid.train INFO: Epoch[58] Iteration[200/577] Loss: 3.161, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:41:41,133 transreid.train INFO: Epoch[58] Iteration[250/577] Loss: 3.157, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:41:59,686 transreid.train INFO: Epoch[58] Iteration[300/577] Loss: 3.152, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:42:18,185 transreid.train INFO: Epoch[58] Iteration[350/577] Loss: 3.147, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:42:36,954 transreid.train INFO: Epoch[58] Iteration[400/577] Loss: 3.143, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:42:55,608 transreid.train INFO: Epoch[58] Iteration[450/577] Loss: 3.139, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:43:14,194 transreid.train INFO: Epoch[58] Iteration[500/577] Loss: 3.133, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:43:33,145 transreid.train INFO: Epoch[58] Iteration[550/577] Loss: 3.127, Acc: 0.999, Base Lr: 3.50e-05 2023-10-24 16:43:38,858 transreid.train INFO: Epoch 58 done. Time per batch: 0.377[s] Speed: 169.6[samples/s] 2023-10-24 16:44:00,210 transreid.train INFO: Epoch[59] Iteration[50/577] Loss: 3.209, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:44:19,028 transreid.train INFO: Epoch[59] Iteration[100/577] Loss: 3.189, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:44:37,734 transreid.train INFO: Epoch[59] Iteration[150/577] Loss: 3.173, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:44:56,499 transreid.train INFO: Epoch[59] Iteration[200/577] Loss: 3.164, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:45:14,780 transreid.train INFO: Epoch[59] Iteration[250/577] Loss: 3.158, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:45:33,113 transreid.train INFO: Epoch[59] Iteration[300/577] Loss: 3.155, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:45:51,405 transreid.train INFO: Epoch[59] Iteration[350/577] Loss: 3.151, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:46:10,208 transreid.train INFO: Epoch[59] Iteration[400/577] Loss: 3.145, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:46:28,656 transreid.train INFO: Epoch[59] Iteration[450/577] Loss: 3.139, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:46:47,290 transreid.train INFO: Epoch[59] Iteration[500/577] Loss: 3.134, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:47:05,901 transreid.train INFO: Epoch[59] Iteration[550/577] Loss: 3.128, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:47:12,506 transreid.train INFO: Epoch 59 done. Time per batch: 0.377[s] Speed: 169.6[samples/s] 2023-10-24 16:47:33,440 transreid.train INFO: Epoch[60] Iteration[50/577] Loss: 3.212, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 16:47:51,973 transreid.train INFO: Epoch[60] Iteration[100/577] Loss: 3.180, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:48:10,730 transreid.train INFO: Epoch[60] Iteration[150/577] Loss: 3.167, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:48:29,625 transreid.train INFO: Epoch[60] Iteration[200/577] Loss: 3.159, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:48:48,525 transreid.train INFO: Epoch[60] Iteration[250/577] Loss: 3.152, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:49:07,477 transreid.train INFO: Epoch[60] Iteration[300/577] Loss: 3.146, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:49:26,854 transreid.train INFO: Epoch[60] Iteration[350/577] Loss: 3.141, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:49:47,039 transreid.train INFO: Epoch[60] Iteration[400/577] Loss: 3.138, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:50:06,690 transreid.train INFO: Epoch[60] Iteration[450/577] Loss: 3.132, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:50:26,021 transreid.train INFO: Epoch[60] Iteration[500/577] Loss: 3.128, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:50:45,488 transreid.train INFO: Epoch[60] Iteration[550/577] Loss: 3.122, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:50:51,866 transreid.train INFO: Epoch 60 done. Time per batch: 0.388[s] Speed: 165.1[samples/s] 2023-10-24 16:51:13,879 transreid.train INFO: Epoch[61] Iteration[50/577] Loss: 3.204, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 16:51:33,143 transreid.train INFO: Epoch[61] Iteration[100/577] Loss: 3.181, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:51:52,360 transreid.train INFO: Epoch[61] Iteration[150/577] Loss: 3.170, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:52:11,553 transreid.train INFO: Epoch[61] Iteration[200/577] Loss: 3.162, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:52:30,872 transreid.train INFO: Epoch[61] Iteration[250/577] Loss: 3.154, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:52:50,066 transreid.train INFO: Epoch[61] Iteration[300/577] Loss: 3.148, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:53:09,872 transreid.train INFO: Epoch[61] Iteration[350/577] Loss: 3.143, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:53:29,043 transreid.train INFO: Epoch[61] Iteration[400/577] Loss: 3.139, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:53:48,577 transreid.train INFO: Epoch[61] Iteration[450/577] Loss: 3.135, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:54:07,542 transreid.train INFO: Epoch[61] Iteration[500/577] Loss: 3.130, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:54:25,849 transreid.train INFO: Epoch[61] Iteration[550/577] Loss: 3.125, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:54:30,727 transreid.train INFO: Epoch 61 done. Time per batch: 0.389[s] Speed: 164.6[samples/s] 2023-10-24 16:54:50,947 transreid.train INFO: Epoch[62] Iteration[50/577] Loss: 3.202, Acc: 0.994, Base Lr: 3.50e-05 2023-10-24 16:55:09,003 transreid.train INFO: Epoch[62] Iteration[100/577] Loss: 3.174, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 16:55:27,003 transreid.train INFO: Epoch[62] Iteration[150/577] Loss: 3.162, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:55:45,007 transreid.train INFO: Epoch[62] Iteration[200/577] Loss: 3.154, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:56:02,852 transreid.train INFO: Epoch[62] Iteration[250/577] Loss: 3.150, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:56:20,897 transreid.train INFO: Epoch[62] Iteration[300/577] Loss: 3.145, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:56:38,819 transreid.train INFO: Epoch[62] Iteration[350/577] Loss: 3.142, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:56:56,560 transreid.train INFO: Epoch[62] Iteration[400/577] Loss: 3.139, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:57:14,510 transreid.train INFO: Epoch[62] Iteration[450/577] Loss: 3.133, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:57:32,267 transreid.train INFO: Epoch[62] Iteration[500/577] Loss: 3.129, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:57:50,406 transreid.train INFO: Epoch[62] Iteration[550/577] Loss: 3.124, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:57:55,703 transreid.train INFO: Epoch 62 done. Time per batch: 0.363[s] Speed: 176.1[samples/s] 2023-10-24 16:58:15,693 transreid.train INFO: Epoch[63] Iteration[50/577] Loss: 3.171, Acc: 0.999, Base Lr: 3.50e-05 2023-10-24 16:58:33,640 transreid.train INFO: Epoch[63] Iteration[100/577] Loss: 3.158, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 16:58:51,819 transreid.train INFO: Epoch[63] Iteration[150/577] Loss: 3.159, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:59:09,849 transreid.train INFO: Epoch[63] Iteration[200/577] Loss: 3.152, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:59:27,918 transreid.train INFO: Epoch[63] Iteration[250/577] Loss: 3.148, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 16:59:45,908 transreid.train INFO: Epoch[63] Iteration[300/577] Loss: 3.146, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:00:04,004 transreid.train INFO: Epoch[63] Iteration[350/577] Loss: 3.141, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:00:22,028 transreid.train INFO: Epoch[63] Iteration[400/577] Loss: 3.136, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:00:40,004 transreid.train INFO: Epoch[63] Iteration[450/577] Loss: 3.131, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:00:57,949 transreid.train INFO: Epoch[63] Iteration[500/577] Loss: 3.126, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:01:16,099 transreid.train INFO: Epoch[63] Iteration[550/577] Loss: 3.120, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:01:22,007 transreid.train INFO: Epoch 63 done. Time per batch: 0.364[s] Speed: 175.6[samples/s] 2023-10-24 17:01:41,793 transreid.train INFO: Epoch[64] Iteration[50/577] Loss: 3.198, Acc: 0.994, Base Lr: 3.50e-05 2023-10-24 17:01:59,597 transreid.train INFO: Epoch[64] Iteration[100/577] Loss: 3.174, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 17:02:17,607 transreid.train INFO: Epoch[64] Iteration[150/577] Loss: 3.160, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:02:35,438 transreid.train INFO: Epoch[64] Iteration[200/577] Loss: 3.152, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:02:53,600 transreid.train INFO: Epoch[64] Iteration[250/577] Loss: 3.148, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:03:11,655 transreid.train INFO: Epoch[64] Iteration[300/577] Loss: 3.143, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:03:29,895 transreid.train INFO: Epoch[64] Iteration[350/577] Loss: 3.138, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:03:48,051 transreid.train INFO: Epoch[64] Iteration[400/577] Loss: 3.137, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:04:06,144 transreid.train INFO: Epoch[64] Iteration[450/577] Loss: 3.132, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:04:23,977 transreid.train INFO: Epoch[64] Iteration[500/577] Loss: 3.126, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:04:42,013 transreid.train INFO: Epoch[64] Iteration[550/577] Loss: 3.120, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:04:47,692 transreid.train INFO: Epoch 64 done. Time per batch: 0.363[s] Speed: 176.1[samples/s] 2023-10-24 17:05:07,110 transreid.train INFO: Epoch[65] Iteration[50/577] Loss: 3.197, Acc: 0.995, Base Lr: 3.50e-05 2023-10-24 17:05:23,592 transreid.train INFO: Epoch[65] Iteration[100/577] Loss: 3.173, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:05:40,024 transreid.train INFO: Epoch[65] Iteration[150/577] Loss: 3.156, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:05:56,564 transreid.train INFO: Epoch[65] Iteration[200/577] Loss: 3.150, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:06:13,871 transreid.train INFO: Epoch[65] Iteration[250/577] Loss: 3.145, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:06:32,954 transreid.train INFO: Epoch[65] Iteration[300/577] Loss: 3.141, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:06:51,655 transreid.train INFO: Epoch[65] Iteration[350/577] Loss: 3.137, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:07:10,196 transreid.train INFO: Epoch[65] Iteration[400/577] Loss: 3.134, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:07:28,243 transreid.train INFO: Epoch[65] Iteration[450/577] Loss: 3.129, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:07:46,832 transreid.train INFO: Epoch[65] Iteration[500/577] Loss: 3.124, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:08:05,314 transreid.train INFO: Epoch[65] Iteration[550/577] Loss: 3.118, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:08:10,837 transreid.train INFO: Epoch 65 done. Time per batch: 0.360[s] Speed: 178.0[samples/s] 2023-10-24 17:08:31,480 transreid.train INFO: Epoch[66] Iteration[50/577] Loss: 3.190, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 17:08:49,959 transreid.train INFO: Epoch[66] Iteration[100/577] Loss: 3.184, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 17:09:08,479 transreid.train INFO: Epoch[66] Iteration[150/577] Loss: 3.171, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:09:27,048 transreid.train INFO: Epoch[66] Iteration[200/577] Loss: 3.159, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:09:45,365 transreid.train INFO: Epoch[66] Iteration[250/577] Loss: 3.150, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:10:03,835 transreid.train INFO: Epoch[66] Iteration[300/577] Loss: 3.143, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:10:22,840 transreid.train INFO: Epoch[66] Iteration[350/577] Loss: 3.137, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:10:41,654 transreid.train INFO: Epoch[66] Iteration[400/577] Loss: 3.133, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:11:00,249 transreid.train INFO: Epoch[66] Iteration[450/577] Loss: 3.127, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:11:18,629 transreid.train INFO: Epoch[66] Iteration[500/577] Loss: 3.122, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:11:37,111 transreid.train INFO: Epoch[66] Iteration[550/577] Loss: 3.115, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:11:43,062 transreid.train INFO: Epoch 66 done. Time per batch: 0.375[s] Speed: 170.7[samples/s] 2023-10-24 17:12:04,693 transreid.train INFO: Epoch[67] Iteration[50/577] Loss: 3.163, Acc: 0.996, Base Lr: 3.50e-05 2023-10-24 17:12:23,240 transreid.train INFO: Epoch[67] Iteration[100/577] Loss: 3.152, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:12:42,382 transreid.train INFO: Epoch[67] Iteration[150/577] Loss: 3.143, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:13:00,842 transreid.train INFO: Epoch[67] Iteration[200/577] Loss: 3.141, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:13:19,585 transreid.train INFO: Epoch[67] Iteration[250/577] Loss: 3.135, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:13:38,398 transreid.train INFO: Epoch[67] Iteration[300/577] Loss: 3.133, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:13:56,891 transreid.train INFO: Epoch[67] Iteration[350/577] Loss: 3.127, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:14:15,541 transreid.train INFO: Epoch[67] Iteration[400/577] Loss: 3.122, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:14:34,319 transreid.train INFO: Epoch[67] Iteration[450/577] Loss: 3.117, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:14:52,771 transreid.train INFO: Epoch[67] Iteration[500/577] Loss: 3.113, Acc: 0.999, Base Lr: 3.50e-05 2023-10-24 17:15:11,341 transreid.train INFO: Epoch[67] Iteration[550/577] Loss: 3.107, Acc: 0.999, Base Lr: 3.50e-05 2023-10-24 17:15:16,967 transreid.train INFO: Epoch 67 done. Time per batch: 0.379[s] Speed: 169.0[samples/s] 2023-10-24 17:15:38,063 transreid.train INFO: Epoch[68] Iteration[50/577] Loss: 3.165, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:15:57,099 transreid.train INFO: Epoch[68] Iteration[100/577] Loss: 3.151, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:16:15,295 transreid.train INFO: Epoch[68] Iteration[150/577] Loss: 3.142, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:16:33,774 transreid.train INFO: Epoch[68] Iteration[200/577] Loss: 3.136, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:16:52,457 transreid.train INFO: Epoch[68] Iteration[250/577] Loss: 3.133, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:17:11,070 transreid.train INFO: Epoch[68] Iteration[300/577] Loss: 3.129, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:17:29,533 transreid.train INFO: Epoch[68] Iteration[350/577] Loss: 3.126, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:17:48,176 transreid.train INFO: Epoch[68] Iteration[400/577] Loss: 3.121, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:18:06,768 transreid.train INFO: Epoch[68] Iteration[450/577] Loss: 3.119, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:18:25,232 transreid.train INFO: Epoch[68] Iteration[500/577] Loss: 3.115, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:18:43,782 transreid.train INFO: Epoch[68] Iteration[550/577] Loss: 3.110, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:18:48,826 transreid.train INFO: Epoch 68 done. Time per batch: 0.376[s] Speed: 170.4[samples/s] 2023-10-24 17:19:09,586 transreid.train INFO: Epoch[69] Iteration[50/577] Loss: 3.169, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:19:28,042 transreid.train INFO: Epoch[69] Iteration[100/577] Loss: 3.156, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:19:46,217 transreid.train INFO: Epoch[69] Iteration[150/577] Loss: 3.154, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:20:04,516 transreid.train INFO: Epoch[69] Iteration[200/577] Loss: 3.144, Acc: 0.997, Base Lr: 3.50e-05 2023-10-24 17:20:23,016 transreid.train INFO: Epoch[69] Iteration[250/577] Loss: 3.137, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:20:41,621 transreid.train INFO: Epoch[69] Iteration[300/577] Loss: 3.135, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:21:00,169 transreid.train INFO: Epoch[69] Iteration[350/577] Loss: 3.132, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:21:19,077 transreid.train INFO: Epoch[69] Iteration[400/577] Loss: 3.129, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:21:37,354 transreid.train INFO: Epoch[69] Iteration[450/577] Loss: 3.124, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:21:55,992 transreid.train INFO: Epoch[69] Iteration[500/577] Loss: 3.119, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:22:14,830 transreid.train INFO: Epoch[69] Iteration[550/577] Loss: 3.113, Acc: 0.998, Base Lr: 3.50e-05 2023-10-24 17:22:20,108 transreid.train INFO: Epoch 69 done. Time per batch: 0.375[s] Speed: 170.8[samples/s] 2023-10-24 17:22:41,561 transreid.train INFO: Epoch[70] Iteration[50/577] Loss: 3.205, Acc: 0.995, Base Lr: 3.50e-06 2023-10-24 17:23:00,222 transreid.train INFO: Epoch[70] Iteration[100/577] Loss: 3.177, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 17:23:18,997 transreid.train INFO: Epoch[70] Iteration[150/577] Loss: 3.162, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:23:37,714 transreid.train INFO: Epoch[70] Iteration[200/577] Loss: 3.155, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:23:56,415 transreid.train INFO: Epoch[70] Iteration[250/577] Loss: 3.145, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:24:14,767 transreid.train INFO: Epoch[70] Iteration[300/577] Loss: 3.140, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:24:33,379 transreid.train INFO: Epoch[70] Iteration[350/577] Loss: 3.135, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:24:51,962 transreid.train INFO: Epoch[70] Iteration[400/577] Loss: 3.128, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:25:10,620 transreid.train INFO: Epoch[70] Iteration[450/577] Loss: 3.121, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:25:29,267 transreid.train INFO: Epoch[70] Iteration[500/577] Loss: 3.115, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:25:47,551 transreid.train INFO: Epoch[70] Iteration[550/577] Loss: 3.107, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:25:52,893 transreid.train INFO: Epoch 70 done. Time per batch: 0.377[s] Speed: 169.6[samples/s] 2023-10-24 17:26:14,086 transreid.train INFO: Epoch[71] Iteration[50/577] Loss: 3.137, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:26:32,476 transreid.train INFO: Epoch[71] Iteration[100/577] Loss: 3.132, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:26:51,197 transreid.train INFO: Epoch[71] Iteration[150/577] Loss: 3.132, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:27:09,764 transreid.train INFO: Epoch[71] Iteration[200/577] Loss: 3.127, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:27:28,254 transreid.train INFO: Epoch[71] Iteration[250/577] Loss: 3.123, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:27:46,831 transreid.train INFO: Epoch[71] Iteration[300/577] Loss: 3.117, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:28:05,224 transreid.train INFO: Epoch[71] Iteration[350/577] Loss: 3.112, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:28:23,860 transreid.train INFO: Epoch[71] Iteration[400/577] Loss: 3.107, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:28:42,367 transreid.train INFO: Epoch[71] Iteration[450/577] Loss: 3.101, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:29:01,198 transreid.train INFO: Epoch[71] Iteration[500/577] Loss: 3.096, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:29:19,946 transreid.train INFO: Epoch[71] Iteration[550/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:29:25,607 transreid.train INFO: Epoch 71 done. Time per batch: 0.376[s] Speed: 170.0[samples/s] 2023-10-24 17:29:46,597 transreid.train INFO: Epoch[72] Iteration[50/577] Loss: 3.115, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:30:04,974 transreid.train INFO: Epoch[72] Iteration[100/577] Loss: 3.109, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:30:23,273 transreid.train INFO: Epoch[72] Iteration[150/577] Loss: 3.107, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:30:41,399 transreid.train INFO: Epoch[72] Iteration[200/577] Loss: 3.105, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:30:59,743 transreid.train INFO: Epoch[72] Iteration[250/577] Loss: 3.103, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:31:18,247 transreid.train INFO: Epoch[72] Iteration[300/577] Loss: 3.100, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:31:36,250 transreid.train INFO: Epoch[72] Iteration[350/577] Loss: 3.098, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:31:56,117 transreid.train INFO: Epoch[72] Iteration[400/577] Loss: 3.096, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:32:15,368 transreid.train INFO: Epoch[72] Iteration[450/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:32:34,346 transreid.train INFO: Epoch[72] Iteration[500/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:32:53,185 transreid.train INFO: Epoch[72] Iteration[550/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:32:58,628 transreid.train INFO: Epoch 72 done. Time per batch: 0.378[s] Speed: 169.5[samples/s] 2023-10-24 17:33:20,015 transreid.train INFO: Epoch[73] Iteration[50/577] Loss: 3.111, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:33:39,112 transreid.train INFO: Epoch[73] Iteration[100/577] Loss: 3.112, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:33:57,503 transreid.train INFO: Epoch[73] Iteration[150/577] Loss: 3.109, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:34:16,449 transreid.train INFO: Epoch[73] Iteration[200/577] Loss: 3.107, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:34:35,441 transreid.train INFO: Epoch[73] Iteration[250/577] Loss: 3.104, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:34:53,523 transreid.train INFO: Epoch[73] Iteration[300/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:35:12,392 transreid.train INFO: Epoch[73] Iteration[350/577] Loss: 3.094, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:35:31,127 transreid.train INFO: Epoch[73] Iteration[400/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:35:50,364 transreid.train INFO: Epoch[73] Iteration[450/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:36:09,413 transreid.train INFO: Epoch[73] Iteration[500/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:36:28,340 transreid.train INFO: Epoch[73] Iteration[550/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:36:34,098 transreid.train INFO: Epoch 73 done. Time per batch: 0.381[s] Speed: 167.8[samples/s] 2023-10-24 17:36:55,802 transreid.train INFO: Epoch[74] Iteration[50/577] Loss: 3.117, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:37:14,464 transreid.train INFO: Epoch[74] Iteration[100/577] Loss: 3.112, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 17:37:33,287 transreid.train INFO: Epoch[74] Iteration[150/577] Loss: 3.107, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 17:37:51,881 transreid.train INFO: Epoch[74] Iteration[200/577] Loss: 3.104, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:38:10,532 transreid.train INFO: Epoch[74] Iteration[250/577] Loss: 3.100, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:38:28,700 transreid.train INFO: Epoch[74] Iteration[300/577] Loss: 3.095, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:38:46,888 transreid.train INFO: Epoch[74] Iteration[350/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:39:05,497 transreid.train INFO: Epoch[74] Iteration[400/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:39:24,267 transreid.train INFO: Epoch[74] Iteration[450/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:39:43,053 transreid.train INFO: Epoch[74] Iteration[500/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:40:03,436 transreid.train INFO: Epoch[74] Iteration[550/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:40:10,658 transreid.train INFO: Epoch 74 done. Time per batch: 0.382[s] Speed: 167.6[samples/s] 2023-10-24 17:40:33,194 transreid.train INFO: Epoch[75] Iteration[50/577] Loss: 3.127, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:40:53,110 transreid.train INFO: Epoch[75] Iteration[100/577] Loss: 3.120, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:41:13,315 transreid.train INFO: Epoch[75] Iteration[150/577] Loss: 3.111, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:41:33,331 transreid.train INFO: Epoch[75] Iteration[200/577] Loss: 3.107, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:41:53,663 transreid.train INFO: Epoch[75] Iteration[250/577] Loss: 3.103, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:42:14,140 transreid.train INFO: Epoch[75] Iteration[300/577] Loss: 3.099, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:42:33,849 transreid.train INFO: Epoch[75] Iteration[350/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:42:54,480 transreid.train INFO: Epoch[75] Iteration[400/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:43:14,738 transreid.train INFO: Epoch[75] Iteration[450/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:43:35,275 transreid.train INFO: Epoch[75] Iteration[500/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:43:55,672 transreid.train INFO: Epoch[75] Iteration[550/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:44:01,728 transreid.train INFO: Epoch 75 done. Time per batch: 0.410[s] Speed: 156.2[samples/s] 2023-10-24 17:44:25,413 transreid.train INFO: Epoch[76] Iteration[50/577] Loss: 3.100, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:44:45,111 transreid.train INFO: Epoch[76] Iteration[100/577] Loss: 3.103, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:45:04,753 transreid.train INFO: Epoch[76] Iteration[150/577] Loss: 3.101, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:45:24,060 transreid.train INFO: Epoch[76] Iteration[200/577] Loss: 3.098, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:45:43,477 transreid.train INFO: Epoch[76] Iteration[250/577] Loss: 3.095, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:46:02,543 transreid.train INFO: Epoch[76] Iteration[300/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:46:22,141 transreid.train INFO: Epoch[76] Iteration[350/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:46:41,509 transreid.train INFO: Epoch[76] Iteration[400/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:47:00,676 transreid.train INFO: Epoch[76] Iteration[450/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:47:20,807 transreid.train INFO: Epoch[76] Iteration[500/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:47:40,833 transreid.train INFO: Epoch[76] Iteration[550/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 17:47:46,582 transreid.train INFO: Epoch 76 done. Time per batch: 0.399[s] Speed: 160.5[samples/s] 2023-10-24 17:48:09,124 transreid.train INFO: Epoch[77] Iteration[50/577] Loss: 3.117, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:48:28,840 transreid.train INFO: Epoch[77] Iteration[100/577] Loss: 3.110, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:48:48,335 transreid.train INFO: Epoch[77] Iteration[150/577] Loss: 3.100, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:49:08,360 transreid.train INFO: Epoch[77] Iteration[200/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:49:28,092 transreid.train INFO: Epoch[77] Iteration[250/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:49:48,134 transreid.train INFO: Epoch[77] Iteration[300/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:50:07,986 transreid.train INFO: Epoch[77] Iteration[350/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:50:27,486 transreid.train INFO: Epoch[77] Iteration[400/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:50:47,219 transreid.train INFO: Epoch[77] Iteration[450/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:51:06,706 transreid.train INFO: Epoch[77] Iteration[500/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:51:26,903 transreid.train INFO: Epoch[77] Iteration[550/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:51:33,458 transreid.train INFO: Epoch 77 done. Time per batch: 0.401[s] Speed: 159.7[samples/s] 2023-10-24 17:51:55,577 transreid.train INFO: Epoch[78] Iteration[50/577] Loss: 3.117, Acc: 0.995, Base Lr: 3.50e-06 2023-10-24 17:52:15,666 transreid.train INFO: Epoch[78] Iteration[100/577] Loss: 3.116, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 17:52:36,275 transreid.train INFO: Epoch[78] Iteration[150/577] Loss: 3.111, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 17:52:56,410 transreid.train INFO: Epoch[78] Iteration[200/577] Loss: 3.106, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:53:16,044 transreid.train INFO: Epoch[78] Iteration[250/577] Loss: 3.101, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 17:53:35,599 transreid.train INFO: Epoch[78] Iteration[300/577] Loss: 3.095, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:53:55,040 transreid.train INFO: Epoch[78] Iteration[350/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:54:14,562 transreid.train INFO: Epoch[78] Iteration[400/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:54:36,107 transreid.train INFO: Epoch[78] Iteration[450/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:55:04,570 transreid.train INFO: Epoch[78] Iteration[500/577] Loss: 3.078, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 17:55:31,201 transreid.train INFO: Epoch[78] Iteration[550/577] Loss: 3.076, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 17:55:39,529 transreid.train INFO: Epoch 78 done. Time per batch: 0.436[s] Speed: 146.7[samples/s] 2023-10-24 17:56:14,871 transreid.train INFO: Epoch[79] Iteration[50/577] Loss: 3.108, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:56:43,298 transreid.train INFO: Epoch[79] Iteration[100/577] Loss: 3.110, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:57:14,113 transreid.train INFO: Epoch[79] Iteration[150/577] Loss: 3.105, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:57:44,348 transreid.train INFO: Epoch[79] Iteration[200/577] Loss: 3.100, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:58:09,487 transreid.train INFO: Epoch[79] Iteration[250/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:58:28,081 transreid.train INFO: Epoch[79] Iteration[300/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:58:46,735 transreid.train INFO: Epoch[79] Iteration[350/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:59:05,338 transreid.train INFO: Epoch[79] Iteration[400/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:59:24,055 transreid.train INFO: Epoch[79] Iteration[450/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 17:59:42,862 transreid.train INFO: Epoch[79] Iteration[500/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:00:01,754 transreid.train INFO: Epoch[79] Iteration[550/577] Loss: 3.076, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:00:07,590 transreid.train INFO: Epoch 79 done. Time per batch: 0.474[s] Speed: 134.9[samples/s] 2023-10-24 18:00:27,323 transreid.train INFO: Epoch[80] Iteration[50/577] Loss: 3.095, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:00:45,423 transreid.train INFO: Epoch[80] Iteration[100/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:01:03,924 transreid.train INFO: Epoch[80] Iteration[150/577] Loss: 3.094, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:01:22,133 transreid.train INFO: Epoch[80] Iteration[200/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:01:41,126 transreid.train INFO: Epoch[80] Iteration[250/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:01:59,813 transreid.train INFO: Epoch[80] Iteration[300/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:02:18,417 transreid.train INFO: Epoch[80] Iteration[350/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:02:36,502 transreid.train INFO: Epoch[80] Iteration[400/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:02:54,433 transreid.train INFO: Epoch[80] Iteration[450/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:03:12,736 transreid.train INFO: Epoch[80] Iteration[500/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:03:30,524 transreid.train INFO: Epoch[80] Iteration[550/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:03:36,506 transreid.train INFO: Epoch 80 done. Time per batch: 0.369[s] Speed: 173.4[samples/s] 2023-10-24 18:03:56,523 transreid.train INFO: Epoch[81] Iteration[50/577] Loss: 3.100, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:04:15,454 transreid.train INFO: Epoch[81] Iteration[100/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:04:34,510 transreid.train INFO: Epoch[81] Iteration[150/577] Loss: 3.096, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:04:52,855 transreid.train INFO: Epoch[81] Iteration[200/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:05:10,492 transreid.train INFO: Epoch[81] Iteration[250/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:05:28,063 transreid.train INFO: Epoch[81] Iteration[300/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:05:45,829 transreid.train INFO: Epoch[81] Iteration[350/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:06:03,366 transreid.train INFO: Epoch[81] Iteration[400/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:06:20,775 transreid.train INFO: Epoch[81] Iteration[450/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:06:37,170 transreid.train INFO: Epoch[81] Iteration[500/577] Loss: 3.076, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:06:53,596 transreid.train INFO: Epoch[81] Iteration[550/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:06:59,320 transreid.train INFO: Epoch 81 done. Time per batch: 0.358[s] Speed: 178.9[samples/s] 2023-10-24 18:07:16,707 transreid.train INFO: Epoch[82] Iteration[50/577] Loss: 3.105, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:07:33,510 transreid.train INFO: Epoch[82] Iteration[100/577] Loss: 3.102, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:07:51,437 transreid.train INFO: Epoch[82] Iteration[150/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:08:09,604 transreid.train INFO: Epoch[82] Iteration[200/577] Loss: 3.092, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:08:27,663 transreid.train INFO: Epoch[82] Iteration[250/577] Loss: 3.089, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:08:46,126 transreid.train INFO: Epoch[82] Iteration[300/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:09:04,147 transreid.train INFO: Epoch[82] Iteration[350/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:09:22,064 transreid.train INFO: Epoch[82] Iteration[400/577] Loss: 3.083, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:09:40,249 transreid.train INFO: Epoch[82] Iteration[450/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:09:58,562 transreid.train INFO: Epoch[82] Iteration[500/577] Loss: 3.075, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:10:16,393 transreid.train INFO: Epoch[82] Iteration[550/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:10:23,422 transreid.train INFO: Epoch 82 done. Time per batch: 0.359[s] Speed: 178.4[samples/s] 2023-10-24 18:10:43,781 transreid.train INFO: Epoch[83] Iteration[50/577] Loss: 3.095, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:11:01,874 transreid.train INFO: Epoch[83] Iteration[100/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:11:19,787 transreid.train INFO: Epoch[83] Iteration[150/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:11:37,805 transreid.train INFO: Epoch[83] Iteration[200/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:11:55,946 transreid.train INFO: Epoch[83] Iteration[250/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:12:14,100 transreid.train INFO: Epoch[83] Iteration[300/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:12:32,224 transreid.train INFO: Epoch[83] Iteration[350/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:12:50,063 transreid.train INFO: Epoch[83] Iteration[400/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:13:08,229 transreid.train INFO: Epoch[83] Iteration[450/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:13:26,750 transreid.train INFO: Epoch[83] Iteration[500/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:13:44,737 transreid.train INFO: Epoch[83] Iteration[550/577] Loss: 3.070, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:13:49,289 transreid.train INFO: Epoch 83 done. Time per batch: 0.366[s] Speed: 174.7[samples/s] 2023-10-24 18:14:10,501 transreid.train INFO: Epoch[84] Iteration[50/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:14:28,307 transreid.train INFO: Epoch[84] Iteration[100/577] Loss: 3.092, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:14:46,246 transreid.train INFO: Epoch[84] Iteration[150/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:15:04,616 transreid.train INFO: Epoch[84] Iteration[200/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:15:22,982 transreid.train INFO: Epoch[84] Iteration[250/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:15:41,220 transreid.train INFO: Epoch[84] Iteration[300/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:15:59,347 transreid.train INFO: Epoch[84] Iteration[350/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:16:17,510 transreid.train INFO: Epoch[84] Iteration[400/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:16:35,865 transreid.train INFO: Epoch[84] Iteration[450/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:16:54,253 transreid.train INFO: Epoch[84] Iteration[500/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:17:12,333 transreid.train INFO: Epoch[84] Iteration[550/577] Loss: 3.068, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:17:18,659 transreid.train INFO: Epoch 84 done. Time per batch: 0.369[s] Speed: 173.3[samples/s] 2023-10-24 18:17:39,148 transreid.train INFO: Epoch[85] Iteration[50/577] Loss: 3.116, Acc: 0.994, Base Lr: 3.50e-06 2023-10-24 18:17:57,464 transreid.train INFO: Epoch[85] Iteration[100/577] Loss: 3.105, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 18:18:15,554 transreid.train INFO: Epoch[85] Iteration[150/577] Loss: 3.105, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:18:33,832 transreid.train INFO: Epoch[85] Iteration[200/577] Loss: 3.100, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:18:52,121 transreid.train INFO: Epoch[85] Iteration[250/577] Loss: 3.096, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:19:10,187 transreid.train INFO: Epoch[85] Iteration[300/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:19:28,322 transreid.train INFO: Epoch[85] Iteration[350/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:19:46,583 transreid.train INFO: Epoch[85] Iteration[400/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:20:04,654 transreid.train INFO: Epoch[85] Iteration[450/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:20:23,151 transreid.train INFO: Epoch[85] Iteration[500/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:20:41,392 transreid.train INFO: Epoch[85] Iteration[550/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:20:47,001 transreid.train INFO: Epoch 85 done. Time per batch: 0.369[s] Speed: 173.6[samples/s] 2023-10-24 18:21:06,496 transreid.train INFO: Epoch[86] Iteration[50/577] Loss: 3.109, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 18:21:24,846 transreid.train INFO: Epoch[86] Iteration[100/577] Loss: 3.095, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:21:43,053 transreid.train INFO: Epoch[86] Iteration[150/577] Loss: 3.094, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:22:01,202 transreid.train INFO: Epoch[86] Iteration[200/577] Loss: 3.090, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:22:19,120 transreid.train INFO: Epoch[86] Iteration[250/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:22:37,491 transreid.train INFO: Epoch[86] Iteration[300/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:22:55,293 transreid.train INFO: Epoch[86] Iteration[350/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:23:13,230 transreid.train INFO: Epoch[86] Iteration[400/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:23:31,142 transreid.train INFO: Epoch[86] Iteration[450/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:23:48,954 transreid.train INFO: Epoch[86] Iteration[500/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:24:07,182 transreid.train INFO: Epoch[86] Iteration[550/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:24:12,942 transreid.train INFO: Epoch 86 done. Time per batch: 0.364[s] Speed: 175.7[samples/s] 2023-10-24 18:24:33,137 transreid.train INFO: Epoch[87] Iteration[50/577] Loss: 3.098, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 18:24:51,517 transreid.train INFO: Epoch[87] Iteration[100/577] Loss: 3.102, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:25:09,749 transreid.train INFO: Epoch[87] Iteration[150/577] Loss: 3.096, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:25:27,817 transreid.train INFO: Epoch[87] Iteration[200/577] Loss: 3.094, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:25:45,777 transreid.train INFO: Epoch[87] Iteration[250/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:26:04,284 transreid.train INFO: Epoch[87] Iteration[300/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:26:22,185 transreid.train INFO: Epoch[87] Iteration[350/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:26:40,555 transreid.train INFO: Epoch[87] Iteration[400/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:26:59,153 transreid.train INFO: Epoch[87] Iteration[450/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:27:17,000 transreid.train INFO: Epoch[87] Iteration[500/577] Loss: 3.076, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:27:34,843 transreid.train INFO: Epoch[87] Iteration[550/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:27:40,363 transreid.train INFO: Epoch 87 done. Time per batch: 0.367[s] Speed: 174.3[samples/s] 2023-10-24 18:28:00,706 transreid.train INFO: Epoch[88] Iteration[50/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:28:19,027 transreid.train INFO: Epoch[88] Iteration[100/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:28:37,351 transreid.train INFO: Epoch[88] Iteration[150/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:28:55,733 transreid.train INFO: Epoch[88] Iteration[200/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:29:13,687 transreid.train INFO: Epoch[88] Iteration[250/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:29:32,246 transreid.train INFO: Epoch[88] Iteration[300/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:29:50,470 transreid.train INFO: Epoch[88] Iteration[350/577] Loss: 3.080, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:30:08,956 transreid.train INFO: Epoch[88] Iteration[400/577] Loss: 3.077, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:30:27,614 transreid.train INFO: Epoch[88] Iteration[450/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:30:46,106 transreid.train INFO: Epoch[88] Iteration[500/577] Loss: 3.070, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:31:04,484 transreid.train INFO: Epoch[88] Iteration[550/577] Loss: 3.067, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:31:09,909 transreid.train INFO: Epoch 88 done. Time per batch: 0.372[s] Speed: 172.3[samples/s] 2023-10-24 18:31:30,140 transreid.train INFO: Epoch[89] Iteration[50/577] Loss: 3.081, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:31:48,666 transreid.train INFO: Epoch[89] Iteration[100/577] Loss: 3.092, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:32:07,558 transreid.train INFO: Epoch[89] Iteration[150/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:32:26,472 transreid.train INFO: Epoch[89] Iteration[200/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:32:44,891 transreid.train INFO: Epoch[89] Iteration[250/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:33:03,314 transreid.train INFO: Epoch[89] Iteration[300/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:33:21,698 transreid.train INFO: Epoch[89] Iteration[350/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:33:40,515 transreid.train INFO: Epoch[89] Iteration[400/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:33:59,361 transreid.train INFO: Epoch[89] Iteration[450/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:34:18,643 transreid.train INFO: Epoch[89] Iteration[500/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:34:37,461 transreid.train INFO: Epoch[89] Iteration[550/577] Loss: 3.066, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:34:44,315 transreid.train INFO: Epoch 89 done. Time per batch: 0.377[s] Speed: 169.6[samples/s] 2023-10-24 18:35:04,311 transreid.train INFO: Epoch[90] Iteration[50/577] Loss: 3.084, Acc: 1.000, Base Lr: 3.50e-06 2023-10-24 18:35:22,731 transreid.train INFO: Epoch[90] Iteration[100/577] Loss: 3.094, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:35:40,866 transreid.train INFO: Epoch[90] Iteration[150/577] Loss: 3.090, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:35:59,014 transreid.train INFO: Epoch[90] Iteration[200/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:36:17,257 transreid.train INFO: Epoch[90] Iteration[250/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:36:35,310 transreid.train INFO: Epoch[90] Iteration[300/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:36:53,758 transreid.train INFO: Epoch[90] Iteration[350/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:37:11,761 transreid.train INFO: Epoch[90] Iteration[400/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:37:29,984 transreid.train INFO: Epoch[90] Iteration[450/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:37:48,198 transreid.train INFO: Epoch[90] Iteration[500/577] Loss: 3.070, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:38:06,945 transreid.train INFO: Epoch[90] Iteration[550/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:38:12,974 transreid.train INFO: Epoch 90 done. Time per batch: 0.369[s] Speed: 173.6[samples/s] 2023-10-24 18:38:32,799 transreid.train INFO: Epoch[91] Iteration[50/577] Loss: 3.099, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:38:50,631 transreid.train INFO: Epoch[91] Iteration[100/577] Loss: 3.095, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:39:08,464 transreid.train INFO: Epoch[91] Iteration[150/577] Loss: 3.092, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:39:26,624 transreid.train INFO: Epoch[91] Iteration[200/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:39:44,506 transreid.train INFO: Epoch[91] Iteration[250/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:40:02,540 transreid.train INFO: Epoch[91] Iteration[300/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:40:20,466 transreid.train INFO: Epoch[91] Iteration[350/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:40:38,655 transreid.train INFO: Epoch[91] Iteration[400/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:40:56,562 transreid.train INFO: Epoch[91] Iteration[450/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:41:14,431 transreid.train INFO: Epoch[91] Iteration[500/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:41:32,563 transreid.train INFO: Epoch[91] Iteration[550/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:41:38,508 transreid.train INFO: Epoch 91 done. Time per batch: 0.363[s] Speed: 176.2[samples/s] 2023-10-24 18:41:58,180 transreid.train INFO: Epoch[92] Iteration[50/577] Loss: 3.099, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 18:42:16,180 transreid.train INFO: Epoch[92] Iteration[100/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:42:34,267 transreid.train INFO: Epoch[92] Iteration[150/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:42:52,548 transreid.train INFO: Epoch[92] Iteration[200/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:43:10,644 transreid.train INFO: Epoch[92] Iteration[250/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:43:28,632 transreid.train INFO: Epoch[92] Iteration[300/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:43:46,928 transreid.train INFO: Epoch[92] Iteration[350/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:44:05,381 transreid.train INFO: Epoch[92] Iteration[400/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:44:23,860 transreid.train INFO: Epoch[92] Iteration[450/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:44:42,190 transreid.train INFO: Epoch[92] Iteration[500/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:45:00,786 transreid.train INFO: Epoch[92] Iteration[550/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:45:05,945 transreid.train INFO: Epoch 92 done. Time per batch: 0.368[s] Speed: 174.0[samples/s] 2023-10-24 18:45:25,713 transreid.train INFO: Epoch[93] Iteration[50/577] Loss: 3.107, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:45:43,735 transreid.train INFO: Epoch[93] Iteration[100/577] Loss: 3.104, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 18:46:01,614 transreid.train INFO: Epoch[93] Iteration[150/577] Loss: 3.097, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:46:19,554 transreid.train INFO: Epoch[93] Iteration[200/577] Loss: 3.093, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:46:37,256 transreid.train INFO: Epoch[93] Iteration[250/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:46:55,499 transreid.train INFO: Epoch[93] Iteration[300/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:47:13,625 transreid.train INFO: Epoch[93] Iteration[350/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:47:31,462 transreid.train INFO: Epoch[93] Iteration[400/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:47:49,632 transreid.train INFO: Epoch[93] Iteration[450/577] Loss: 3.077, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:48:07,749 transreid.train INFO: Epoch[93] Iteration[500/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:48:25,728 transreid.train INFO: Epoch[93] Iteration[550/577] Loss: 3.068, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:48:31,577 transreid.train INFO: Epoch 93 done. Time per batch: 0.363[s] Speed: 176.2[samples/s] 2023-10-24 18:48:51,023 transreid.train INFO: Epoch[94] Iteration[50/577] Loss: 3.083, Acc: 1.000, Base Lr: 3.50e-06 2023-10-24 18:49:09,086 transreid.train INFO: Epoch[94] Iteration[100/577] Loss: 3.085, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:49:26,712 transreid.train INFO: Epoch[94] Iteration[150/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:49:44,519 transreid.train INFO: Epoch[94] Iteration[200/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:50:02,061 transreid.train INFO: Epoch[94] Iteration[250/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:50:20,049 transreid.train INFO: Epoch[94] Iteration[300/577] Loss: 3.080, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:50:38,190 transreid.train INFO: Epoch[94] Iteration[350/577] Loss: 3.076, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:50:56,115 transreid.train INFO: Epoch[94] Iteration[400/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:51:14,005 transreid.train INFO: Epoch[94] Iteration[450/577] Loss: 3.070, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:51:31,981 transreid.train INFO: Epoch[94] Iteration[500/577] Loss: 3.068, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:51:49,781 transreid.train INFO: Epoch[94] Iteration[550/577] Loss: 3.064, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:51:56,124 transreid.train INFO: Epoch 94 done. Time per batch: 0.361[s] Speed: 177.4[samples/s] 2023-10-24 18:52:15,739 transreid.train INFO: Epoch[95] Iteration[50/577] Loss: 3.100, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:52:33,944 transreid.train INFO: Epoch[95] Iteration[100/577] Loss: 3.096, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 18:52:52,141 transreid.train INFO: Epoch[95] Iteration[150/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:53:09,985 transreid.train INFO: Epoch[95] Iteration[200/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:53:28,146 transreid.train INFO: Epoch[95] Iteration[250/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:53:46,310 transreid.train INFO: Epoch[95] Iteration[300/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:54:04,012 transreid.train INFO: Epoch[95] Iteration[350/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:54:22,274 transreid.train INFO: Epoch[95] Iteration[400/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:54:40,651 transreid.train INFO: Epoch[95] Iteration[450/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:54:57,898 transreid.train INFO: Epoch[95] Iteration[500/577] Loss: 3.067, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:55:13,963 transreid.train INFO: Epoch[95] Iteration[550/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:55:18,926 transreid.train INFO: Epoch 95 done. Time per batch: 0.359[s] Speed: 178.3[samples/s] 2023-10-24 18:55:36,256 transreid.train INFO: Epoch[96] Iteration[50/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:55:52,522 transreid.train INFO: Epoch[96] Iteration[100/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:56:11,256 transreid.train INFO: Epoch[96] Iteration[150/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:56:30,190 transreid.train INFO: Epoch[96] Iteration[200/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:56:48,900 transreid.train INFO: Epoch[96] Iteration[250/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:57:07,136 transreid.train INFO: Epoch[96] Iteration[300/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:57:25,590 transreid.train INFO: Epoch[96] Iteration[350/577] Loss: 3.075, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:57:44,370 transreid.train INFO: Epoch[96] Iteration[400/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:58:02,644 transreid.train INFO: Epoch[96] Iteration[450/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:58:21,000 transreid.train INFO: Epoch[96] Iteration[500/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:58:39,443 transreid.train INFO: Epoch[96] Iteration[550/577] Loss: 3.062, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 18:58:45,476 transreid.train INFO: Epoch 96 done. Time per batch: 0.365[s] Speed: 175.4[samples/s] 2023-10-24 18:59:05,646 transreid.train INFO: Epoch[97] Iteration[50/577] Loss: 3.093, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:59:24,181 transreid.train INFO: Epoch[97] Iteration[100/577] Loss: 3.089, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 18:59:42,466 transreid.train INFO: Epoch[97] Iteration[150/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:00:01,073 transreid.train INFO: Epoch[97] Iteration[200/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:00:19,396 transreid.train INFO: Epoch[97] Iteration[250/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:00:37,859 transreid.train INFO: Epoch[97] Iteration[300/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:00:56,476 transreid.train INFO: Epoch[97] Iteration[350/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:01:15,210 transreid.train INFO: Epoch[97] Iteration[400/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:01:34,059 transreid.train INFO: Epoch[97] Iteration[450/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:01:52,610 transreid.train INFO: Epoch[97] Iteration[500/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:02:11,148 transreid.train INFO: Epoch[97] Iteration[550/577] Loss: 3.061, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:02:17,192 transreid.train INFO: Epoch 97 done. Time per batch: 0.375[s] Speed: 170.8[samples/s] 2023-10-24 19:02:37,806 transreid.train INFO: Epoch[98] Iteration[50/577] Loss: 3.096, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 19:02:56,958 transreid.train INFO: Epoch[98] Iteration[100/577] Loss: 3.093, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:03:15,699 transreid.train INFO: Epoch[98] Iteration[150/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:03:34,823 transreid.train INFO: Epoch[98] Iteration[200/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:03:53,845 transreid.train INFO: Epoch[98] Iteration[250/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:04:12,475 transreid.train INFO: Epoch[98] Iteration[300/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:04:31,462 transreid.train INFO: Epoch[98] Iteration[350/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:04:50,231 transreid.train INFO: Epoch[98] Iteration[400/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:05:08,803 transreid.train INFO: Epoch[98] Iteration[450/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:05:27,625 transreid.train INFO: Epoch[98] Iteration[500/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:05:46,274 transreid.train INFO: Epoch[98] Iteration[550/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:05:51,751 transreid.train INFO: Epoch 98 done. Time per batch: 0.380[s] Speed: 168.2[samples/s] 2023-10-24 19:06:12,882 transreid.train INFO: Epoch[99] Iteration[50/577] Loss: 3.103, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:06:31,495 transreid.train INFO: Epoch[99] Iteration[100/577] Loss: 3.097, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:06:50,716 transreid.train INFO: Epoch[99] Iteration[150/577] Loss: 3.097, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:07:09,787 transreid.train INFO: Epoch[99] Iteration[200/577] Loss: 3.096, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:07:28,463 transreid.train INFO: Epoch[99] Iteration[250/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:07:46,635 transreid.train INFO: Epoch[99] Iteration[300/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:08:05,174 transreid.train INFO: Epoch[99] Iteration[350/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:08:23,921 transreid.train INFO: Epoch[99] Iteration[400/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:08:42,493 transreid.train INFO: Epoch[99] Iteration[450/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:09:00,991 transreid.train INFO: Epoch[99] Iteration[500/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:09:19,544 transreid.train INFO: Epoch[99] Iteration[550/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:09:25,982 transreid.train INFO: Epoch 99 done. Time per batch: 0.378[s] Speed: 169.4[samples/s] 2023-10-24 19:09:45,896 transreid.train INFO: Epoch[100] Iteration[50/577] Loss: 3.100, Acc: 0.993, Base Lr: 3.50e-06 2023-10-24 19:10:04,387 transreid.train INFO: Epoch[100] Iteration[100/577] Loss: 3.091, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 19:10:22,650 transreid.train INFO: Epoch[100] Iteration[150/577] Loss: 3.086, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:10:41,082 transreid.train INFO: Epoch[100] Iteration[200/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:10:59,500 transreid.train INFO: Epoch[100] Iteration[250/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:11:18,075 transreid.train INFO: Epoch[100] Iteration[300/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:11:36,257 transreid.train INFO: Epoch[100] Iteration[350/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:11:54,713 transreid.train INFO: Epoch[100] Iteration[400/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:12:13,047 transreid.train INFO: Epoch[100] Iteration[450/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:12:31,468 transreid.train INFO: Epoch[100] Iteration[500/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:12:49,715 transreid.train INFO: Epoch[100] Iteration[550/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:12:54,985 transreid.train INFO: Epoch 100 done. Time per batch: 0.371[s] Speed: 172.7[samples/s] 2023-10-24 19:13:14,906 transreid.train INFO: Epoch[101] Iteration[50/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:13:33,061 transreid.train INFO: Epoch[101] Iteration[100/577] Loss: 3.082, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:13:51,045 transreid.train INFO: Epoch[101] Iteration[150/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:14:08,977 transreid.train INFO: Epoch[101] Iteration[200/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:14:27,169 transreid.train INFO: Epoch[101] Iteration[250/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:14:45,638 transreid.train INFO: Epoch[101] Iteration[300/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:15:04,333 transreid.train INFO: Epoch[101] Iteration[350/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:15:22,879 transreid.train INFO: Epoch[101] Iteration[400/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:15:41,367 transreid.train INFO: Epoch[101] Iteration[450/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:15:59,886 transreid.train INFO: Epoch[101] Iteration[500/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:16:18,262 transreid.train INFO: Epoch[101] Iteration[550/577] Loss: 3.062, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:16:24,118 transreid.train INFO: Epoch 101 done. Time per batch: 0.369[s] Speed: 173.2[samples/s] 2023-10-24 19:16:44,373 transreid.train INFO: Epoch[102] Iteration[50/577] Loss: 3.087, Acc: 0.994, Base Lr: 3.50e-06 2023-10-24 19:17:02,756 transreid.train INFO: Epoch[102] Iteration[100/577] Loss: 3.088, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:17:21,044 transreid.train INFO: Epoch[102] Iteration[150/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:17:39,378 transreid.train INFO: Epoch[102] Iteration[200/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:17:57,587 transreid.train INFO: Epoch[102] Iteration[250/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:18:15,770 transreid.train INFO: Epoch[102] Iteration[300/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:18:34,336 transreid.train INFO: Epoch[102] Iteration[350/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:18:52,718 transreid.train INFO: Epoch[102] Iteration[400/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:19:10,856 transreid.train INFO: Epoch[102] Iteration[450/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:19:29,446 transreid.train INFO: Epoch[102] Iteration[500/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:19:48,356 transreid.train INFO: Epoch[102] Iteration[550/577] Loss: 3.061, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:19:53,656 transreid.train INFO: Epoch 102 done. Time per batch: 0.372[s] Speed: 172.0[samples/s] 2023-10-24 19:20:14,317 transreid.train INFO: Epoch[103] Iteration[50/577] Loss: 3.109, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 19:20:33,018 transreid.train INFO: Epoch[103] Iteration[100/577] Loss: 3.095, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:20:52,043 transreid.train INFO: Epoch[103] Iteration[150/577] Loss: 3.090, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:21:11,028 transreid.train INFO: Epoch[103] Iteration[200/577] Loss: 3.087, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:21:29,940 transreid.train INFO: Epoch[103] Iteration[250/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:21:48,788 transreid.train INFO: Epoch[103] Iteration[300/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:22:07,816 transreid.train INFO: Epoch[103] Iteration[350/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:22:26,436 transreid.train INFO: Epoch[103] Iteration[400/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:22:45,411 transreid.train INFO: Epoch[103] Iteration[450/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:23:03,899 transreid.train INFO: Epoch[103] Iteration[500/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:23:22,454 transreid.train INFO: Epoch[103] Iteration[550/577] Loss: 3.061, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:23:27,688 transreid.train INFO: Epoch 103 done. Time per batch: 0.379[s] Speed: 168.6[samples/s] 2023-10-24 19:23:47,839 transreid.train INFO: Epoch[104] Iteration[50/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:24:06,082 transreid.train INFO: Epoch[104] Iteration[100/577] Loss: 3.083, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:24:24,639 transreid.train INFO: Epoch[104] Iteration[150/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:24:43,293 transreid.train INFO: Epoch[104] Iteration[200/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:25:01,839 transreid.train INFO: Epoch[104] Iteration[250/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:25:20,822 transreid.train INFO: Epoch[104] Iteration[300/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:25:39,570 transreid.train INFO: Epoch[104] Iteration[350/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:25:58,265 transreid.train INFO: Epoch[104] Iteration[400/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:26:17,023 transreid.train INFO: Epoch[104] Iteration[450/577] Loss: 3.064, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:26:35,480 transreid.train INFO: Epoch[104] Iteration[500/577] Loss: 3.061, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:26:54,164 transreid.train INFO: Epoch[104] Iteration[550/577] Loss: 3.058, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:27:01,382 transreid.train INFO: Epoch 104 done. Time per batch: 0.376[s] Speed: 170.4[samples/s] 2023-10-24 19:27:21,828 transreid.train INFO: Epoch[105] Iteration[50/577] Loss: 3.106, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:27:40,194 transreid.train INFO: Epoch[105] Iteration[100/577] Loss: 3.103, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:27:58,832 transreid.train INFO: Epoch[105] Iteration[150/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:28:17,385 transreid.train INFO: Epoch[105] Iteration[200/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:28:36,105 transreid.train INFO: Epoch[105] Iteration[250/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:28:54,809 transreid.train INFO: Epoch[105] Iteration[300/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:29:13,531 transreid.train INFO: Epoch[105] Iteration[350/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:29:32,474 transreid.train INFO: Epoch[105] Iteration[400/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:29:50,912 transreid.train INFO: Epoch[105] Iteration[450/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:30:10,015 transreid.train INFO: Epoch[105] Iteration[500/577] Loss: 3.067, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:30:29,073 transreid.train INFO: Epoch[105] Iteration[550/577] Loss: 3.063, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:30:35,430 transreid.train INFO: Epoch 105 done. Time per batch: 0.378[s] Speed: 169.2[samples/s] 2023-10-24 19:30:56,261 transreid.train INFO: Epoch[106] Iteration[50/577] Loss: 3.103, Acc: 0.995, Base Lr: 3.50e-06 2023-10-24 19:31:15,081 transreid.train INFO: Epoch[106] Iteration[100/577] Loss: 3.094, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:31:33,744 transreid.train INFO: Epoch[106] Iteration[150/577] Loss: 3.092, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:31:52,248 transreid.train INFO: Epoch[106] Iteration[200/577] Loss: 3.086, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:32:10,942 transreid.train INFO: Epoch[106] Iteration[250/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:32:29,460 transreid.train INFO: Epoch[106] Iteration[300/577] Loss: 3.078, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:32:48,391 transreid.train INFO: Epoch[106] Iteration[350/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:33:07,002 transreid.train INFO: Epoch[106] Iteration[400/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:33:25,860 transreid.train INFO: Epoch[106] Iteration[450/577] Loss: 3.067, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:33:44,301 transreid.train INFO: Epoch[106] Iteration[500/577] Loss: 3.062, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:34:03,150 transreid.train INFO: Epoch[106] Iteration[550/577] Loss: 3.059, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:34:08,210 transreid.train INFO: Epoch 106 done. Time per batch: 0.378[s] Speed: 169.3[samples/s] 2023-10-24 19:34:29,829 transreid.train INFO: Epoch[107] Iteration[50/577] Loss: 3.091, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:34:48,667 transreid.train INFO: Epoch[107] Iteration[100/577] Loss: 3.091, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:35:07,384 transreid.train INFO: Epoch[107] Iteration[150/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:35:26,418 transreid.train INFO: Epoch[107] Iteration[200/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:35:45,262 transreid.train INFO: Epoch[107] Iteration[250/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:36:03,864 transreid.train INFO: Epoch[107] Iteration[300/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:36:22,348 transreid.train INFO: Epoch[107] Iteration[350/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:36:41,102 transreid.train INFO: Epoch[107] Iteration[400/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:37:00,061 transreid.train INFO: Epoch[107] Iteration[450/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:37:18,374 transreid.train INFO: Epoch[107] Iteration[500/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:37:36,994 transreid.train INFO: Epoch[107] Iteration[550/577] Loss: 3.059, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:37:42,186 transreid.train INFO: Epoch 107 done. Time per batch: 0.380[s] Speed: 168.4[samples/s] 2023-10-24 19:38:03,001 transreid.train INFO: Epoch[108] Iteration[50/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:38:21,702 transreid.train INFO: Epoch[108] Iteration[100/577] Loss: 3.076, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:38:40,358 transreid.train INFO: Epoch[108] Iteration[150/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:38:59,103 transreid.train INFO: Epoch[108] Iteration[200/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:39:17,791 transreid.train INFO: Epoch[108] Iteration[250/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:39:36,992 transreid.train INFO: Epoch[108] Iteration[300/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:39:55,855 transreid.train INFO: Epoch[108] Iteration[350/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:40:14,724 transreid.train INFO: Epoch[108] Iteration[400/577] Loss: 3.067, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:40:33,599 transreid.train INFO: Epoch[108] Iteration[450/577] Loss: 3.064, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:40:52,155 transreid.train INFO: Epoch[108] Iteration[500/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:41:10,470 transreid.train INFO: Epoch[108] Iteration[550/577] Loss: 3.057, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:41:15,637 transreid.train INFO: Epoch 108 done. Time per batch: 0.378[s] Speed: 169.1[samples/s] 2023-10-24 19:41:35,473 transreid.train INFO: Epoch[109] Iteration[50/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:41:53,400 transreid.train INFO: Epoch[109] Iteration[100/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:42:11,169 transreid.train INFO: Epoch[109] Iteration[150/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:42:29,091 transreid.train INFO: Epoch[109] Iteration[200/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:42:46,986 transreid.train INFO: Epoch[109] Iteration[250/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:43:04,497 transreid.train INFO: Epoch[109] Iteration[300/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:43:22,386 transreid.train INFO: Epoch[109] Iteration[350/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:43:40,200 transreid.train INFO: Epoch[109] Iteration[400/577] Loss: 3.067, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:43:58,253 transreid.train INFO: Epoch[109] Iteration[450/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:44:16,120 transreid.train INFO: Epoch[109] Iteration[500/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:44:34,064 transreid.train INFO: Epoch[109] Iteration[550/577] Loss: 3.059, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:44:39,196 transreid.train INFO: Epoch 109 done. Time per batch: 0.361[s] Speed: 177.3[samples/s] 2023-10-24 19:44:58,615 transreid.train INFO: Epoch[110] Iteration[50/577] Loss: 3.095, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:45:16,350 transreid.train INFO: Epoch[110] Iteration[100/577] Loss: 3.087, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 19:45:34,326 transreid.train INFO: Epoch[110] Iteration[150/577] Loss: 3.085, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:45:52,199 transreid.train INFO: Epoch[110] Iteration[200/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:46:10,080 transreid.train INFO: Epoch[110] Iteration[250/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:46:27,883 transreid.train INFO: Epoch[110] Iteration[300/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:46:46,089 transreid.train INFO: Epoch[110] Iteration[350/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:47:03,878 transreid.train INFO: Epoch[110] Iteration[400/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:47:21,864 transreid.train INFO: Epoch[110] Iteration[450/577] Loss: 3.065, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:47:39,992 transreid.train INFO: Epoch[110] Iteration[500/577] Loss: 3.062, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:47:58,042 transreid.train INFO: Epoch[110] Iteration[550/577] Loss: 3.059, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:48:03,956 transreid.train INFO: Epoch 110 done. Time per batch: 0.362[s] Speed: 176.9[samples/s] 2023-10-24 19:48:23,254 transreid.train INFO: Epoch[111] Iteration[50/577] Loss: 3.074, Acc: 1.000, Base Lr: 3.50e-06 2023-10-24 19:48:41,079 transreid.train INFO: Epoch[111] Iteration[100/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:48:58,709 transreid.train INFO: Epoch[111] Iteration[150/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:49:16,899 transreid.train INFO: Epoch[111] Iteration[200/577] Loss: 3.080, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:49:35,112 transreid.train INFO: Epoch[111] Iteration[250/577] Loss: 3.079, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:49:52,864 transreid.train INFO: Epoch[111] Iteration[300/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:50:10,654 transreid.train INFO: Epoch[111] Iteration[350/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:50:28,510 transreid.train INFO: Epoch[111] Iteration[400/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:50:46,631 transreid.train INFO: Epoch[111] Iteration[450/577] Loss: 3.067, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:51:04,313 transreid.train INFO: Epoch[111] Iteration[500/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:51:21,518 transreid.train INFO: Epoch[111] Iteration[550/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:51:27,579 transreid.train INFO: Epoch 111 done. Time per batch: 0.358[s] Speed: 178.5[samples/s] 2023-10-24 19:51:45,639 transreid.train INFO: Epoch[112] Iteration[50/577] Loss: 3.084, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:52:02,234 transreid.train INFO: Epoch[112] Iteration[100/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:52:18,783 transreid.train INFO: Epoch[112] Iteration[150/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:52:36,752 transreid.train INFO: Epoch[112] Iteration[200/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:52:55,395 transreid.train INFO: Epoch[112] Iteration[250/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:53:14,160 transreid.train INFO: Epoch[112] Iteration[300/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:53:32,734 transreid.train INFO: Epoch[112] Iteration[350/577] Loss: 3.067, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:53:51,424 transreid.train INFO: Epoch[112] Iteration[400/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:54:09,831 transreid.train INFO: Epoch[112] Iteration[450/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:54:28,351 transreid.train INFO: Epoch[112] Iteration[500/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:54:46,799 transreid.train INFO: Epoch[112] Iteration[550/577] Loss: 3.056, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:54:52,247 transreid.train INFO: Epoch 112 done. Time per batch: 0.363[s] Speed: 176.4[samples/s] 2023-10-24 19:55:12,454 transreid.train INFO: Epoch[113] Iteration[50/577] Loss: 3.074, Acc: 1.000, Base Lr: 3.50e-06 2023-10-24 19:55:30,861 transreid.train INFO: Epoch[113] Iteration[100/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:55:49,617 transreid.train INFO: Epoch[113] Iteration[150/577] Loss: 3.074, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:56:08,578 transreid.train INFO: Epoch[113] Iteration[200/577] Loss: 3.073, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:56:27,251 transreid.train INFO: Epoch[113] Iteration[250/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:56:45,734 transreid.train INFO: Epoch[113] Iteration[300/577] Loss: 3.070, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:57:04,184 transreid.train INFO: Epoch[113] Iteration[350/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:57:22,425 transreid.train INFO: Epoch[113] Iteration[400/577] Loss: 3.065, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:57:40,557 transreid.train INFO: Epoch[113] Iteration[450/577] Loss: 3.063, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:57:58,889 transreid.train INFO: Epoch[113] Iteration[500/577] Loss: 3.061, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:58:17,903 transreid.train INFO: Epoch[113] Iteration[550/577] Loss: 3.056, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 19:58:23,733 transreid.train INFO: Epoch 113 done. Time per batch: 0.374[s] Speed: 171.0[samples/s] 2023-10-24 19:58:44,512 transreid.train INFO: Epoch[114] Iteration[50/577] Loss: 3.096, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 19:59:04,086 transreid.train INFO: Epoch[114] Iteration[100/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:59:24,076 transreid.train INFO: Epoch[114] Iteration[150/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 19:59:44,526 transreid.train INFO: Epoch[114] Iteration[200/577] Loss: 3.075, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:00:04,324 transreid.train INFO: Epoch[114] Iteration[250/577] Loss: 3.071, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:00:24,558 transreid.train INFO: Epoch[114] Iteration[300/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:00:44,010 transreid.train INFO: Epoch[114] Iteration[350/577] Loss: 3.068, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:01:03,250 transreid.train INFO: Epoch[114] Iteration[400/577] Loss: 3.065, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:01:22,670 transreid.train INFO: Epoch[114] Iteration[450/577] Loss: 3.063, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:01:42,218 transreid.train INFO: Epoch[114] Iteration[500/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:02:00,802 transreid.train INFO: Epoch[114] Iteration[550/577] Loss: 3.057, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:02:06,310 transreid.train INFO: Epoch 114 done. Time per batch: 0.395[s] Speed: 162.2[samples/s] 2023-10-24 20:02:28,020 transreid.train INFO: Epoch[115] Iteration[50/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:02:47,637 transreid.train INFO: Epoch[115] Iteration[100/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:03:07,989 transreid.train INFO: Epoch[115] Iteration[150/577] Loss: 3.082, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:03:28,491 transreid.train INFO: Epoch[115] Iteration[200/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:03:48,908 transreid.train INFO: Epoch[115] Iteration[250/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:04:09,789 transreid.train INFO: Epoch[115] Iteration[300/577] Loss: 3.074, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:04:30,120 transreid.train INFO: Epoch[115] Iteration[350/577] Loss: 3.072, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:04:50,471 transreid.train INFO: Epoch[115] Iteration[400/577] Loss: 3.069, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:05:09,898 transreid.train INFO: Epoch[115] Iteration[450/577] Loss: 3.066, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:05:29,347 transreid.train INFO: Epoch[115] Iteration[500/577] Loss: 3.062, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:05:49,002 transreid.train INFO: Epoch[115] Iteration[550/577] Loss: 3.059, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:05:54,342 transreid.train INFO: Epoch 115 done. Time per batch: 0.405[s] Speed: 158.0[samples/s] 2023-10-24 20:06:15,378 transreid.train INFO: Epoch[116] Iteration[50/577] Loss: 3.089, Acc: 0.995, Base Lr: 3.50e-06 2023-10-24 20:06:34,838 transreid.train INFO: Epoch[116] Iteration[100/577] Loss: 3.086, Acc: 0.996, Base Lr: 3.50e-06 2023-10-24 20:06:54,989 transreid.train INFO: Epoch[116] Iteration[150/577] Loss: 3.086, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:07:15,562 transreid.train INFO: Epoch[116] Iteration[200/577] Loss: 3.083, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:07:36,634 transreid.train INFO: Epoch[116] Iteration[250/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:07:57,633 transreid.train INFO: Epoch[116] Iteration[300/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:08:18,178 transreid.train INFO: Epoch[116] Iteration[350/577] Loss: 3.070, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:08:38,158 transreid.train INFO: Epoch[116] Iteration[400/577] Loss: 3.067, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:08:57,025 transreid.train INFO: Epoch[116] Iteration[450/577] Loss: 3.063, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:09:16,728 transreid.train INFO: Epoch[116] Iteration[500/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:09:36,525 transreid.train INFO: Epoch[116] Iteration[550/577] Loss: 3.057, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:09:42,725 transreid.train INFO: Epoch 116 done. Time per batch: 0.404[s] Speed: 158.3[samples/s] 2023-10-24 20:10:05,240 transreid.train INFO: Epoch[117] Iteration[50/577] Loss: 3.086, Acc: 0.995, Base Lr: 3.50e-06 2023-10-24 20:10:25,116 transreid.train INFO: Epoch[117] Iteration[100/577] Loss: 3.080, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:10:45,766 transreid.train INFO: Epoch[117] Iteration[150/577] Loss: 3.079, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:11:06,306 transreid.train INFO: Epoch[117] Iteration[200/577] Loss: 3.075, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:11:27,314 transreid.train INFO: Epoch[117] Iteration[250/577] Loss: 3.071, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:11:48,469 transreid.train INFO: Epoch[117] Iteration[300/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:12:08,481 transreid.train INFO: Epoch[117] Iteration[350/577] Loss: 3.066, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:12:27,921 transreid.train INFO: Epoch[117] Iteration[400/577] Loss: 3.063, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:12:46,659 transreid.train INFO: Epoch[117] Iteration[450/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:13:06,174 transreid.train INFO: Epoch[117] Iteration[500/577] Loss: 3.057, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:13:25,496 transreid.train INFO: Epoch[117] Iteration[550/577] Loss: 3.053, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:13:32,166 transreid.train INFO: Epoch 117 done. Time per batch: 0.405[s] Speed: 158.2[samples/s] 2023-10-24 20:13:53,489 transreid.train INFO: Epoch[118] Iteration[50/577] Loss: 3.094, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:14:12,771 transreid.train INFO: Epoch[118] Iteration[100/577] Loss: 3.082, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:14:32,447 transreid.train INFO: Epoch[118] Iteration[150/577] Loss: 3.080, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:14:52,620 transreid.train INFO: Epoch[118] Iteration[200/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:15:13,273 transreid.train INFO: Epoch[118] Iteration[250/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:15:34,302 transreid.train INFO: Epoch[118] Iteration[300/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:15:55,205 transreid.train INFO: Epoch[118] Iteration[350/577] Loss: 3.068, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:16:15,038 transreid.train INFO: Epoch[118] Iteration[400/577] Loss: 3.066, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:16:34,265 transreid.train INFO: Epoch[118] Iteration[450/577] Loss: 3.064, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:16:53,475 transreid.train INFO: Epoch[118] Iteration[500/577] Loss: 3.060, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:17:12,397 transreid.train INFO: Epoch[118] Iteration[550/577] Loss: 3.056, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:17:19,003 transreid.train INFO: Epoch 118 done. Time per batch: 0.400[s] Speed: 160.0[samples/s] 2023-10-24 20:17:39,628 transreid.train INFO: Epoch[119] Iteration[50/577] Loss: 3.103, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:17:57,971 transreid.train INFO: Epoch[119] Iteration[100/577] Loss: 3.092, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:18:16,252 transreid.train INFO: Epoch[119] Iteration[150/577] Loss: 3.084, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:18:35,784 transreid.train INFO: Epoch[119] Iteration[200/577] Loss: 3.082, Acc: 0.997, Base Lr: 3.50e-06 2023-10-24 20:18:55,978 transreid.train INFO: Epoch[119] Iteration[250/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:19:16,171 transreid.train INFO: Epoch[119] Iteration[300/577] Loss: 3.073, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:19:36,732 transreid.train INFO: Epoch[119] Iteration[350/577] Loss: 3.069, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:19:57,352 transreid.train INFO: Epoch[119] Iteration[400/577] Loss: 3.067, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:20:15,715 transreid.train INFO: Epoch[119] Iteration[450/577] Loss: 3.064, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:20:34,931 transreid.train INFO: Epoch[119] Iteration[500/577] Loss: 3.060, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:20:54,110 transreid.train INFO: Epoch[119] Iteration[550/577] Loss: 3.056, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:21:00,537 transreid.train INFO: Epoch 119 done. Time per batch: 0.391[s] Speed: 163.5[samples/s] 2023-10-24 20:21:21,366 transreid.train INFO: Epoch[120] Iteration[50/577] Loss: 3.088, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:21:40,830 transreid.train INFO: Epoch[120] Iteration[100/577] Loss: 3.086, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:22:00,770 transreid.train INFO: Epoch[120] Iteration[150/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:22:21,132 transreid.train INFO: Epoch[120] Iteration[200/577] Loss: 3.081, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:22:42,271 transreid.train INFO: Epoch[120] Iteration[250/577] Loss: 3.077, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:23:02,856 transreid.train INFO: Epoch[120] Iteration[300/577] Loss: 3.076, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:23:23,388 transreid.train INFO: Epoch[120] Iteration[350/577] Loss: 3.072, Acc: 0.998, Base Lr: 3.50e-06 2023-10-24 20:23:42,523 transreid.train INFO: Epoch[120] Iteration[400/577] Loss: 3.068, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:24:01,954 transreid.train INFO: Epoch[120] Iteration[450/577] Loss: 3.064, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:24:21,195 transreid.train INFO: Epoch[120] Iteration[500/577] Loss: 3.060, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:24:40,539 transreid.train INFO: Epoch[120] Iteration[550/577] Loss: 3.056, Acc: 0.999, Base Lr: 3.50e-06 2023-10-24 20:24:47,060 transreid.train INFO: Epoch 120 done. Time per batch: 0.400[s] Speed: 159.9[samples/s] 2023-10-24 20:33:26,275 transreid.train INFO: Validation Results - Epoch: 120 2023-10-24 20:33:26,295 transreid.train INFO: mAP: 75.5% 2023-10-24 20:33:26,296 transreid.train INFO: CMC curve, Rank-1 :92.0% 2023-10-24 20:33:26,296 transreid.train INFO: CMC curve, Rank-5 :94.4% 2023-10-24 20:33:26,296 transreid.train INFO: CMC curve, Rank-10 :95.9% 2023-10-24 20:33:26,318 transreid.train INFO: Total running time: 7:48:58.723651