Skip to content

Instantly share code, notes, and snippets.

Show Gist options
  • Save tonysy/ee5c8eaeaf16d1a1acb313376953b8cd to your computer and use it in GitHub Desktop.
Save tonysy/ee5c8eaeaf16d1a1acb313376953b8cd to your computer and use it in GitHub Desktop.
[04/01 04:55:52] pyaction INFO: Running with full config:
{'AVA': {'ANNOTATION_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/annotations/',
'BGR': False,
'DETECTION_SCORE_THRESH': 0.8,
'EXCLUSION_FILE': 'ava_val_excluded_timestamps_v2.2.csv',
'FRAME_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/frames',
'FRAME_LIST_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/frame_lists',
'FULL_TEST_ON_VAL': False,
'GROUNDTRUTH_FILE': 'ava_val_v2.2.csv',
'IMG_PROC_BACKEND': 'cv2',
'LABEL_MAP_FILE': 'ava_action_list_v2.2_for_activitynet_2019.pbtxt',
'TEST_FORCE_FLIP': False,
'TEST_LISTS': ['val.csv'],
'TEST_PREDICT_BOX_LISTS': ['person_box_67091280_iou90/ava_detection_val_boxes_and_labels.csv'],
'TRAIN_GT_BOX_LISTS': ['ava_train_v2.2.csv'],
'TRAIN_LISTS': ['train.csv'],
'TRAIN_PCA_EIGVAL': [0.225, 0.224, 0.229],
'TRAIN_PCA_EIGVEC': [[-0.5675, 0.7192, 0.4009],
[-0.5808, -0.0045, -0.814],
[-0.5836, -0.6948, 0.4203]],
'TRAIN_PCA_JITTER_ONLY': True,
'TRAIN_PREDICT_BOX_LISTS': ['ava_train_v2.2.csv',
'person_box_67091280_iou90/ava_detection_train_boxes_and_labels_include_negative_v2.2.csv'],
'TRAIN_USE_COLOR_AUGMENTATION': False},
'BN': {'EPSILON': 1e-05,
'MOMENTUM': 0.1,
'NUM_BATCHES_PRECISE': 200,
'USE_PRECISE_STATS': False,
'WEIGHT_DECAY': 0.0},
'DATA': {'CROP_SIZE': 224,
'INPUT_CHANNEL_NUM': [3, 3],
'MEAN': [0.45, 0.45, 0.45],
'NUM_FRAMES': 32,
'PATH_PREFIX': '',
'PATH_TO_DATA_DIR': '',
'SAMPLING_RATE': 2,
'STD': [0.225, 0.225, 0.225],
'TEST_CROP_SIZE': 256,
'TRAIN_CROP_SIZE': 224,
'TRAIN_JITTER_SCALES': [256, 320]},
'DATA_LOADER': {'ENABLE_MULTI_THREAD_DECODE': False,
'NUM_WORKERS': 16,
'PIN_MEMORY': True},
'DETECTION': {'ALIGNED': True,
'ENABLE': True,
'ROI_XFORM_RESOLUTION': 7,
'SPATIAL_SCALE_FACTOR': 16},
'DIST_BACKEND': 'nccl',
'LOG_PERIOD': 10,
'MODEL': {'ARCH': 'slowfast',
'DROPOUT_RATE': 0.5,
'FC_INIT_STD': 0.01,
'LOSS_FUNC': 'bce',
'MULTI_PATHWAY_ARCH': ['slowfast'],
'NUM_CLASSES': 80,
'SINGLE_PATHWAY_ARCH': ['c2d', 'i3d', 'slowonly']},
'NONLOCAL': {'GROUP': [[1, 1], [1, 1], [1, 1], [1, 1]],
'INSTANTIATION': 'dot_product',
'LOCATION': [[[], []], [[], []], [[], []], [[], []]],
'POOL': [[[1, 2, 2], [1, 2, 2]],
[[1, 2, 2], [1, 2, 2]],
[[1, 2, 2], [1, 2, 2]],
[[1, 2, 2], [1, 2, 2]]]},
'NUM_GPUS': 4,
'NUM_SHARDS': 1,
'OUTPUT_DIR': '/public/sist/home/hexm/Models/pyaction/model_logs/ava/slowfast.ava.32x2.res50.short',
'RESNET': {'DEPTH': 50,
'INPLACE_RELU': True,
'NUM_BLOCK_TEMP_KERNEL': [[3, 3], [4, 4], [6, 6], [3, 3]],
'NUM_GROUPS': 1,
'SPATIAL_DILATIONS': [[1, 1], [1, 1], [1, 1], [2, 2]],
'SPATIAL_STRIDES': [[1, 1], [2, 2], [2, 2], [1, 1]],
'STRIDE_1X1': False,
'TRANS_FUNC': 'bottleneck_transform',
'WIDTH_PER_GROUP': 64,
'ZERO_INIT_FINAL_BN': True},
'RNG_SEED': 0,
'SHARD_ID': 0,
'SLOWFAST': {'ALPHA': 4,
'BETA_INV': 8,
'FUSION_CONV_CHANNEL_RATIO': 2,
'FUSION_KERNEL_SZ': 7},
'SOLVER': {'BASE_LR': 0.05,
'DAMPENING': 0.0,
'GAMMA': 0.1,
'LRS': [1, 0.1, 0.01, 0.001],
'LR_POLICY': 'steps_with_relative_lrs',
'MAX_EPOCH': 20,
'MOMENTUM': 0.9,
'NESTEROV': True,
'OPTIMIZING_METHOD': 'sgd',
'STEPS': [0, 10, 15, 20],
'STEP_SIZE': 1,
'WARMUP_EPOCHS': 5,
'WARMUP_FACTOR': 0.1,
'WARMUP_START_LR': 0.000125,
'WEIGHT_DECAY': 1e-07},
'TEST': {'BATCH_SIZE': 4,
'CHECKPOINT_FILE_PATH': '',
'CHECKPOINT_TYPE': 'pytorch',
'DATASET': 'ava',
'ENABLE': True,
'NUM_ENSEMBLE_VIEWS': 10,
'NUM_SPATIAL_CROPS': 3},
'TRAIN': {'AUTO_RESUME': True,
'BATCH_SIZE': 32,
'CHECKPOINT_FILE_PATH': '/public/sist/home/hexm/Projects/pyaction/model_zoo/ava/pretrain/SLOWFAST_8x8_R50.pkl',
'CHECKPOINT_INFLATE': False,
'CHECKPOINT_PERIOD': 1,
'CHECKPOINT_TYPE': 'caffe2',
'DATASET': 'ava',
'ENABLE': True,
'EVAL_PERIOD': 5}}
[04/01 04:55:52] pyaction INFO: different config with base class:
{'AVA': {'ANNOTATION_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/annotations/',
'BGR': False,
'DETECTION_SCORE_THRESH': 0.8,
'EXCLUSION_FILE': 'ava_val_excluded_timestamps_v2.2.csv',
'FRAME_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/frames',
'FRAME_LIST_DIR': '/public/sist/home/hexm/Projects/pyaction/data/ava/frame_lists',
'FULL_TEST_ON_VAL': False,
'GROUNDTRUTH_FILE': 'ava_val_v2.2.csv',
'IMG_PROC_BACKEND': 'cv2',
'LABEL_MAP_FILE': 'ava_action_list_v2.2_for_activitynet_2019.pbtxt',
'TEST_FORCE_FLIP': False,
'TEST_LISTS': ['val.csv'],
'TEST_PREDICT_BOX_LISTS': ['person_box_67091280_iou90/ava_detection_val_boxes_and_labels.csv'],
'TRAIN_GT_BOX_LISTS': ['ava_train_v2.2.csv'],
'TRAIN_LISTS': ['train.csv'],
'TRAIN_PCA_EIGVAL': [0.225, 0.224, 0.229],
'TRAIN_PCA_EIGVEC': [[-0.5675, 0.7192, 0.4009],
[-0.5808, -0.0045, -0.814],
[-0.5836, -0.6948, 0.4203]],
'TRAIN_PCA_JITTER_ONLY': True,
'TRAIN_PREDICT_BOX_LISTS': ['ava_train_v2.2.csv',
'person_box_67091280_iou90/ava_detection_train_boxes_and_labels_include_negative_v2.2.csv'],
'TRAIN_USE_COLOR_AUGMENTATION': False},
'DATA': {'NUM_FRAMES': 32, 'SAMPLING_RATE': 2},
'DATA_LOADER': {'NUM_WORKERS': 16},
'DETECTION': {'ALIGNED': True,
'ENABLE': True,
'ROI_XFORM_RESOLUTION': 7,
'SPATIAL_SCALE_FACTOR': 16},
'MODEL': {'LOSS_FUNC': 'bce', 'NUM_CLASSES': 80},
'NONLOCAL': {'GROUP': [[1, 1], [1, 1], [1, 1], [1, 1]],
'LOCATION': [[[], []], [[], []], [[], []], [[], []]]},
'NUM_GPUS': 4,
'OUTPUT_DIR': '/public/sist/home/hexm/Models/pyaction/model_logs/ava/slowfast.ava.32x2.res50.short',
'RESNET': {'NUM_BLOCK_TEMP_KERNEL': [[3, 3], [4, 4], [6, 6], [3, 3]],
'SPATIAL_DILATIONS': [[1, 1], [1, 1], [1, 1], [2, 2]],
'SPATIAL_STRIDES': [[1, 1], [2, 2], [2, 2], [1, 1]],
'ZERO_INIT_FINAL_BN': True},
'RNG_SEED': 0,
'SLOWFAST': {'ALPHA': 4,
'BETA_INV': 8,
'FUSION_CONV_CHANNEL_RATIO': 2,
'FUSION_KERNEL_SZ': 7},
'SOLVER': {'BASE_LR': 0.05,
'LRS': [1, 0.1, 0.01, 0.001],
'LR_POLICY': 'steps_with_relative_lrs',
'MAX_EPOCH': 20,
'STEPS': [0, 10, 15, 20],
'WARMUP_EPOCHS': 5,
'WARMUP_START_LR': 0.000125,
'WEIGHT_DECAY': 1e-07},
'TEST': {'BATCH_SIZE': 4, 'DATASET': 'ava'},
'TRAIN': {'BATCH_SIZE': 32,
'CHECKPOINT_FILE_PATH': '/public/sist/home/hexm/Projects/pyaction/model_zoo/ava/pretrain/SLOWFAST_8x8_R50.pkl',
'CHECKPOINT_TYPE': 'caffe2',
'DATASET': 'ava',
'EVAL_PERIOD': 5}}
[04/01 04:56:14] pa.utils.misc INFO: Model:
DistributedDataParallel(
(module): SlowFastModel(
(s1): VideoModelStem(
(pathway0_stem): ResNetBasicStem(
(conv): Conv3d(3, 64, kernel_size=[1, 7, 7], stride=[1, 2, 2], padding=[0, 3, 3], bias=False)
(bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
(pool_layer): MaxPool3d(kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=1, ceil_mode=False)
)
(pathway1_stem): ResNetBasicStem(
(conv): Conv3d(3, 8, kernel_size=[5, 7, 7], stride=[1, 2, 2], padding=[2, 3, 3], bias=False)
(bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
(pool_layer): MaxPool3d(kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=1, ceil_mode=False)
)
)
(s1_fuse): FuseFastToSlow(
(conv_f2s): Conv3d(8, 16, kernel_size=[7, 1, 1], stride=[4, 1, 1], padding=[3, 0, 0], bias=False)
(bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
)
(s2): ResStage(
(pathway0_res0): ResBlock(
(branch1): Conv3d(80, 256, kernel_size=(1, 1, 1), stride=[1, 1, 1], bias=False)
(branch1_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(80, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(256, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(256, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res0): ResBlock(
(branch1): Conv3d(8, 32, kernel_size=(1, 1, 1), stride=[1, 1, 1], bias=False)
(branch1_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(8, 8, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(8, 8, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(8, 32, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(32, 8, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(8, 8, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(8, 32, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(32, 8, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(8, 8, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(8, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(8, 32, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
)
(s2_fuse): FuseFastToSlow(
(conv_f2s): Conv3d(32, 64, kernel_size=[7, 1, 1], stride=[4, 1, 1], padding=[3, 0, 0], bias=False)
(bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
)
(pathway0_pool): MaxPool3d(kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], dilation=1, ceil_mode=False)
(pathway1_pool): MaxPool3d(kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], dilation=1, ceil_mode=False)
(s3): ResStage(
(pathway0_res0): ResBlock(
(branch1): Conv3d(320, 512, kernel_size=(1, 1, 1), stride=[1, 2, 2], bias=False)
(branch1_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(320, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(128, 128, kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(128, 512, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(512, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(128, 128, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(128, 512, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(512, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(128, 128, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(128, 512, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res3): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(512, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(a_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(128, 128, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(128, 512, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res0): ResBlock(
(branch1): Conv3d(32, 64, kernel_size=(1, 1, 1), stride=[1, 2, 2], bias=False)
(branch1_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(32, 16, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(16, 16, kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(16, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(64, 16, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(16, 16, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(16, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(64, 16, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(16, 16, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(16, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res3): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(64, 16, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(16, 16, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(16, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(16, 64, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
)
(s3_fuse): FuseFastToSlow(
(conv_f2s): Conv3d(64, 128, kernel_size=[7, 1, 1], stride=[4, 1, 1], padding=[3, 0, 0], bias=False)
(bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
)
(s4): ResStage(
(pathway0_res0): ResBlock(
(branch1): Conv3d(640, 1024, kernel_size=(1, 1, 1), stride=[1, 2, 2], bias=False)
(branch1_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(640, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(1024, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(1024, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res3): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(1024, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res4): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(1024, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res5): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(1024, 256, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(256, 256, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(256, 1024, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res0): ResBlock(
(branch1): Conv3d(64, 128, kernel_size=(1, 1, 1), stride=[1, 2, 2], bias=False)
(branch1_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(64, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 2, 2], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(128, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(128, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res3): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(128, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res4): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(128, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res5): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(128, 32, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(32, 32, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 1, 1], dilation=[1, 1, 1], bias=False)
(b_bn): BatchNorm3d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(32, 128, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
)
(s4_fuse): FuseFastToSlow(
(conv_f2s): Conv3d(128, 256, kernel_size=[7, 1, 1], stride=[4, 1, 1], padding=[3, 0, 0], bias=False)
(bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(relu): ReLU(inplace=True)
)
(s5): ResStage(
(pathway0_res0): ResBlock(
(branch1): Conv3d(1280, 2048, kernel_size=(1, 1, 1), stride=[1, 1, 1], bias=False)
(branch1_bn): BatchNorm3d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(1280, 512, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(512, 512, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(512, 2048, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(2048, 512, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(512, 512, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(512, 2048, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway0_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(2048, 512, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(512, 512, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(512, 2048, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(2048, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res0): ResBlock(
(branch1): Conv3d(128, 256, kernel_size=(1, 1, 1), stride=[1, 1, 1], bias=False)
(branch1_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(branch2): BottleneckTransform(
(a): Conv3d(128, 64, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res1): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(256, 64, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
(pathway1_res2): ResBlock(
(branch2): BottleneckTransform(
(a): Conv3d(256, 64, kernel_size=[3, 1, 1], stride=[1, 1, 1], padding=[1, 0, 0], bias=False)
(a_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(a_relu): ReLU(inplace=True)
(b): Conv3d(64, 64, kernel_size=[1, 3, 3], stride=[1, 1, 1], padding=[0, 2, 2], dilation=[1, 2, 2], bias=False)
(b_bn): BatchNorm3d(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
(b_relu): ReLU(inplace=True)
(c): Conv3d(64, 256, kernel_size=[1, 1, 1], stride=[1, 1, 1], padding=[0, 0, 0], bias=False)
(c_bn): BatchNorm3d(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)
)
(relu): ReLU(inplace=True)
)
)
(head): ResNetRoIHead(
(s0_tpool): AvgPool3d(kernel_size=[8, 1, 1], stride=1, padding=0)
(s0_roi): ROIAlign(output_size=[7, 7], spatial_scale=0.0625, sampling_ratio=0, aligned=True)
(s0_spool): MaxPool2d(kernel_size=[7, 7], stride=1, padding=0, dilation=1, ceil_mode=False)
(s1_tpool): AvgPool3d(kernel_size=[32, 1, 1], stride=1, padding=0)
(s1_roi): ROIAlign(output_size=[7, 7], spatial_scale=0.0625, sampling_ratio=0, aligned=True)
(s1_spool): MaxPool2d(kernel_size=[7, 7], stride=1, padding=0, dilation=1, ceil_mode=False)
(dropout): Dropout(p=0.5, inplace=False)
(projection): Linear(in_features=2304, out_features=80, bias=True)
(act): Sigmoid()
)
)
)
[04/01 04:56:14] pa.utils.misc INFO: Params: 33,828,888
[04/01 04:56:14] pa.utils.misc INFO: Mem: 260.05322265625 MB
[04/01 04:56:14] pa.utils.misc INFO: FLOPs: 96.88860672 GFLOPs
[04/01 04:56:14] pa.utils.misc INFO: nvidia-smi
[04/01 04:56:19] pa.datasets.ava_helper INFO: Finished loading image paths from: /public/sist/home/hexm/Projects/pyaction/data/ava/frame_lists/val.csv
[04/01 04:56:20] pa.datasets.ava_helper INFO: Finished loading annotations from: /public/sist/home/hexm/Projects/pyaction/data/ava/annotations/person_box_67091280_iou90/ava_detection_val_boxes_and_labels.csv
[04/01 04:56:20] pa.datasets.ava_helper INFO: Detection threshold: 0.8
[04/01 04:56:20] pa.datasets.ava_helper INFO: Number of unique boxes: 100335
[04/01 04:56:20] pa.datasets.ava_helper INFO: Number of annotations: 0
[04/01 04:56:21] pa.datasets.ava_helper INFO: 52829 keyframes used.
[04/01 04:56:21] pa.datasets.ava_dataset INFO: === AVA dataset summary ===
[04/01 04:56:21] pa.datasets.ava_dataset INFO: Split: test
[04/01 04:56:21] pa.datasets.ava_dataset INFO: Number of videos: 64
[04/01 04:56:21] pa.datasets.ava_dataset INFO: Number of frames: 1729931
[04/01 04:56:21] pa.datasets.ava_dataset INFO: Number of key frames: 52829
[04/01 04:56:21] pa.datasets.ava_dataset INFO: Number of boxes: 100335.
[04/01 04:56:21] pyaction INFO: Testing model for 13208 iterations
[04/01 04:56:26] pa.datasets.ava_helper INFO: Finished loading image paths from: /public/sist/home/hexm/Projects/pyaction/data/ava/frame_lists/val.csv
[04/01 04:58:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10", "eta": "1:36:09", "mode": "test", "time_diff": 0.437152}
[04/01 04:58:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "20", "eta": "1:16:00", "mode": "test", "time_diff": 0.254464}
[04/01 04:58:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "30", "eta": "1:22:55", "mode": "test", "time_diff": 0.441089}
[04/01 04:58:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "40", "eta": "1:25:26", "mode": "test", "time_diff": 0.424456}
[04/01 04:58:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "50", "eta": "1:31:39", "mode": "test", "time_diff": 0.532393}
[04/01 04:58:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "60", "eta": "1:23:09", "mode": "test", "time_diff": 0.187205}
[04/01 04:58:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "70", "eta": "1:25:02", "mode": "test", "time_diff": 0.441864}
[04/01 04:58:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "80", "eta": "1:27:07", "mode": "test", "time_diff": 0.466573}
[04/01 04:58:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "90", "eta": "1:20:58", "mode": "test", "time_diff": 0.147536}
[04/01 04:59:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "100", "eta": "1:22:56", "mode": "test", "time_diff": 0.463747}
[04/01 04:59:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "110", "eta": "1:21:58", "mode": "test", "time_diff": 0.334185}
[04/01 04:59:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "120", "eta": "1:17:39", "mode": "test", "time_diff": 0.141418}
[04/01 04:59:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "130", "eta": "1:16:13", "mode": "test", "time_diff": 0.273991}
[04/01 04:59:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "140", "eta": "1:13:26", "mode": "test", "time_diff": 0.174510}
[04/01 04:59:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "150", "eta": "1:12:05", "mode": "test", "time_diff": 0.247280}
[04/01 04:59:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "160", "eta": "1:09:10", "mode": "test", "time_diff": 0.120992}
[04/01 04:59:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "170", "eta": "1:08:27", "mode": "test", "time_diff": 0.265961}
[04/01 04:59:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "180", "eta": "1:06:42", "mode": "test", "time_diff": 0.174675}
[04/01 04:59:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "190", "eta": "1:04:44", "mode": "test", "time_diff": 0.139683}
[04/01 04:59:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "200", "eta": "1:03:05", "mode": "test", "time_diff": 0.149922}
[04/01 04:59:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "210", "eta": "1:03:14", "mode": "test", "time_diff": 0.311074}
[04/01 04:59:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "220", "eta": "1:02:52", "mode": "test", "time_diff": 0.258917}
[04/01 04:59:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "230", "eta": "1:04:18", "mode": "test", "time_diff": 0.448575}
[04/01 04:59:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "240", "eta": "1:04:14", "mode": "test", "time_diff": 0.294558}
[04/01 04:59:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "250", "eta": "1:05:12", "mode": "test", "time_diff": 0.415947}
[04/01 04:59:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "260", "eta": "1:06:28", "mode": "test", "time_diff": 0.460068}
[04/01 04:59:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "270", "eta": "1:06:09", "mode": "test", "time_diff": 0.274011}
[04/01 04:59:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "280", "eta": "1:06:50", "mode": "test", "time_diff": 0.403694}
[04/01 05:00:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "290", "eta": "1:07:38", "mode": "test", "time_diff": 0.424240}
[04/01 05:00:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "300", "eta": "1:08:37", "mode": "test", "time_diff": 0.458185}
[04/01 05:00:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "310", "eta": "1:09:38", "mode": "test", "time_diff": 0.473935}
[04/01 05:00:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "320", "eta": "1:10:20", "mode": "test", "time_diff": 0.436465}
[04/01 05:00:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "330", "eta": "1:09:25", "mode": "test", "time_diff": 0.195515}
[04/01 05:00:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "340", "eta": "1:08:41", "mode": "test", "time_diff": 0.214560}
[04/01 05:00:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "350", "eta": "1:08:12", "mode": "test", "time_diff": 0.250234}
[04/01 05:00:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "360", "eta": "1:07:04", "mode": "test", "time_diff": 0.135649}
[04/01 05:00:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "370", "eta": "1:07:19", "mode": "test", "time_diff": 0.365508}
[04/01 05:00:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "380", "eta": "1:08:03", "mode": "test", "time_diff": 0.455784}
[04/01 05:00:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "390", "eta": "1:08:30", "mode": "test", "time_diff": 0.410798}
[04/01 05:00:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "400", "eta": "1:07:57", "mode": "test", "time_diff": 0.224989}
[04/01 05:00:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "410", "eta": "1:08:17", "mode": "test", "time_diff": 0.394368}
[04/01 05:00:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "420", "eta": "1:07:32", "mode": "test", "time_diff": 0.181887}
[04/01 05:00:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "430", "eta": "1:07:10", "mode": "test", "time_diff": 0.253549}
[04/01 05:00:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "440", "eta": "1:06:34", "mode": "test", "time_diff": 0.201973}
[04/01 05:01:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "450", "eta": "1:05:56", "mode": "test", "time_diff": 0.191582}
[04/01 05:01:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "460", "eta": "1:05:33", "mode": "test", "time_diff": 0.235939}
[04/01 05:01:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "470", "eta": "1:04:49", "mode": "test", "time_diff": 0.158640}
[04/01 05:01:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "480", "eta": "1:05:07", "mode": "test", "time_diff": 0.384441}
[04/01 05:01:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "490", "eta": "1:05:34", "mode": "test", "time_diff": 0.424799}
[04/01 05:01:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "500", "eta": "1:05:04", "mode": "test", "time_diff": 0.201331}
[04/01 05:01:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "510", "eta": "1:04:37", "mode": "test", "time_diff": 0.210089}
[04/01 05:01:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "520", "eta": "1:04:12", "mode": "test", "time_diff": 0.215937}
[04/01 05:01:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "530", "eta": "1:03:49", "mode": "test", "time_diff": 0.220405}
[04/01 05:01:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "540", "eta": "1:04:11", "mode": "test", "time_diff": 0.411297}
[04/01 05:01:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "550", "eta": "1:03:48", "mode": "test", "time_diff": 0.216509}
[04/01 05:01:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "560", "eta": "1:03:50", "mode": "test", "time_diff": 0.325401}
[04/01 05:01:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "570", "eta": "1:04:21", "mode": "test", "time_diff": 0.454544}
[04/01 05:01:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "580", "eta": "1:04:47", "mode": "test", "time_diff": 0.441357}
[04/01 05:01:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "590", "eta": "1:05:15", "mode": "test", "time_diff": 0.450986}
[04/01 05:01:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "600", "eta": "1:06:00", "mode": "test", "time_diff": 0.540475}
[04/01 05:01:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "610", "eta": "1:06:25", "mode": "test", "time_diff": 0.449632}
[04/01 05:02:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "620", "eta": "1:05:58", "mode": "test", "time_diff": 0.196708}
[04/01 05:02:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "630", "eta": "1:05:50", "mode": "test", "time_diff": 0.289505}
[04/01 05:02:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "640", "eta": "1:06:22", "mode": "test", "time_diff": 0.493261}
[04/01 05:02:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "650", "eta": "1:06:59", "mode": "test", "time_diff": 0.525051}
[04/01 05:02:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "660", "eta": "1:06:38", "mode": "test", "time_diff": 0.226972}
[04/01 05:02:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "670", "eta": "1:06:12", "mode": "test", "time_diff": 0.197147}
[04/01 05:02:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "680", "eta": "1:06:09", "mode": "test", "time_diff": 0.320002}
[04/01 05:02:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "690", "eta": "1:05:50", "mode": "test", "time_diff": 0.229648}
[04/01 05:02:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "700", "eta": "1:05:52", "mode": "test", "time_diff": 0.343115}
[04/01 05:02:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "710", "eta": "1:05:40", "mode": "test", "time_diff": 0.263822}
[04/01 05:02:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "720", "eta": "1:05:05", "mode": "test", "time_diff": 0.131272}
[04/01 05:02:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "730", "eta": "1:04:47", "mode": "test", "time_diff": 0.229992}
[04/01 05:02:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "740", "eta": "1:04:35", "mode": "test", "time_diff": 0.253799}
[04/01 05:02:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "750", "eta": "1:04:14", "mode": "test", "time_diff": 0.206913}
[04/01 05:02:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "760", "eta": "1:04:39", "mode": "test", "time_diff": 0.477811}
[04/01 05:02:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "770", "eta": "1:05:08", "mode": "test", "time_diff": 0.511193}
[04/01 05:02:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "780", "eta": "1:04:47", "mode": "test", "time_diff": 0.201826}
[04/01 05:02:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "790", "eta": "1:04:27", "mode": "test", "time_diff": 0.209451}
[04/01 05:03:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "800", "eta": "1:04:45", "mode": "test", "time_diff": 0.442318}
[04/01 05:03:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "810", "eta": "1:04:48", "mode": "test", "time_diff": 0.355364}
[04/01 05:03:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "820", "eta": "1:05:07", "mode": "test", "time_diff": 0.463460}
[04/01 05:03:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "830", "eta": "1:05:12", "mode": "test", "time_diff": 0.369222}
[04/01 05:03:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "840", "eta": "1:05:34", "mode": "test", "time_diff": 0.482392}
[04/01 05:03:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "850", "eta": "1:05:46", "mode": "test", "time_diff": 0.426871}
[04/01 05:03:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "860", "eta": "1:06:06", "mode": "test", "time_diff": 0.477950}
[04/01 05:03:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "870", "eta": "1:06:22", "mode": "test", "time_diff": 0.459670}
[04/01 05:03:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "880", "eta": "1:06:37", "mode": "test", "time_diff": 0.449978}
[04/01 05:03:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "890", "eta": "1:06:59", "mode": "test", "time_diff": 0.510655}
[04/01 05:03:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "900", "eta": "1:07:15", "mode": "test", "time_diff": 0.463507}
[04/01 05:03:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "910", "eta": "1:07:23", "mode": "test", "time_diff": 0.412805}
[04/01 05:03:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "920", "eta": "1:07:38", "mode": "test", "time_diff": 0.461957}
[04/01 05:03:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "930", "eta": "1:07:58", "mode": "test", "time_diff": 0.509447}
[04/01 05:03:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "940", "eta": "1:07:41", "mode": "test", "time_diff": 0.226561}
[04/01 05:03:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "950", "eta": "1:07:43", "mode": "test", "time_diff": 0.374209}
[04/01 05:04:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "960", "eta": "1:07:52", "mode": "test", "time_diff": 0.428892}
[04/01 05:04:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "970", "eta": "1:08:11", "mode": "test", "time_diff": 0.503753}
[04/01 05:04:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "980", "eta": "1:08:12", "mode": "test", "time_diff": 0.370773}
[04/01 05:04:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "990", "eta": "1:07:57", "mode": "test", "time_diff": 0.244585}
[04/01 05:04:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1000", "eta": "1:08:06", "mode": "test", "time_diff": 0.433790}
[04/01 05:04:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1010", "eta": "1:08:41", "mode": "test", "time_diff": 0.650516}
[04/01 05:04:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1020", "eta": "1:08:18", "mode": "test", "time_diff": 0.177454}
[04/01 05:04:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1030", "eta": "1:08:27", "mode": "test", "time_diff": 0.438287}
[04/01 05:04:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1040", "eta": "1:08:26", "mode": "test", "time_diff": 0.358485}
[04/01 05:04:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1050", "eta": "1:08:11", "mode": "test", "time_diff": 0.235660}
[04/01 05:04:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1060", "eta": "1:07:51", "mode": "test", "time_diff": 0.194334}
[04/01 05:04:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1070", "eta": "1:08:03", "mode": "test", "time_diff": 0.466239}
[04/01 05:04:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1080", "eta": "1:08:11", "mode": "test", "time_diff": 0.440457}
[04/01 05:04:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1090", "eta": "1:08:26", "mode": "test", "time_diff": 0.501281}
[04/01 05:04:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1100", "eta": "1:08:32", "mode": "test", "time_diff": 0.420281}
[04/01 05:04:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1110", "eta": "1:08:09", "mode": "test", "time_diff": 0.167049}
[04/01 05:05:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1120", "eta": "1:07:52", "mode": "test", "time_diff": 0.207098}
[04/01 05:05:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1130", "eta": "1:08:04", "mode": "test", "time_diff": 0.479893}
[04/01 05:05:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1140", "eta": "1:08:09", "mode": "test", "time_diff": 0.419235}
[04/01 05:05:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1150", "eta": "1:08:19", "mode": "test", "time_diff": 0.467126}
[04/01 05:05:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1160", "eta": "1:07:57", "mode": "test", "time_diff": 0.155493}
[04/01 05:05:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1170", "eta": "1:08:03", "mode": "test", "time_diff": 0.430209}
[04/01 05:05:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1180", "eta": "1:08:12", "mode": "test", "time_diff": 0.466040}
[04/01 05:05:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1190", "eta": "1:08:04", "mode": "test", "time_diff": 0.296853}
[04/01 05:05:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1200", "eta": "1:07:59", "mode": "test", "time_diff": 0.317205}
[04/01 05:05:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1210", "eta": "1:08:04", "mode": "test", "time_diff": 0.432034}
[04/01 05:05:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1220", "eta": "1:07:43", "mode": "test", "time_diff": 0.160828}
[04/01 05:05:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1230", "eta": "1:07:23", "mode": "test", "time_diff": 0.158998}
[04/01 05:05:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1240", "eta": "1:07:20", "mode": "test", "time_diff": 0.344426}
[04/01 05:05:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1250", "eta": "1:09:37", "mode": "test", "time_diff": 1.804293}
[04/01 05:05:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1260", "eta": "1:09:34", "mode": "test", "time_diff": 0.354478}
[04/01 05:05:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1270", "eta": "1:09:45", "mode": "test", "time_diff": 0.502947}
[04/01 05:05:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1280", "eta": "1:09:26", "mode": "test", "time_diff": 0.187560}
[04/01 05:06:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1290", "eta": "1:09:34", "mode": "test", "time_diff": 0.475241}
[04/01 05:06:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1300", "eta": "1:09:41", "mode": "test", "time_diff": 0.464236}
[04/01 05:06:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1310", "eta": "1:09:46", "mode": "test", "time_diff": 0.446531}
[04/01 05:06:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1320", "eta": "1:09:53", "mode": "test", "time_diff": 0.462304}
[04/01 05:06:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1330", "eta": "1:09:48", "mode": "test", "time_diff": 0.340219}
[04/01 05:06:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1340", "eta": "1:09:29", "mode": "test", "time_diff": 0.178435}
[04/01 05:06:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1350", "eta": "1:09:26", "mode": "test", "time_diff": 0.361355}
[04/01 05:06:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1360", "eta": "1:09:30", "mode": "test", "time_diff": 0.427897}
[04/01 05:06:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1370", "eta": "1:09:37", "mode": "test", "time_diff": 0.477545}
[04/01 05:06:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1380", "eta": "1:09:44", "mode": "test", "time_diff": 0.475735}
[04/01 05:06:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1390", "eta": "1:09:40", "mode": "test", "time_diff": 0.354284}
[04/01 05:06:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1400", "eta": "1:09:41", "mode": "test", "time_diff": 0.404416}
[04/01 05:06:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1410", "eta": "1:09:45", "mode": "test", "time_diff": 0.439820}
[04/01 05:06:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1420", "eta": "1:09:46", "mode": "test", "time_diff": 0.415802}
[04/01 05:06:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1430", "eta": "1:09:49", "mode": "test", "time_diff": 0.424743}
[04/01 05:07:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1440", "eta": "1:09:28", "mode": "test", "time_diff": 0.148757}
[04/01 05:07:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1450", "eta": "1:09:07", "mode": "test", "time_diff": 0.133230}
[04/01 05:07:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1460", "eta": "1:09:23", "mode": "test", "time_diff": 0.600865}
[04/01 05:07:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1470", "eta": "1:09:06", "mode": "test", "time_diff": 0.189682}
[04/01 05:07:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1480", "eta": "1:09:06", "mode": "test", "time_diff": 0.387929}
[04/01 05:07:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1490", "eta": "1:09:08", "mode": "test", "time_diff": 0.428992}
[04/01 05:07:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1500", "eta": "1:09:00", "mode": "test", "time_diff": 0.295696}
[04/01 05:07:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1510", "eta": "1:08:43", "mode": "test", "time_diff": 0.182978}
[04/01 05:07:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1520", "eta": "1:08:36", "mode": "test", "time_diff": 0.311413}
[04/01 05:07:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1530", "eta": "1:08:40", "mode": "test", "time_diff": 0.446907}
[04/01 05:07:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1540", "eta": "1:08:43", "mode": "test", "time_diff": 0.440642}
[04/01 05:07:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1550", "eta": "1:08:44", "mode": "test", "time_diff": 0.412797}
[04/01 05:07:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1560", "eta": "1:08:43", "mode": "test", "time_diff": 0.378237}
[04/01 05:07:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1570", "eta": "1:08:28", "mode": "test", "time_diff": 0.208021}
[04/01 05:07:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1580", "eta": "1:08:14", "mode": "test", "time_diff": 0.204639}
[04/01 05:07:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1590", "eta": "1:07:56", "mode": "test", "time_diff": 0.156043}
[04/01 05:07:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1600", "eta": "1:07:37", "mode": "test", "time_diff": 0.145577}
[04/01 05:07:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1610", "eta": "1:07:23", "mode": "test", "time_diff": 0.200940}
[04/01 05:07:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1620", "eta": "1:07:06", "mode": "test", "time_diff": 0.151804}
[04/01 05:07:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1630", "eta": "1:06:52", "mode": "test", "time_diff": 0.201165}
[04/01 05:08:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1640", "eta": "1:06:53", "mode": "test", "time_diff": 0.412106}
[04/01 05:08:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1650", "eta": "1:06:57", "mode": "test", "time_diff": 0.447527}
[04/01 05:08:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1660", "eta": "1:07:07", "mode": "test", "time_diff": 0.553517}
[04/01 05:08:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1670", "eta": "1:07:10", "mode": "test", "time_diff": 0.443351}
[04/01 05:08:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1680", "eta": "1:07:15", "mode": "test", "time_diff": 0.464445}
[04/01 05:08:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1690", "eta": "1:07:17", "mode": "test", "time_diff": 0.426997}
[04/01 05:08:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1700", "eta": "1:07:19", "mode": "test", "time_diff": 0.433916}
[04/01 05:08:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1710", "eta": "1:07:16", "mode": "test", "time_diff": 0.358163}
[04/01 05:08:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1720", "eta": "1:07:05", "mode": "test", "time_diff": 0.243999}
[04/01 05:08:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1730", "eta": "1:06:49", "mode": "test", "time_diff": 0.165622}
[04/01 05:08:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1740", "eta": "1:06:52", "mode": "test", "time_diff": 0.447741}
[04/01 05:08:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1750", "eta": "1:06:56", "mode": "test", "time_diff": 0.456092}
[04/01 05:08:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1760", "eta": "1:06:53", "mode": "test", "time_diff": 0.361519}
[04/01 05:08:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1770", "eta": "1:06:39", "mode": "test", "time_diff": 0.192251}
[04/01 05:08:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1780", "eta": "1:06:33", "mode": "test", "time_diff": 0.299750}
[04/01 05:08:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1790", "eta": "1:06:36", "mode": "test", "time_diff": 0.461620}
[04/01 05:09:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1800", "eta": "1:06:39", "mode": "test", "time_diff": 0.457070}
[04/01 05:09:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1810", "eta": "1:06:39", "mode": "test", "time_diff": 0.404299}
[04/01 05:09:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1820", "eta": "1:06:39", "mode": "test", "time_diff": 0.408964}
[04/01 05:09:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1830", "eta": "1:06:31", "mode": "test", "time_diff": 0.278603}
[04/01 05:09:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1840", "eta": "1:06:30", "mode": "test", "time_diff": 0.383315}
[04/01 05:09:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1850", "eta": "1:06:23", "mode": "test", "time_diff": 0.287499}
[04/01 05:09:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1860", "eta": "1:06:20", "mode": "test", "time_diff": 0.361623}
[04/01 05:09:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1870", "eta": "1:06:08", "mode": "test", "time_diff": 0.216411}
[04/01 05:09:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1880", "eta": "1:06:10", "mode": "test", "time_diff": 0.434505}
[04/01 05:09:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1890", "eta": "1:06:11", "mode": "test", "time_diff": 0.434094}
[04/01 05:09:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1900", "eta": "1:06:15", "mode": "test", "time_diff": 0.477975}
[04/01 05:09:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1910", "eta": "1:06:18", "mode": "test", "time_diff": 0.465321}
[04/01 05:09:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1920", "eta": "1:06:21", "mode": "test", "time_diff": 0.449549}
[04/01 05:09:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1930", "eta": "1:06:16", "mode": "test", "time_diff": 0.341743}
[04/01 05:09:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1940", "eta": "1:06:05", "mode": "test", "time_diff": 0.207304}
[04/01 05:09:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1950", "eta": "1:05:58", "mode": "test", "time_diff": 0.306775}
[04/01 05:09:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1960", "eta": "1:05:58", "mode": "test", "time_diff": 0.400430}
[04/01 05:10:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1970", "eta": "1:06:00", "mode": "test", "time_diff": 0.447454}
[04/01 05:10:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1980", "eta": "1:06:00", "mode": "test", "time_diff": 0.415156}
[04/01 05:10:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "1990", "eta": "1:06:01", "mode": "test", "time_diff": 0.434288}
[04/01 05:10:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2000", "eta": "1:05:56", "mode": "test", "time_diff": 0.334484}
[04/01 05:10:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2010", "eta": "1:06:00", "mode": "test", "time_diff": 0.489761}
[04/01 05:10:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2020", "eta": "1:06:04", "mode": "test", "time_diff": 0.485350}
[04/01 05:10:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2030", "eta": "1:06:01", "mode": "test", "time_diff": 0.368221}
[04/01 05:10:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2040", "eta": "1:06:10", "mode": "test", "time_diff": 0.579347}
[04/01 05:10:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2050", "eta": "1:06:12", "mode": "test", "time_diff": 0.454679}
[04/01 05:10:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2060", "eta": "1:06:13", "mode": "test", "time_diff": 0.444137}
[04/01 05:10:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2070", "eta": "1:06:14", "mode": "test", "time_diff": 0.435449}
[04/01 05:10:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2080", "eta": "1:06:25", "mode": "test", "time_diff": 0.630482}
[04/01 05:10:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2090", "eta": "1:06:12", "mode": "test", "time_diff": 0.179228}
[04/01 05:10:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2100", "eta": "1:06:01", "mode": "test", "time_diff": 0.229251}
[04/01 05:10:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2110", "eta": "1:05:59", "mode": "test", "time_diff": 0.383142}
[04/01 05:10:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2120", "eta": "1:05:49", "mode": "test", "time_diff": 0.237121}
[04/01 05:10:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2130", "eta": "1:05:39", "mode": "test", "time_diff": 0.222609}
[04/01 05:11:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2140", "eta": "1:05:33", "mode": "test", "time_diff": 0.308964}
[04/01 05:11:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2150", "eta": "1:05:28", "mode": "test", "time_diff": 0.326528}
[04/01 05:11:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2160", "eta": "1:05:29", "mode": "test", "time_diff": 0.443539}
[04/01 05:11:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2170", "eta": "1:05:15", "mode": "test", "time_diff": 0.160807}
[04/01 05:11:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2180", "eta": "1:05:05", "mode": "test", "time_diff": 0.219378}
[04/01 05:11:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2190", "eta": "1:04:55", "mode": "test", "time_diff": 0.233811}
[04/01 05:11:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2200", "eta": "1:04:55", "mode": "test", "time_diff": 0.416551}
[04/01 05:11:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2210", "eta": "1:04:43", "mode": "test", "time_diff": 0.177869}
[04/01 05:11:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2220", "eta": "1:04:37", "mode": "test", "time_diff": 0.317460}
[04/01 05:11:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2230", "eta": "1:04:27", "mode": "test", "time_diff": 0.221434}
[04/01 05:11:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2240", "eta": "1:04:28", "mode": "test", "time_diff": 0.435034}
[04/01 05:11:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2250", "eta": "1:04:24", "mode": "test", "time_diff": 0.344310}
[04/01 05:11:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2260", "eta": "1:04:11", "mode": "test", "time_diff": 0.153024}
[04/01 05:11:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2270", "eta": "1:04:02", "mode": "test", "time_diff": 0.237163}
[04/01 05:11:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2280", "eta": "1:03:48", "mode": "test", "time_diff": 0.142187}
[04/01 05:11:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2290", "eta": "1:03:34", "mode": "test", "time_diff": 0.132359}
[04/01 05:11:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2300", "eta": "1:03:34", "mode": "test", "time_diff": 0.416537}
[04/01 05:11:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2310", "eta": "1:03:28", "mode": "test", "time_diff": 0.289105}
[04/01 05:11:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2320", "eta": "1:03:35", "mode": "test", "time_diff": 0.590750}
[04/01 05:12:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2330", "eta": "1:03:27", "mode": "test", "time_diff": 0.242344}
[04/01 05:12:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2340", "eta": "1:03:23", "mode": "test", "time_diff": 0.341944}
[04/01 05:12:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2350", "eta": "1:03:25", "mode": "test", "time_diff": 0.458650}
[04/01 05:12:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2360", "eta": "1:03:25", "mode": "test", "time_diff": 0.427621}
[04/01 05:12:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2370", "eta": "1:03:28", "mode": "test", "time_diff": 0.508097}
[04/01 05:12:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2380", "eta": "1:03:29", "mode": "test", "time_diff": 0.448319}
[04/01 05:12:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2390", "eta": "1:03:32", "mode": "test", "time_diff": 0.487805}
[04/01 05:12:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2400", "eta": "1:03:21", "mode": "test", "time_diff": 0.180612}
[04/01 05:12:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2410", "eta": "1:03:15", "mode": "test", "time_diff": 0.298041}
[04/01 05:12:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2420", "eta": "1:03:04", "mode": "test", "time_diff": 0.197325}
[04/01 05:12:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2430", "eta": "1:03:01", "mode": "test", "time_diff": 0.345708}
[04/01 05:12:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2440", "eta": "1:02:47", "mode": "test", "time_diff": 0.132726}
[04/01 05:12:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2450", "eta": "1:02:36", "mode": "test", "time_diff": 0.176549}
[04/01 05:12:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2460", "eta": "1:02:27", "mode": "test", "time_diff": 0.210202}
[04/01 05:12:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2470", "eta": "1:02:35", "mode": "test", "time_diff": 0.622115}
[04/01 05:12:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2480", "eta": "1:02:37", "mode": "test", "time_diff": 0.465493}
[04/01 05:13:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2490", "eta": "1:02:36", "mode": "test", "time_diff": 0.415744}
[04/01 05:13:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2500", "eta": "1:02:35", "mode": "test", "time_diff": 0.406972}
[04/01 05:13:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2510", "eta": "1:02:35", "mode": "test", "time_diff": 0.433122}
[04/01 05:13:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2520", "eta": "1:02:35", "mode": "test", "time_diff": 0.445945}
[04/01 05:13:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2530", "eta": "1:02:36", "mode": "test", "time_diff": 0.440859}
[04/01 05:13:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2540", "eta": "1:02:35", "mode": "test", "time_diff": 0.408097}
[04/01 05:13:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2550", "eta": "1:02:31", "mode": "test", "time_diff": 0.339517}
[04/01 05:13:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2560", "eta": "1:02:30", "mode": "test", "time_diff": 0.414975}
[04/01 05:13:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2570", "eta": "1:02:20", "mode": "test", "time_diff": 0.203689}
[04/01 05:13:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2580", "eta": "1:02:19", "mode": "test", "time_diff": 0.405335}
[04/01 05:13:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2590", "eta": "1:02:13", "mode": "test", "time_diff": 0.308678}
[04/01 05:13:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2600", "eta": "1:02:05", "mode": "test", "time_diff": 0.221537}
[04/01 05:13:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2610", "eta": "1:01:55", "mode": "test", "time_diff": 0.201688}
[04/01 05:13:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2620", "eta": "1:01:44", "mode": "test", "time_diff": 0.160781}
[04/01 05:13:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2630", "eta": "1:01:38", "mode": "test", "time_diff": 0.303838}
[04/01 05:14:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2640", "eta": "1:01:28", "mode": "test", "time_diff": 0.165191}
[04/01 05:14:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2650", "eta": "1:01:25", "mode": "test", "time_diff": 0.379786}
[04/01 05:14:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2660", "eta": "1:01:25", "mode": "test", "time_diff": 0.428358}
[04/01 05:14:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2670", "eta": "1:01:24", "mode": "test", "time_diff": 0.419868}
[04/01 05:14:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2680", "eta": "1:01:13", "mode": "test", "time_diff": 0.154228}
[04/01 05:14:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2690", "eta": "1:01:15", "mode": "test", "time_diff": 0.497156}
[04/01 05:14:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2700", "eta": "1:01:17", "mode": "test", "time_diff": 0.473665}
[04/01 05:14:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2710", "eta": "1:01:05", "mode": "test", "time_diff": 0.147469}
[04/01 05:14:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2720", "eta": "1:00:55", "mode": "test", "time_diff": 0.159092}
[04/01 05:14:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2730", "eta": "1:00:44", "mode": "test", "time_diff": 0.153529}
[04/01 05:14:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2740", "eta": "1:00:34", "mode": "test", "time_diff": 0.186602}
[04/01 05:14:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2750", "eta": "1:00:26", "mode": "test", "time_diff": 0.224689}
[04/01 05:14:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2760", "eta": "1:00:22", "mode": "test", "time_diff": 0.334294}
[04/01 05:14:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2770", "eta": "1:00:21", "mode": "test", "time_diff": 0.412863}
[04/01 05:14:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2780", "eta": "1:00:21", "mode": "test", "time_diff": 0.440598}
[04/01 05:14:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2790", "eta": "1:00:21", "mode": "test", "time_diff": 0.441280}
[04/01 05:14:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2800", "eta": "1:00:14", "mode": "test", "time_diff": 0.265128}
[04/01 05:14:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2810", "eta": "1:00:14", "mode": "test", "time_diff": 0.433315}
[04/01 05:15:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2820", "eta": "1:00:05", "mode": "test", "time_diff": 0.192937}
[04/01 05:15:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2830", "eta": "1:00:05", "mode": "test", "time_diff": 0.444303}
[04/01 05:15:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2840", "eta": "0:59:57", "mode": "test", "time_diff": 0.214279}
[04/01 05:15:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2850", "eta": "0:59:52", "mode": "test", "time_diff": 0.323721}
[04/01 05:15:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2860", "eta": "0:59:45", "mode": "test", "time_diff": 0.237876}
[04/01 05:15:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2870", "eta": "0:59:42", "mode": "test", "time_diff": 0.369928}
[04/01 05:15:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2880", "eta": "0:59:43", "mode": "test", "time_diff": 0.470313}
[04/01 05:15:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2890", "eta": "0:59:33", "mode": "test", "time_diff": 0.159385}
[04/01 05:15:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2900", "eta": "0:59:23", "mode": "test", "time_diff": 0.166627}
[04/01 05:15:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2910", "eta": "0:59:13", "mode": "test", "time_diff": 0.158040}
[04/01 05:15:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2920", "eta": "0:59:05", "mode": "test", "time_diff": 0.218402}
[04/01 05:15:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2930", "eta": "0:59:03", "mode": "test", "time_diff": 0.382606}
[04/01 05:15:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2940", "eta": "0:59:01", "mode": "test", "time_diff": 0.368947}
[04/01 05:15:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2950", "eta": "0:59:01", "mode": "test", "time_diff": 0.459468}
[04/01 05:15:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2960", "eta": "0:59:02", "mode": "test", "time_diff": 0.459319}
[04/01 05:15:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2970", "eta": "0:59:03", "mode": "test", "time_diff": 0.474482}
[04/01 05:15:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2980", "eta": "0:59:01", "mode": "test", "time_diff": 0.408271}
[04/01 05:15:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "2990", "eta": "0:58:53", "mode": "test", "time_diff": 0.200813}
[04/01 05:16:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3000", "eta": "0:58:53", "mode": "test", "time_diff": 0.445064}
[04/01 05:16:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3010", "eta": "0:58:46", "mode": "test", "time_diff": 0.247721}
[04/01 05:16:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3020", "eta": "0:58:40", "mode": "test", "time_diff": 0.277412}
[04/01 05:16:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3030", "eta": "0:58:34", "mode": "test", "time_diff": 0.249781}
[04/01 05:16:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3040", "eta": "0:58:30", "mode": "test", "time_diff": 0.334464}
[04/01 05:16:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3050", "eta": "0:58:27", "mode": "test", "time_diff": 0.370256}
[04/01 05:16:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3060", "eta": "0:58:26", "mode": "test", "time_diff": 0.422421}
[04/01 05:16:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3070", "eta": "0:58:24", "mode": "test", "time_diff": 0.376613}
[04/01 05:16:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3080", "eta": "0:58:24", "mode": "test", "time_diff": 0.450700}
[04/01 05:16:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3090", "eta": "0:58:24", "mode": "test", "time_diff": 0.465950}
[04/01 05:16:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3100", "eta": "0:58:14", "mode": "test", "time_diff": 0.137193}
[04/01 05:16:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3110", "eta": "0:58:13", "mode": "test", "time_diff": 0.421336}
[04/01 05:16:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3120", "eta": "0:58:14", "mode": "test", "time_diff": 0.493106}
[04/01 05:16:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3130", "eta": "0:58:17", "mode": "test", "time_diff": 0.532864}
[04/01 05:16:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3140", "eta": "0:58:16", "mode": "test", "time_diff": 0.416650}
[04/01 05:16:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3150", "eta": "0:58:16", "mode": "test", "time_diff": 0.459826}
[04/01 05:16:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3160", "eta": "0:58:06", "mode": "test", "time_diff": 0.142181}
[04/01 05:16:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3170", "eta": "0:57:56", "mode": "test", "time_diff": 0.137403}
[04/01 05:17:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3180", "eta": "0:57:54", "mode": "test", "time_diff": 0.400385}
[04/01 05:17:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3190", "eta": "0:57:49", "mode": "test", "time_diff": 0.295041}
[04/01 05:17:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3200", "eta": "0:57:41", "mode": "test", "time_diff": 0.202078}
[04/01 05:17:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3210", "eta": "0:57:32", "mode": "test", "time_diff": 0.181107}
[04/01 05:17:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3220", "eta": "0:57:23", "mode": "test", "time_diff": 0.155244}
[04/01 05:17:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3230", "eta": "0:57:17", "mode": "test", "time_diff": 0.274249}
[04/01 05:17:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3240", "eta": "0:57:09", "mode": "test", "time_diff": 0.186567}
[04/01 05:17:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3250", "eta": "0:57:03", "mode": "test", "time_diff": 0.267694}
[04/01 05:17:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3260", "eta": "0:56:56", "mode": "test", "time_diff": 0.215336}
[04/01 05:17:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3270", "eta": "0:56:48", "mode": "test", "time_diff": 0.192185}
[04/01 05:17:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3280", "eta": "0:56:39", "mode": "test", "time_diff": 0.171951}
[04/01 05:17:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3290", "eta": "0:56:32", "mode": "test", "time_diff": 0.204154}
[04/01 05:17:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3300", "eta": "0:56:23", "mode": "test", "time_diff": 0.183350}
[04/01 05:17:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3310", "eta": "0:56:15", "mode": "test", "time_diff": 0.179846}
[04/01 05:17:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3320", "eta": "0:56:06", "mode": "test", "time_diff": 0.151700}
[04/01 05:17:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3330", "eta": "0:55:59", "mode": "test", "time_diff": 0.199293}
[04/01 05:17:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3340", "eta": "0:55:55", "mode": "test", "time_diff": 0.344749}
[04/01 05:17:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3350", "eta": "0:55:55", "mode": "test", "time_diff": 0.458151}
[04/01 05:17:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3360", "eta": "0:55:57", "mode": "test", "time_diff": 0.500105}
[04/01 05:17:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3370", "eta": "0:56:17", "mode": "test", "time_diff": 1.170299}
[04/01 05:18:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3380", "eta": "0:56:17", "mode": "test", "time_diff": 0.429622}
[04/01 05:18:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3390", "eta": "0:56:16", "mode": "test", "time_diff": 0.453504}
[04/01 05:18:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3400", "eta": "0:56:15", "mode": "test", "time_diff": 0.432952}
[04/01 05:18:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3410", "eta": "0:56:10", "mode": "test", "time_diff": 0.292239}
[04/01 05:18:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3420", "eta": "0:56:03", "mode": "test", "time_diff": 0.196894}
[04/01 05:18:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3430", "eta": "0:56:03", "mode": "test", "time_diff": 0.478860}
[04/01 05:18:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3440", "eta": "0:56:03", "mode": "test", "time_diff": 0.440143}
[04/01 05:18:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3450", "eta": "0:56:02", "mode": "test", "time_diff": 0.436810}
[04/01 05:18:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3460", "eta": "0:55:54", "mode": "test", "time_diff": 0.192212}
[04/01 05:18:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3470", "eta": "0:55:53", "mode": "test", "time_diff": 0.443786}
[04/01 05:18:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3480", "eta": "0:55:49", "mode": "test", "time_diff": 0.329279}
[04/01 05:18:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3490", "eta": "0:55:50", "mode": "test", "time_diff": 0.473325}
[04/01 05:18:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3500", "eta": "0:55:47", "mode": "test", "time_diff": 0.390055}
[04/01 05:18:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3510", "eta": "0:55:42", "mode": "test", "time_diff": 0.277156}
[04/01 05:18:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3520", "eta": "0:55:36", "mode": "test", "time_diff": 0.242870}
[04/01 05:18:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3530", "eta": "0:55:36", "mode": "test", "time_diff": 0.478504}
[04/01 05:18:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3540", "eta": "0:55:35", "mode": "test", "time_diff": 0.432621}
[04/01 05:19:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3550", "eta": "0:55:34", "mode": "test", "time_diff": 0.418805}
[04/01 05:19:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3560", "eta": "0:55:33", "mode": "test", "time_diff": 0.457835}
[04/01 05:19:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3570", "eta": "0:55:34", "mode": "test", "time_diff": 0.486413}
[04/01 05:19:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3580", "eta": "0:55:32", "mode": "test", "time_diff": 0.430799}
[04/01 05:19:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3590", "eta": "0:55:32", "mode": "test", "time_diff": 0.445065}
[04/01 05:19:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3600", "eta": "0:55:32", "mode": "test", "time_diff": 0.486014}
[04/01 05:19:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3610", "eta": "0:55:30", "mode": "test", "time_diff": 0.423951}
[04/01 05:19:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3620", "eta": "0:55:30", "mode": "test", "time_diff": 0.464240}
[04/01 05:19:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3630", "eta": "0:55:29", "mode": "test", "time_diff": 0.444089}
[04/01 05:19:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3640", "eta": "0:55:28", "mode": "test", "time_diff": 0.429054}
[04/01 05:19:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3650", "eta": "0:55:26", "mode": "test", "time_diff": 0.429266}
[04/01 05:19:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3660", "eta": "0:55:23", "mode": "test", "time_diff": 0.338202}
[04/01 05:19:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3670", "eta": "0:55:18", "mode": "test", "time_diff": 0.308141}
[04/01 05:19:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3680", "eta": "0:55:10", "mode": "test", "time_diff": 0.178932}
[04/01 05:19:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3690", "eta": "0:55:03", "mode": "test", "time_diff": 0.180144}
[04/01 05:19:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3700", "eta": "0:54:54", "mode": "test", "time_diff": 0.141744}
[04/01 05:20:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3710", "eta": "0:54:52", "mode": "test", "time_diff": 0.429318}
[04/01 05:20:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3720", "eta": "0:54:51", "mode": "test", "time_diff": 0.432668}
[04/01 05:20:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3730", "eta": "0:54:43", "mode": "test", "time_diff": 0.156434}
[04/01 05:20:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3740", "eta": "0:54:44", "mode": "test", "time_diff": 0.519784}
[04/01 05:20:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3750", "eta": "0:54:44", "mode": "test", "time_diff": 0.483652}
[04/01 05:20:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3760", "eta": "0:54:37", "mode": "test", "time_diff": 0.218966}
[04/01 05:20:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3770", "eta": "0:54:28", "mode": "test", "time_diff": 0.135318}
[04/01 05:20:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3780", "eta": "0:54:30", "mode": "test", "time_diff": 0.533288}
[04/01 05:20:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3790", "eta": "0:54:29", "mode": "test", "time_diff": 0.452089}
[04/01 05:20:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3800", "eta": "0:54:29", "mode": "test", "time_diff": 0.514122}
[04/01 05:20:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3810", "eta": "0:54:23", "mode": "test", "time_diff": 0.245788}
[04/01 05:20:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3820", "eta": "0:54:17", "mode": "test", "time_diff": 0.244917}
[04/01 05:20:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3830", "eta": "0:54:17", "mode": "test", "time_diff": 0.476650}
[04/01 05:20:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3840", "eta": "0:54:13", "mode": "test", "time_diff": 0.312385}
[04/01 05:20:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3850", "eta": "0:54:09", "mode": "test", "time_diff": 0.339097}
[04/01 05:20:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3860", "eta": "0:54:07", "mode": "test", "time_diff": 0.401689}
[04/01 05:20:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3870", "eta": "0:54:07", "mode": "test", "time_diff": 0.491153}
[04/01 05:20:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3880", "eta": "0:54:00", "mode": "test", "time_diff": 0.209281}
[04/01 05:21:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3890", "eta": "0:53:52", "mode": "test", "time_diff": 0.170363}
[04/01 05:21:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3900", "eta": "0:53:45", "mode": "test", "time_diff": 0.173889}
[04/01 05:21:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3910", "eta": "0:53:37", "mode": "test", "time_diff": 0.156578}
[04/01 05:21:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3920", "eta": "0:53:29", "mode": "test", "time_diff": 0.155930}
[04/01 05:21:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3930", "eta": "0:53:22", "mode": "test", "time_diff": 0.206475}
[04/01 05:21:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3940", "eta": "0:53:20", "mode": "test", "time_diff": 0.398920}
[04/01 05:21:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3950", "eta": "0:53:13", "mode": "test", "time_diff": 0.178363}
[04/01 05:21:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3960", "eta": "0:53:08", "mode": "test", "time_diff": 0.310268}
[04/01 05:21:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3970", "eta": "0:53:07", "mode": "test", "time_diff": 0.423159}
[04/01 05:21:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3980", "eta": "0:53:00", "mode": "test", "time_diff": 0.220867}
[04/01 05:21:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "3990", "eta": "0:52:59", "mode": "test", "time_diff": 0.442842}
[04/01 05:21:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4000", "eta": "0:52:56", "mode": "test", "time_diff": 0.352827}
[04/01 05:21:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4010", "eta": "0:52:53", "mode": "test", "time_diff": 0.365241}
[04/01 05:21:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4020", "eta": "0:52:52", "mode": "test", "time_diff": 0.443801}
[04/01 05:21:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4030", "eta": "0:52:44", "mode": "test", "time_diff": 0.169803}
[04/01 05:21:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4040", "eta": "0:52:37", "mode": "test", "time_diff": 0.172974}
[04/01 05:21:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4050", "eta": "0:52:30", "mode": "test", "time_diff": 0.192092}
[04/01 05:21:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4060", "eta": "0:52:31", "mode": "test", "time_diff": 0.543551}
[04/01 05:21:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4070", "eta": "0:52:31", "mode": "test", "time_diff": 0.476073}
[04/01 05:22:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4080", "eta": "0:52:29", "mode": "test", "time_diff": 0.432066}
[04/01 05:22:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4090", "eta": "0:52:21", "mode": "test", "time_diff": 0.147281}
[04/01 05:22:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4100", "eta": "0:52:14", "mode": "test", "time_diff": 0.154613}
[04/01 05:22:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4110", "eta": "0:52:07", "mode": "test", "time_diff": 0.188842}
[04/01 05:22:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4120", "eta": "0:52:03", "mode": "test", "time_diff": 0.317435}
[04/01 05:22:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4130", "eta": "0:51:56", "mode": "test", "time_diff": 0.194894}
[04/01 05:22:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4140", "eta": "0:51:52", "mode": "test", "time_diff": 0.334445}
[04/01 05:22:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4150", "eta": "0:51:49", "mode": "test", "time_diff": 0.356521}
[04/01 05:22:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4160", "eta": "0:51:47", "mode": "test", "time_diff": 0.410374}
[04/01 05:22:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4170", "eta": "0:51:44", "mode": "test", "time_diff": 0.336824}
[04/01 05:22:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4180", "eta": "0:51:43", "mode": "test", "time_diff": 0.479170}
[04/01 05:22:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4190", "eta": "0:51:37", "mode": "test", "time_diff": 0.213869}
[04/01 05:22:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4200", "eta": "0:51:31", "mode": "test", "time_diff": 0.218332}
[04/01 05:22:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4210", "eta": "0:51:30", "mode": "test", "time_diff": 0.446001}
[04/01 05:22:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4220", "eta": "0:51:29", "mode": "test", "time_diff": 0.476530}
[04/01 05:22:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4230", "eta": "0:51:23", "mode": "test", "time_diff": 0.224321}
[04/01 05:22:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4240", "eta": "0:51:22", "mode": "test", "time_diff": 0.464815}
[04/01 05:23:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4250", "eta": "0:51:21", "mode": "test", "time_diff": 0.434233}
[04/01 05:23:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4260", "eta": "0:51:19", "mode": "test", "time_diff": 0.449073}
[04/01 05:23:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4270", "eta": "0:51:17", "mode": "test", "time_diff": 0.405442}
[04/01 05:23:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4280", "eta": "0:51:16", "mode": "test", "time_diff": 0.448793}
[04/01 05:23:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4290", "eta": "0:51:17", "mode": "test", "time_diff": 0.561919}
[04/01 05:23:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4300", "eta": "0:51:11", "mode": "test", "time_diff": 0.196597}
[04/01 05:23:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4310", "eta": "0:51:04", "mode": "test", "time_diff": 0.205021}
[04/01 05:23:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4320", "eta": "0:51:01", "mode": "test", "time_diff": 0.373461}
[04/01 05:23:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4330", "eta": "0:50:56", "mode": "test", "time_diff": 0.245571}
[04/01 05:23:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4340", "eta": "0:50:50", "mode": "test", "time_diff": 0.247046}
[04/01 05:23:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4350", "eta": "0:50:45", "mode": "test", "time_diff": 0.226608}
[04/01 05:23:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4360", "eta": "0:50:38", "mode": "test", "time_diff": 0.196255}
[04/01 05:23:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4370", "eta": "0:50:35", "mode": "test", "time_diff": 0.364386}
[04/01 05:23:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4380", "eta": "0:50:32", "mode": "test", "time_diff": 0.360978}
[04/01 05:23:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4390", "eta": "0:50:29", "mode": "test", "time_diff": 0.351409}
[04/01 05:23:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4400", "eta": "0:50:26", "mode": "test", "time_diff": 0.382827}
[04/01 05:24:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4410", "eta": "0:50:26", "mode": "test", "time_diff": 0.505868}
[04/01 05:24:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4420", "eta": "0:50:25", "mode": "test", "time_diff": 0.443710}
[04/01 05:24:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4430", "eta": "0:50:23", "mode": "test", "time_diff": 0.448792}
[04/01 05:24:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4440", "eta": "0:50:23", "mode": "test", "time_diff": 0.500403}
[04/01 05:24:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4450", "eta": "0:50:16", "mode": "test", "time_diff": 0.185536}
[04/01 05:24:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4460", "eta": "0:50:09", "mode": "test", "time_diff": 0.173957}
[04/01 05:24:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4470", "eta": "0:50:05", "mode": "test", "time_diff": 0.282116}
[04/01 05:24:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4480", "eta": "0:50:03", "mode": "test", "time_diff": 0.426193}
[04/01 05:24:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4500", "eta": "0:50:00", "mode": "test", "time_diff": 0.419445}
[04/01 05:24:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4510", "eta": "0:49:52", "mode": "test", "time_diff": 0.146578}
[04/01 05:24:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4520", "eta": "0:49:45", "mode": "test", "time_diff": 0.153644}
[04/01 05:24:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4530", "eta": "0:49:39", "mode": "test", "time_diff": 0.206302}
[04/01 05:24:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4540", "eta": "0:49:34", "mode": "test", "time_diff": 0.268887}
[04/01 05:24:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4550", "eta": "0:49:34", "mode": "test", "time_diff": 0.485411}
[04/01 05:24:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4560", "eta": "0:49:32", "mode": "test", "time_diff": 0.448221}
[04/01 05:24:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4570", "eta": "0:49:31", "mode": "test", "time_diff": 0.442596}
[04/01 05:25:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4580", "eta": "0:49:30", "mode": "test", "time_diff": 0.489717}
[04/01 05:25:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4590", "eta": "0:49:28", "mode": "test", "time_diff": 0.444674}
[04/01 05:25:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4600", "eta": "0:49:26", "mode": "test", "time_diff": 0.415846}
[04/01 05:25:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4610", "eta": "0:49:23", "mode": "test", "time_diff": 0.374351}
[04/01 05:25:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4620", "eta": "0:49:17", "mode": "test", "time_diff": 0.205617}
[04/01 05:25:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4630", "eta": "0:49:11", "mode": "test", "time_diff": 0.186215}
[04/01 05:25:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4640", "eta": "0:49:05", "mode": "test", "time_diff": 0.230232}
[04/01 05:25:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4650", "eta": "0:49:02", "mode": "test", "time_diff": 0.367506}
[04/01 05:25:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4660", "eta": "0:49:00", "mode": "test", "time_diff": 0.416561}
[04/01 05:25:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4670", "eta": "0:48:58", "mode": "test", "time_diff": 0.397200}
[04/01 05:25:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4680", "eta": "0:48:56", "mode": "test", "time_diff": 0.445190}
[04/01 05:25:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4690", "eta": "0:48:55", "mode": "test", "time_diff": 0.463245}
[04/01 05:25:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4700", "eta": "0:48:53", "mode": "test", "time_diff": 0.453851}
[04/01 05:25:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4710", "eta": "0:48:52", "mode": "test", "time_diff": 0.461779}
[04/01 05:25:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4720", "eta": "0:48:45", "mode": "test", "time_diff": 0.146855}
[04/01 05:25:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4730", "eta": "0:48:42", "mode": "test", "time_diff": 0.363258}
[04/01 05:25:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4740", "eta": "0:48:36", "mode": "test", "time_diff": 0.203631}
[04/01 05:25:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4750", "eta": "0:48:31", "mode": "test", "time_diff": 0.236492}
[04/01 05:26:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4760", "eta": "0:48:25", "mode": "test", "time_diff": 0.216489}
[04/01 05:26:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4770", "eta": "0:48:18", "mode": "test", "time_diff": 0.168913}
[04/01 05:26:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4780", "eta": "0:48:13", "mode": "test", "time_diff": 0.209291}
[04/01 05:26:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4790", "eta": "0:48:07", "mode": "test", "time_diff": 0.195947}
[04/01 05:26:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4800", "eta": "0:48:02", "mode": "test", "time_diff": 0.282519}
[04/01 05:26:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4810", "eta": "0:48:01", "mode": "test", "time_diff": 0.446426}
[04/01 05:26:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4820", "eta": "0:47:59", "mode": "test", "time_diff": 0.479399}
[04/01 05:26:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4830", "eta": "0:47:58", "mode": "test", "time_diff": 0.454780}
[04/01 05:26:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4840", "eta": "0:47:56", "mode": "test", "time_diff": 0.437665}
[04/01 05:26:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4850", "eta": "0:47:54", "mode": "test", "time_diff": 0.418839}
[04/01 05:26:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4860", "eta": "0:47:53", "mode": "test", "time_diff": 0.492774}
[04/01 05:26:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4870", "eta": "0:47:52", "mode": "test", "time_diff": 0.478497}
[04/01 05:26:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4880", "eta": "0:47:50", "mode": "test", "time_diff": 0.403474}
[04/01 05:26:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4890", "eta": "0:47:48", "mode": "test", "time_diff": 0.460858}
[04/01 05:26:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4900", "eta": "0:47:47", "mode": "test", "time_diff": 0.476350}
[04/01 05:26:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4910", "eta": "0:47:45", "mode": "test", "time_diff": 0.418686}
[04/01 05:27:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4920", "eta": "0:47:43", "mode": "test", "time_diff": 0.454891}
[04/01 05:27:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4930", "eta": "0:47:41", "mode": "test", "time_diff": 0.439192}
[04/01 05:27:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4940", "eta": "0:47:39", "mode": "test", "time_diff": 0.447712}
[04/01 05:27:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4950", "eta": "0:47:38", "mode": "test", "time_diff": 0.491281}
[04/01 05:27:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4960", "eta": "0:47:36", "mode": "test", "time_diff": 0.432543}
[04/01 05:27:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4970", "eta": "0:47:34", "mode": "test", "time_diff": 0.437309}
[04/01 05:27:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4980", "eta": "0:47:30", "mode": "test", "time_diff": 0.284842}
[04/01 05:27:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "4990", "eta": "0:47:24", "mode": "test", "time_diff": 0.217943}
[04/01 05:27:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5000", "eta": "0:47:18", "mode": "test", "time_diff": 0.170366}
[04/01 05:27:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5010", "eta": "0:47:14", "mode": "test", "time_diff": 0.396810}
[04/01 05:27:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5020", "eta": "0:47:10", "mode": "test", "time_diff": 0.204364}
[04/01 05:27:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5030", "eta": "0:47:03", "mode": "test", "time_diff": 0.229251}
[04/01 05:27:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5040", "eta": "0:46:55", "mode": "test", "time_diff": 0.194043}
[04/01 05:27:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5050", "eta": "0:46:48", "mode": "test", "time_diff": 0.278781}
[04/01 05:27:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5060", "eta": "0:46:45", "mode": "test", "time_diff": 0.246874}
[04/01 05:27:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5070", "eta": "0:46:41", "mode": "test", "time_diff": 0.370044}
[04/01 05:28:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5080", "eta": "0:46:33", "mode": "test", "time_diff": 0.182944}
[04/01 05:28:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5090", "eta": "0:46:30", "mode": "test", "time_diff": 0.178140}
[04/01 05:28:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5100", "eta": "0:46:26", "mode": "test", "time_diff": 0.462286}
[04/01 05:28:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5110", "eta": "0:46:26", "mode": "test", "time_diff": 0.495801}
[04/01 05:28:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5120", "eta": "0:46:27", "mode": "test", "time_diff": 0.431772}
[04/01 05:28:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5130", "eta": "0:46:25", "mode": "test", "time_diff": 0.363931}
[04/01 05:28:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5140", "eta": "0:46:27", "mode": "test", "time_diff": 0.534826}
[04/01 05:28:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5150", "eta": "0:46:27", "mode": "test", "time_diff": 0.425030}
[04/01 05:28:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5160", "eta": "0:46:28", "mode": "test", "time_diff": 0.396817}
[04/01 05:28:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5170", "eta": "0:46:23", "mode": "test", "time_diff": 0.193763}
[04/01 05:28:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5180", "eta": "0:46:20", "mode": "test", "time_diff": 0.188876}
[04/01 05:28:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5190", "eta": "0:46:17", "mode": "test", "time_diff": 0.217134}
[04/01 05:28:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5200", "eta": "0:46:18", "mode": "test", "time_diff": 0.368888}
[04/01 05:28:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5210", "eta": "0:46:14", "mode": "test", "time_diff": 0.330012}
[04/01 05:28:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5220", "eta": "0:46:09", "mode": "test", "time_diff": 0.157071}
[04/01 05:28:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5230", "eta": "0:46:02", "mode": "test", "time_diff": 0.193775}
[04/01 05:28:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5240", "eta": "0:46:00", "mode": "test", "time_diff": 0.397637}
[04/01 05:28:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5250", "eta": "0:45:57", "mode": "test", "time_diff": 0.472234}
[04/01 05:29:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5260", "eta": "0:45:52", "mode": "test", "time_diff": 0.313316}
[04/01 05:29:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5270", "eta": "0:45:48", "mode": "test", "time_diff": 0.249411}
[04/01 05:29:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5280", "eta": "0:45:42", "mode": "test", "time_diff": 0.291085}
[04/01 05:29:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5290", "eta": "0:45:40", "mode": "test", "time_diff": 0.502420}
[04/01 05:29:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5300", "eta": "0:45:35", "mode": "test", "time_diff": 0.362518}
[04/01 05:29:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5310", "eta": "0:45:31", "mode": "test", "time_diff": 0.443936}
[04/01 05:29:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5320", "eta": "0:45:28", "mode": "test", "time_diff": 0.422229}
[04/01 05:29:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5330", "eta": "0:45:25", "mode": "test", "time_diff": 0.257897}
[04/01 05:29:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5340", "eta": "0:45:21", "mode": "test", "time_diff": 0.198850}
[04/01 05:29:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5350", "eta": "0:45:21", "mode": "test", "time_diff": 0.457092}
[04/01 05:29:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5360", "eta": "0:45:23", "mode": "test", "time_diff": 0.446726}
[04/01 05:29:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5370", "eta": "0:45:19", "mode": "test", "time_diff": 0.339629}
[04/01 05:29:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5380", "eta": "0:45:11", "mode": "test", "time_diff": 0.161838}
[04/01 05:29:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5390", "eta": "0:45:04", "mode": "test", "time_diff": 0.219513}
[04/01 05:29:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5400", "eta": "0:45:01", "mode": "test", "time_diff": 0.256747}
[04/01 05:29:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5410", "eta": "0:44:56", "mode": "test", "time_diff": 0.277525}
[04/01 05:30:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5420", "eta": "0:44:55", "mode": "test", "time_diff": 0.351156}
[04/01 05:30:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5430", "eta": "0:44:51", "mode": "test", "time_diff": 0.234911}
[04/01 05:30:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5440", "eta": "0:44:49", "mode": "test", "time_diff": 0.247235}
[04/01 05:30:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5450", "eta": "0:44:45", "mode": "test", "time_diff": 0.185825}
[04/01 05:30:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5460", "eta": "0:45:29", "mode": "test", "time_diff": 3.279825}
[04/01 05:30:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5470", "eta": "0:45:29", "mode": "test", "time_diff": 0.406974}
[04/01 05:30:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5480", "eta": "0:45:26", "mode": "test", "time_diff": 0.384130}
[04/01 05:30:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5490", "eta": "0:45:18", "mode": "test", "time_diff": 0.148313}
[04/01 05:30:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5500", "eta": "0:45:15", "mode": "test", "time_diff": 0.248038}
[04/01 05:31:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5510", "eta": "0:45:11", "mode": "test", "time_diff": 0.159886}
[04/01 05:31:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5520", "eta": "0:45:07", "mode": "test", "time_diff": 0.228861}
[04/01 05:31:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5530", "eta": "0:45:03", "mode": "test", "time_diff": 0.186843}
[04/01 05:32:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5540", "eta": "0:44:58", "mode": "test", "time_diff": 0.295734}
[04/01 05:32:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5550", "eta": "0:44:54", "mode": "test", "time_diff": 0.148014}
[04/01 05:32:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5560", "eta": "0:44:47", "mode": "test", "time_diff": 0.146038}
[04/01 05:32:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5570", "eta": "0:44:40", "mode": "test", "time_diff": 0.184786}
[04/01 05:32:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5580", "eta": "0:44:32", "mode": "test", "time_diff": 0.149538}
[04/01 05:32:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5590", "eta": "0:44:29", "mode": "test", "time_diff": 0.482588}
[04/01 05:32:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5600", "eta": "0:44:23", "mode": "test", "time_diff": 0.403904}
[04/01 05:32:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5610", "eta": "0:44:19", "mode": "test", "time_diff": 0.414509}
[04/01 05:32:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5620", "eta": "0:44:15", "mode": "test", "time_diff": 0.144721}
[04/01 05:32:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5630", "eta": "0:44:11", "mode": "test", "time_diff": 0.296560}
[04/01 05:32:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5640", "eta": "0:44:07", "mode": "test", "time_diff": 0.404371}
[04/01 05:32:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5650", "eta": "0:43:59", "mode": "test", "time_diff": 0.244073}
[04/01 05:32:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5660", "eta": "0:43:54", "mode": "test", "time_diff": 0.114175}
[04/01 05:33:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5670", "eta": "0:43:52", "mode": "test", "time_diff": 0.337418}
[04/01 05:33:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5680", "eta": "0:43:51", "mode": "test", "time_diff": 0.468777}
[04/01 05:33:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5690", "eta": "0:43:47", "mode": "test", "time_diff": 0.177821}
[04/01 05:33:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5700", "eta": "0:43:45", "mode": "test", "time_diff": 0.496505}
[04/01 05:33:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5710", "eta": "0:43:41", "mode": "test", "time_diff": 0.210886}
[04/01 05:33:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5720", "eta": "0:43:41", "mode": "test", "time_diff": 0.356195}
[04/01 05:33:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5730", "eta": "0:43:40", "mode": "test", "time_diff": 0.391717}
[04/01 05:33:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5740", "eta": "0:43:40", "mode": "test", "time_diff": 0.463756}
[04/01 05:33:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5750", "eta": "0:43:39", "mode": "test", "time_diff": 0.421218}
[04/01 05:33:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5760", "eta": "0:43:35", "mode": "test", "time_diff": 0.408832}
[04/01 05:33:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5770", "eta": "0:43:27", "mode": "test", "time_diff": 0.223630}
[04/01 05:33:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5780", "eta": "0:43:26", "mode": "test", "time_diff": 0.367541}
[04/01 05:33:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5790", "eta": "0:43:26", "mode": "test", "time_diff": 0.459220}
[04/01 05:33:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5800", "eta": "0:43:22", "mode": "test", "time_diff": 0.415524}
[04/01 05:33:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5810", "eta": "0:43:20", "mode": "test", "time_diff": 0.413701}
[04/01 05:34:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5820", "eta": "0:43:13", "mode": "test", "time_diff": 0.274381}
[04/01 05:34:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5830", "eta": "0:43:11", "mode": "test", "time_diff": 0.466956}
[04/01 05:34:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5840", "eta": "0:43:07", "mode": "test", "time_diff": 0.453319}
[04/01 05:34:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5850", "eta": "0:43:03", "mode": "test", "time_diff": 0.381637}
[04/01 05:34:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5860", "eta": "0:42:56", "mode": "test", "time_diff": 0.263733}
[04/01 05:34:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5870", "eta": "0:42:49", "mode": "test", "time_diff": 0.202629}
[04/01 05:34:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5880", "eta": "0:42:44", "mode": "test", "time_diff": 0.342437}
[04/01 05:34:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5890", "eta": "0:42:38", "mode": "test", "time_diff": 0.346307}
[04/01 05:34:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5900", "eta": "0:42:33", "mode": "test", "time_diff": 0.334149}
[04/01 05:34:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5910", "eta": "0:42:25", "mode": "test", "time_diff": 0.144003}
[04/01 05:34:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5920", "eta": "0:42:18", "mode": "test", "time_diff": 0.186375}
[04/01 05:34:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5930", "eta": "0:42:12", "mode": "test", "time_diff": 0.371617}
[04/01 05:34:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5940", "eta": "0:42:09", "mode": "test", "time_diff": 0.240345}
[04/01 05:34:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5950", "eta": "0:42:06", "mode": "test", "time_diff": 0.434886}
[04/01 05:34:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5960", "eta": "0:41:59", "mode": "test", "time_diff": 0.175134}
[04/01 05:34:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5970", "eta": "0:41:51", "mode": "test", "time_diff": 0.187272}
[04/01 05:34:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5980", "eta": "0:41:45", "mode": "test", "time_diff": 0.206319}
[04/01 05:35:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "5990", "eta": "0:41:41", "mode": "test", "time_diff": 0.176251}
[04/01 05:35:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6000", "eta": "0:41:35", "mode": "test", "time_diff": 0.231240}
[04/01 05:35:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6010", "eta": "0:41:26", "mode": "test", "time_diff": 0.286405}
[04/01 05:35:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6020", "eta": "0:41:23", "mode": "test", "time_diff": 0.237937}
[04/01 05:35:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6030", "eta": "0:41:17", "mode": "test", "time_diff": 0.231135}
[04/01 05:35:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6040", "eta": "0:41:14", "mode": "test", "time_diff": 0.393009}
[04/01 05:35:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6050", "eta": "0:41:14", "mode": "test", "time_diff": 0.506063}
[04/01 05:35:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6060", "eta": "0:41:11", "mode": "test", "time_diff": 0.233071}
[04/01 05:35:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6070", "eta": "0:41:07", "mode": "test", "time_diff": 0.411557}
[04/01 05:35:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6080", "eta": "0:41:00", "mode": "test", "time_diff": 0.193934}
[04/01 05:35:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6090", "eta": "0:40:52", "mode": "test", "time_diff": 0.175615}
[04/01 05:35:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6100", "eta": "0:40:45", "mode": "test", "time_diff": 0.150544}
[04/01 05:35:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6110", "eta": "0:40:43", "mode": "test", "time_diff": 0.289548}
[04/01 05:35:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6120", "eta": "0:40:40", "mode": "test", "time_diff": 0.196736}
[04/01 05:35:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6130", "eta": "0:40:34", "mode": "test", "time_diff": 0.338824}
[04/01 05:35:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6140", "eta": "0:40:27", "mode": "test", "time_diff": 0.161711}
[04/01 05:36:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6150", "eta": "0:40:22", "mode": "test", "time_diff": 0.333439}
[04/01 05:36:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6160", "eta": "0:40:19", "mode": "test", "time_diff": 0.230757}
[04/01 05:36:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6170", "eta": "0:40:13", "mode": "test", "time_diff": 0.244155}
[04/01 05:36:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6180", "eta": "0:40:10", "mode": "test", "time_diff": 0.480308}
[04/01 05:36:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6190", "eta": "0:40:08", "mode": "test", "time_diff": 0.420202}
[04/01 05:36:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6200", "eta": "0:40:03", "mode": "test", "time_diff": 0.178355}
[04/01 05:36:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6210", "eta": "0:39:56", "mode": "test", "time_diff": 0.201759}
[04/01 05:36:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6220", "eta": "0:39:55", "mode": "test", "time_diff": 0.296100}
[04/01 05:36:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6230", "eta": "0:39:56", "mode": "test", "time_diff": 0.513707}
[04/01 05:36:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6240", "eta": "0:39:54", "mode": "test", "time_diff": 0.454026}
[04/01 05:36:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6250", "eta": "0:39:32", "mode": "test", "time_diff": 0.463048}
[04/01 05:36:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6260", "eta": "0:39:27", "mode": "test", "time_diff": 0.224467}
[04/01 05:36:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6270", "eta": "0:39:19", "mode": "test", "time_diff": 0.186982}
[04/01 05:36:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6280", "eta": "0:39:16", "mode": "test", "time_diff": 0.168075}
[04/01 05:36:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6290", "eta": "0:39:09", "mode": "test", "time_diff": 0.251386}
[04/01 05:36:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6300", "eta": "0:39:02", "mode": "test", "time_diff": 0.196963}
[04/01 05:37:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6310", "eta": "0:38:57", "mode": "test", "time_diff": 0.303169}
[04/01 05:37:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6320", "eta": "0:38:54", "mode": "test", "time_diff": 0.500783}
[04/01 05:37:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6330", "eta": "0:38:52", "mode": "test", "time_diff": 0.473084}
[04/01 05:37:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6340", "eta": "0:38:53", "mode": "test", "time_diff": 0.474706}
[04/01 05:37:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6350", "eta": "0:38:50", "mode": "test", "time_diff": 0.414413}
[04/01 05:37:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6360", "eta": "0:38:47", "mode": "test", "time_diff": 0.433798}
[04/01 05:37:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6370", "eta": "0:38:41", "mode": "test", "time_diff": 0.310815}
[04/01 05:37:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6380", "eta": "0:38:36", "mode": "test", "time_diff": 0.338309}
[04/01 05:37:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6390", "eta": "0:38:31", "mode": "test", "time_diff": 0.207144}
[04/01 05:37:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6400", "eta": "0:38:26", "mode": "test", "time_diff": 0.314808}
[04/01 05:37:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6410", "eta": "0:38:22", "mode": "test", "time_diff": 0.419058}
[04/01 05:37:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6420", "eta": "0:38:19", "mode": "test", "time_diff": 0.432140}
[04/01 05:37:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6430", "eta": "0:38:16", "mode": "test", "time_diff": 0.436708}
[04/01 05:37:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6440", "eta": "0:38:13", "mode": "test", "time_diff": 0.161653}
[04/01 05:37:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6450", "eta": "0:38:10", "mode": "test", "time_diff": 0.194089}
[04/01 05:37:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6460", "eta": "0:38:01", "mode": "test", "time_diff": 0.205332}
[04/01 05:37:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6470", "eta": "0:37:57", "mode": "test", "time_diff": 0.142401}
[04/01 05:37:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6480", "eta": "0:37:55", "mode": "test", "time_diff": 0.483374}
[04/01 05:38:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6490", "eta": "0:37:49", "mode": "test", "time_diff": 0.223069}
[04/01 05:38:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6500", "eta": "0:37:44", "mode": "test", "time_diff": 0.196788}
[04/01 05:38:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6510", "eta": "0:37:41", "mode": "test", "time_diff": 0.179604}
[04/01 05:38:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6520", "eta": "0:37:37", "mode": "test", "time_diff": 0.258143}
[04/01 05:38:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6530", "eta": "0:37:30", "mode": "test", "time_diff": 0.182778}
[04/01 05:38:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6540", "eta": "0:37:23", "mode": "test", "time_diff": 0.166296}
[04/01 05:38:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6550", "eta": "0:37:16", "mode": "test", "time_diff": 0.176784}
[04/01 05:38:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6560", "eta": "0:37:10", "mode": "test", "time_diff": 0.164733}
[04/01 05:38:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6570", "eta": "0:37:07", "mode": "test", "time_diff": 0.206153}
[04/01 05:38:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6580", "eta": "0:37:05", "mode": "test", "time_diff": 0.306620}
[04/01 05:38:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6590", "eta": "0:37:04", "mode": "test", "time_diff": 0.367890}
[04/01 05:38:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6600", "eta": "0:37:02", "mode": "test", "time_diff": 0.249112}
[04/01 05:38:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6610", "eta": "0:37:01", "mode": "test", "time_diff": 0.344929}
[04/01 05:38:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6620", "eta": "0:36:59", "mode": "test", "time_diff": 0.293965}
[04/01 05:38:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6630", "eta": "0:36:59", "mode": "test", "time_diff": 0.442446}
[04/01 05:38:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6640", "eta": "0:36:56", "mode": "test", "time_diff": 0.440421}
[04/01 05:39:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6650", "eta": "0:36:50", "mode": "test", "time_diff": 0.229851}
[04/01 05:39:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6660", "eta": "0:36:42", "mode": "test", "time_diff": 0.187932}
[04/01 05:39:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6670", "eta": "0:36:36", "mode": "test", "time_diff": 0.239866}
[04/01 05:39:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6680", "eta": "0:36:29", "mode": "test", "time_diff": 0.190715}
[04/01 05:39:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6690", "eta": "0:36:24", "mode": "test", "time_diff": 0.277248}
[04/01 05:39:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6700", "eta": "0:36:21", "mode": "test", "time_diff": 0.464106}
[04/01 05:39:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6710", "eta": "0:36:19", "mode": "test", "time_diff": 0.478174}
[04/01 05:39:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6720", "eta": "0:36:18", "mode": "test", "time_diff": 0.416850}
[04/01 05:39:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6730", "eta": "0:36:18", "mode": "test", "time_diff": 0.435730}
[04/01 05:39:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6740", "eta": "0:36:11", "mode": "test", "time_diff": 0.211175}
[04/01 05:39:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6750", "eta": "0:36:08", "mode": "test", "time_diff": 0.449613}
[04/01 05:39:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6760", "eta": "0:36:04", "mode": "test", "time_diff": 0.275047}
[04/01 05:39:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6770", "eta": "0:36:02", "mode": "test", "time_diff": 0.343383}
[04/01 05:39:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6780", "eta": "0:35:57", "mode": "test", "time_diff": 0.200795}
[04/01 05:39:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6790", "eta": "0:35:51", "mode": "test", "time_diff": 0.183765}
[04/01 05:39:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6800", "eta": "0:35:46", "mode": "test", "time_diff": 0.329503}
[04/01 05:39:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6810", "eta": "0:35:40", "mode": "test", "time_diff": 0.241744}
[04/01 05:40:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6820", "eta": "0:35:34", "mode": "test", "time_diff": 0.162013}
[04/01 05:40:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6830", "eta": "0:35:32", "mode": "test", "time_diff": 0.416691}
[04/01 05:40:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6840", "eta": "0:35:26", "mode": "test", "time_diff": 0.208765}
[04/01 05:40:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6850", "eta": "0:35:27", "mode": "test", "time_diff": 0.591011}
[04/01 05:40:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6860", "eta": "0:35:25", "mode": "test", "time_diff": 0.438513}
[04/01 05:40:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6870", "eta": "0:35:23", "mode": "test", "time_diff": 0.353867}
[04/01 05:40:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6880", "eta": "0:35:19", "mode": "test", "time_diff": 0.410942}
[04/01 05:40:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6890", "eta": "0:35:13", "mode": "test", "time_diff": 0.191957}
[04/01 05:40:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6900", "eta": "0:35:08", "mode": "test", "time_diff": 0.383022}
[04/01 05:40:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6910", "eta": "0:35:04", "mode": "test", "time_diff": 0.382787}
[04/01 05:40:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6920", "eta": "0:34:58", "mode": "test", "time_diff": 0.204440}
[04/01 05:40:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6930", "eta": "0:34:52", "mode": "test", "time_diff": 0.176503}
[04/01 05:40:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6940", "eta": "0:34:48", "mode": "test", "time_diff": 0.169197}
[04/01 05:40:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6950", "eta": "0:34:44", "mode": "test", "time_diff": 0.198901}
[04/01 05:40:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6960", "eta": "0:34:38", "mode": "test", "time_diff": 0.218134}
[04/01 05:40:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6970", "eta": "0:34:32", "mode": "test", "time_diff": 0.199617}
[04/01 05:40:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6980", "eta": "0:34:25", "mode": "test", "time_diff": 0.173351}
[04/01 05:41:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "6990", "eta": "0:34:19", "mode": "test", "time_diff": 0.183400}
[04/01 05:41:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7000", "eta": "0:34:14", "mode": "test", "time_diff": 0.204760}
[04/01 05:41:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7010", "eta": "0:34:06", "mode": "test", "time_diff": 0.114002}
[04/01 05:41:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7020", "eta": "0:33:58", "mode": "test", "time_diff": 0.141561}
[04/01 05:41:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7030", "eta": "0:33:54", "mode": "test", "time_diff": 0.284320}
[04/01 05:41:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7040", "eta": "0:33:50", "mode": "test", "time_diff": 0.477811}
[04/01 05:41:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7050", "eta": "0:33:45", "mode": "test", "time_diff": 0.348333}
[04/01 05:41:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7060", "eta": "0:33:40", "mode": "test", "time_diff": 0.313614}
[04/01 05:41:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7070", "eta": "0:33:37", "mode": "test", "time_diff": 0.488131}
[04/01 05:41:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7080", "eta": "0:33:32", "mode": "test", "time_diff": 0.445501}
[04/01 05:41:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7090", "eta": "0:33:33", "mode": "test", "time_diff": 0.509093}
[04/01 05:41:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7100", "eta": "0:33:30", "mode": "test", "time_diff": 0.310861}
[04/01 05:41:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7110", "eta": "0:33:28", "mode": "test", "time_diff": 0.427053}
[04/01 05:41:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7120", "eta": "0:33:25", "mode": "test", "time_diff": 0.256332}
[04/01 05:41:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7130", "eta": "0:33:24", "mode": "test", "time_diff": 0.440706}
[04/01 05:41:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7140", "eta": "0:33:23", "mode": "test", "time_diff": 0.476369}
[04/01 05:41:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7150", "eta": "0:33:21", "mode": "test", "time_diff": 0.455177}
[04/01 05:41:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7160", "eta": "0:33:17", "mode": "test", "time_diff": 0.383647}
[04/01 05:42:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7170", "eta": "0:33:14", "mode": "test", "time_diff": 0.192116}
[04/01 05:42:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7180", "eta": "0:33:11", "mode": "test", "time_diff": 0.245344}
[04/01 05:42:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7190", "eta": "0:33:07", "mode": "test", "time_diff": 0.208177}
[04/01 05:42:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7200", "eta": "0:33:04", "mode": "test", "time_diff": 0.444305}
[04/01 05:42:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7210", "eta": "0:33:04", "mode": "test", "time_diff": 0.408683}
[04/01 05:42:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7220", "eta": "0:33:02", "mode": "test", "time_diff": 0.425237}
[04/01 05:42:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7230", "eta": "0:33:01", "mode": "test", "time_diff": 0.430773}
[04/01 05:42:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7240", "eta": "0:32:58", "mode": "test", "time_diff": 0.432749}
[04/01 05:42:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7250", "eta": "0:32:56", "mode": "test", "time_diff": 0.463759}
[04/01 05:42:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7260", "eta": "0:32:57", "mode": "test", "time_diff": 0.498791}
[04/01 05:42:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7270", "eta": "0:32:56", "mode": "test", "time_diff": 0.472462}
[04/01 05:42:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7280", "eta": "0:32:56", "mode": "test", "time_diff": 0.428192}
[04/01 05:42:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7290", "eta": "0:32:54", "mode": "test", "time_diff": 0.241476}
[04/01 05:42:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7300", "eta": "0:32:48", "mode": "test", "time_diff": 0.180782}
[04/01 05:42:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7310", "eta": "0:32:44", "mode": "test", "time_diff": 0.241464}
[04/01 05:42:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7320", "eta": "0:32:37", "mode": "test", "time_diff": 0.291291}
[04/01 05:43:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7330", "eta": "0:32:33", "mode": "test", "time_diff": 0.201559}
[04/01 05:43:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7340", "eta": "0:32:31", "mode": "test", "time_diff": 0.410309}
[04/01 05:43:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7350", "eta": "0:32:27", "mode": "test", "time_diff": 0.433471}
[04/01 05:43:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7360", "eta": "0:32:24", "mode": "test", "time_diff": 0.455492}
[04/01 05:43:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7370", "eta": "0:32:19", "mode": "test", "time_diff": 0.328037}
[04/01 05:43:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7380", "eta": "0:32:14", "mode": "test", "time_diff": 0.319435}
[04/01 05:43:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7390", "eta": "0:32:07", "mode": "test", "time_diff": 0.207033}
[04/01 05:43:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7400", "eta": "0:32:07", "mode": "test", "time_diff": 0.395986}
[04/01 05:43:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7410", "eta": "0:32:03", "mode": "test", "time_diff": 0.302005}
[04/01 05:43:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7420", "eta": "0:32:03", "mode": "test", "time_diff": 0.429926}
[04/01 05:43:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7430", "eta": "0:32:01", "mode": "test", "time_diff": 0.508414}
[04/01 05:43:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7440", "eta": "0:32:00", "mode": "test", "time_diff": 0.311664}
[04/01 05:43:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7450", "eta": "0:31:59", "mode": "test", "time_diff": 0.338987}
[04/01 05:43:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7460", "eta": "0:31:55", "mode": "test", "time_diff": 0.161138}
[04/01 05:43:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7470", "eta": "0:31:48", "mode": "test", "time_diff": 0.335105}
[04/01 05:43:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7480", "eta": "0:31:44", "mode": "test", "time_diff": 0.389201}
[04/01 05:43:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7490", "eta": "0:31:38", "mode": "test", "time_diff": 0.197263}
[04/01 05:44:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7500", "eta": "0:31:33", "mode": "test", "time_diff": 0.288643}
[04/01 05:44:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7510", "eta": "0:31:29", "mode": "test", "time_diff": 0.362708}
[04/01 05:44:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7520", "eta": "0:31:23", "mode": "test", "time_diff": 0.188693}
[04/01 05:44:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7530", "eta": "0:31:17", "mode": "test", "time_diff": 0.201596}
[04/01 05:44:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7540", "eta": "0:31:11", "mode": "test", "time_diff": 0.192236}
[04/01 05:44:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7550", "eta": "0:31:09", "mode": "test", "time_diff": 0.442337}
[04/01 05:44:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7560", "eta": "0:31:06", "mode": "test", "time_diff": 0.412019}
[04/01 05:44:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7570", "eta": "0:31:05", "mode": "test", "time_diff": 0.396667}
[04/01 05:44:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7580", "eta": "0:31:01", "mode": "test", "time_diff": 0.415408}
[04/01 05:44:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7590", "eta": "0:31:00", "mode": "test", "time_diff": 0.474489}
[04/01 05:44:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7600", "eta": "0:30:58", "mode": "test", "time_diff": 0.368922}
[04/01 05:44:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7610", "eta": "0:30:55", "mode": "test", "time_diff": 0.175541}
[04/01 05:44:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7620", "eta": "0:30:52", "mode": "test", "time_diff": 0.201231}
[04/01 05:44:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7630", "eta": "0:30:49", "mode": "test", "time_diff": 0.383989}
[04/01 05:44:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7640", "eta": "0:30:48", "mode": "test", "time_diff": 0.348610}
[04/01 05:44:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7650", "eta": "0:30:45", "mode": "test", "time_diff": 0.391328}
[04/01 05:44:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7660", "eta": "0:30:42", "mode": "test", "time_diff": 0.421138}
[04/01 05:44:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7670", "eta": "0:30:36", "mode": "test", "time_diff": 0.187520}
[04/01 05:45:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7680", "eta": "0:30:34", "mode": "test", "time_diff": 0.298659}
[04/01 05:45:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7690", "eta": "0:30:28", "mode": "test", "time_diff": 0.290027}
[04/01 05:45:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7700", "eta": "0:30:24", "mode": "test", "time_diff": 0.385569}
[04/01 05:45:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7710", "eta": "0:30:21", "mode": "test", "time_diff": 0.164165}
[04/01 05:45:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7720", "eta": "0:30:20", "mode": "test", "time_diff": 0.367190}
[04/01 05:45:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7730", "eta": "0:30:20", "mode": "test", "time_diff": 0.424629}
[04/01 05:45:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7740", "eta": "0:30:17", "mode": "test", "time_diff": 0.229256}
[04/01 05:45:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7750", "eta": "0:30:13", "mode": "test", "time_diff": 0.150007}
[04/01 05:45:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7760", "eta": "0:30:08", "mode": "test", "time_diff": 0.248928}
[04/01 05:45:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7770", "eta": "0:30:05", "mode": "test", "time_diff": 0.373005}
[04/01 05:45:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7780", "eta": "0:30:01", "mode": "test", "time_diff": 0.461754}
[04/01 05:45:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7790", "eta": "0:29:58", "mode": "test", "time_diff": 0.412445}
[04/01 05:45:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7800", "eta": "0:29:54", "mode": "test", "time_diff": 0.209462}
[04/01 05:45:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7810", "eta": "0:29:51", "mode": "test", "time_diff": 0.442176}
[04/01 05:45:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7820", "eta": "0:29:50", "mode": "test", "time_diff": 0.445928}
[04/01 05:45:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7830", "eta": "0:29:47", "mode": "test", "time_diff": 0.475605}
[04/01 05:46:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7840", "eta": "0:29:45", "mode": "test", "time_diff": 0.344053}
[04/01 05:46:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7850", "eta": "0:29:40", "mode": "test", "time_diff": 0.179173}
[04/01 05:46:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7860", "eta": "0:29:37", "mode": "test", "time_diff": 0.233462}
[04/01 05:46:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7870", "eta": "0:29:33", "mode": "test", "time_diff": 0.349576}
[04/01 05:46:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7880", "eta": "0:29:28", "mode": "test", "time_diff": 0.319394}
[04/01 05:46:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7890", "eta": "0:29:26", "mode": "test", "time_diff": 0.220555}
[04/01 05:46:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7900", "eta": "0:29:23", "mode": "test", "time_diff": 0.233923}
[04/01 05:46:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7910", "eta": "0:29:22", "mode": "test", "time_diff": 0.326990}
[04/01 05:46:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7920", "eta": "0:29:18", "mode": "test", "time_diff": 0.198700}
[04/01 05:46:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7930", "eta": "0:29:14", "mode": "test", "time_diff": 0.317277}
[04/01 05:46:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7940", "eta": "0:29:08", "mode": "test", "time_diff": 0.145097}
[04/01 05:46:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7950", "eta": "0:29:03", "mode": "test", "time_diff": 0.239539}
[04/01 05:46:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7960", "eta": "0:28:57", "mode": "test", "time_diff": 0.224049}
[04/01 05:46:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7970", "eta": "0:28:51", "mode": "test", "time_diff": 0.250883}
[04/01 05:46:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7980", "eta": "0:28:48", "mode": "test", "time_diff": 0.411653}
[04/01 05:46:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "7990", "eta": "0:28:48", "mode": "test", "time_diff": 0.505309}
[04/01 05:47:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8000", "eta": "0:28:45", "mode": "test", "time_diff": 0.479793}
[04/01 05:47:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8010", "eta": "0:28:43", "mode": "test", "time_diff": 0.400229}
[04/01 05:47:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8020", "eta": "0:28:42", "mode": "test", "time_diff": 0.462549}
[04/01 05:47:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8030", "eta": "0:28:41", "mode": "test", "time_diff": 0.502702}
[04/01 05:47:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8040", "eta": "0:28:39", "mode": "test", "time_diff": 0.408506}
[04/01 05:47:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8050", "eta": "0:28:35", "mode": "test", "time_diff": 0.345997}
[04/01 05:47:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8060", "eta": "0:28:33", "mode": "test", "time_diff": 0.530249}
[04/01 05:47:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8070", "eta": "0:28:30", "mode": "test", "time_diff": 0.425345}
[04/01 05:47:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8080", "eta": "0:28:27", "mode": "test", "time_diff": 0.499473}
[04/01 05:47:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8090", "eta": "0:28:21", "mode": "test", "time_diff": 0.164192}
[04/01 05:47:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8100", "eta": "0:28:18", "mode": "test", "time_diff": 0.229150}
[04/01 05:47:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8110", "eta": "0:28:14", "mode": "test", "time_diff": 0.320885}
[04/01 05:47:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8120", "eta": "0:28:10", "mode": "test", "time_diff": 0.444856}
[04/01 05:47:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8130", "eta": "0:28:06", "mode": "test", "time_diff": 0.451108}
[04/01 05:47:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8140", "eta": "0:28:03", "mode": "test", "time_diff": 0.458718}
[04/01 05:47:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8150", "eta": "0:27:59", "mode": "test", "time_diff": 0.410133}
[04/01 05:47:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8160", "eta": "0:27:59", "mode": "test", "time_diff": 0.463179}
[04/01 05:47:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8170", "eta": "0:27:58", "mode": "test", "time_diff": 0.312732}
[04/01 05:48:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8180", "eta": "0:27:55", "mode": "test", "time_diff": 0.421692}
[04/01 05:48:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8190", "eta": "0:27:52", "mode": "test", "time_diff": 0.350474}
[04/01 05:48:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8200", "eta": "0:27:50", "mode": "test", "time_diff": 0.361441}
[04/01 05:48:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8210", "eta": "0:27:49", "mode": "test", "time_diff": 0.455951}
[04/01 05:48:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8220", "eta": "0:27:47", "mode": "test", "time_diff": 0.197468}
[04/01 05:48:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8230", "eta": "0:27:42", "mode": "test", "time_diff": 0.189067}
[04/01 05:48:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8240", "eta": "0:27:39", "mode": "test", "time_diff": 0.169003}
[04/01 05:48:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8250", "eta": "0:27:37", "mode": "test", "time_diff": 0.371953}
[04/01 05:48:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8260", "eta": "0:27:35", "mode": "test", "time_diff": 0.373633}
[04/01 05:48:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8270", "eta": "0:27:34", "mode": "test", "time_diff": 0.459342}
[04/01 05:48:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8280", "eta": "0:27:33", "mode": "test", "time_diff": 0.405371}
[04/01 05:48:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8290", "eta": "0:27:32", "mode": "test", "time_diff": 0.391266}
[04/01 05:48:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8300", "eta": "0:27:29", "mode": "test", "time_diff": 0.220524}
[04/01 05:48:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8310", "eta": "0:27:25", "mode": "test", "time_diff": 0.182390}
[04/01 05:48:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8320", "eta": "0:27:23", "mode": "test", "time_diff": 0.221815}
[04/01 05:48:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8330", "eta": "0:27:20", "mode": "test", "time_diff": 0.294518}
[04/01 05:48:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8340", "eta": "0:27:18", "mode": "test", "time_diff": 0.468137}
[04/01 05:49:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8350", "eta": "0:27:14", "mode": "test", "time_diff": 0.418034}
[04/01 05:49:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8360", "eta": "0:27:10", "mode": "test", "time_diff": 0.431964}
[04/01 05:49:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8370", "eta": "0:26:57", "mode": "test", "time_diff": 0.197079}
[04/01 05:49:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8380", "eta": "0:26:51", "mode": "test", "time_diff": 0.163610}
[04/01 05:49:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8390", "eta": "0:26:46", "mode": "test", "time_diff": 0.232957}
[04/01 05:49:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8400", "eta": "0:26:42", "mode": "test", "time_diff": 0.384037}
[04/01 05:49:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8410", "eta": "0:26:40", "mode": "test", "time_diff": 0.385438}
[04/01 05:49:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8420", "eta": "0:26:39", "mode": "test", "time_diff": 0.414764}
[04/01 05:49:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8430", "eta": "0:26:35", "mode": "test", "time_diff": 0.444992}
[04/01 05:49:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8440", "eta": "0:26:32", "mode": "test", "time_diff": 0.491139}
[04/01 05:49:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8450", "eta": "0:26:29", "mode": "test", "time_diff": 0.460661}
[04/01 05:49:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8460", "eta": "0:26:27", "mode": "test", "time_diff": 0.395270}
[04/01 05:49:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8470", "eta": "0:26:23", "mode": "test", "time_diff": 0.319371}
[04/01 05:49:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8480", "eta": "0:26:20", "mode": "test", "time_diff": 0.389359}
[04/01 05:49:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8490", "eta": "0:26:16", "mode": "test", "time_diff": 0.403694}
[04/01 05:49:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8500", "eta": "0:26:14", "mode": "test", "time_diff": 0.543167}
[04/01 05:50:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8510", "eta": "0:26:12", "mode": "test", "time_diff": 0.433580}
[04/01 05:50:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8520", "eta": "0:26:11", "mode": "test", "time_diff": 0.435282}
[04/01 05:50:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8530", "eta": "0:26:09", "mode": "test", "time_diff": 0.586637}
[04/01 05:50:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8540", "eta": "0:26:05", "mode": "test", "time_diff": 0.405631}
[04/01 05:50:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8550", "eta": "0:26:03", "mode": "test", "time_diff": 0.595543}
[04/01 05:50:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8560", "eta": "0:26:00", "mode": "test", "time_diff": 0.513368}
[04/01 05:50:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8570", "eta": "0:25:57", "mode": "test", "time_diff": 0.467162}
[04/01 05:50:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8580", "eta": "0:25:53", "mode": "test", "time_diff": 0.361440}
[04/01 05:50:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8590", "eta": "0:25:49", "mode": "test", "time_diff": 0.444355}
[04/01 05:50:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8600", "eta": "0:25:46", "mode": "test", "time_diff": 0.457258}
[04/01 05:50:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8610", "eta": "0:25:43", "mode": "test", "time_diff": 0.507165}
[04/01 05:50:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8620", "eta": "0:25:37", "mode": "test", "time_diff": 0.179038}
[04/01 05:50:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8630", "eta": "0:25:31", "mode": "test", "time_diff": 0.144379}
[04/01 05:50:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8640", "eta": "0:25:26", "mode": "test", "time_diff": 0.188983}
[04/01 05:50:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8650", "eta": "0:25:21", "mode": "test", "time_diff": 0.322620}
[04/01 05:50:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8660", "eta": "0:25:19", "mode": "test", "time_diff": 0.428853}
[04/01 05:50:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8670", "eta": "0:25:17", "mode": "test", "time_diff": 0.422764}
[04/01 05:50:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8680", "eta": "0:25:15", "mode": "test", "time_diff": 0.431577}
[04/01 05:51:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8690", "eta": "0:25:13", "mode": "test", "time_diff": 0.312774}
[04/01 05:51:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8700", "eta": "0:25:10", "mode": "test", "time_diff": 0.165113}
[04/01 05:51:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8710", "eta": "0:25:05", "mode": "test", "time_diff": 0.272117}
[04/01 05:51:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8720", "eta": "0:25:01", "mode": "test", "time_diff": 0.286199}
[04/01 05:51:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8730", "eta": "0:24:59", "mode": "test", "time_diff": 0.345703}
[04/01 05:51:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8740", "eta": "0:24:53", "mode": "test", "time_diff": 0.263048}
[04/01 05:51:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8750", "eta": "0:24:48", "mode": "test", "time_diff": 0.199617}
[04/01 05:51:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8760", "eta": "0:24:44", "mode": "test", "time_diff": 0.227981}
[04/01 05:51:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8770", "eta": "0:24:41", "mode": "test", "time_diff": 0.173986}
[04/01 05:51:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8780", "eta": "0:24:36", "mode": "test", "time_diff": 0.295734}
[04/01 05:51:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8790", "eta": "0:24:32", "mode": "test", "time_diff": 0.349796}
[04/01 05:51:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8800", "eta": "0:24:26", "mode": "test", "time_diff": 0.231730}
[04/01 05:51:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8810", "eta": "0:24:22", "mode": "test", "time_diff": 0.173621}
[04/01 05:51:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8820", "eta": "0:24:19", "mode": "test", "time_diff": 0.326349}
[04/01 05:51:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8830", "eta": "0:24:15", "mode": "test", "time_diff": 0.413463}
[04/01 05:52:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8840", "eta": "0:24:13", "mode": "test", "time_diff": 0.374593}
[04/01 05:52:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8850", "eta": "0:24:10", "mode": "test", "time_diff": 0.457921}
[04/01 05:52:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8860", "eta": "0:24:07", "mode": "test", "time_diff": 0.418835}
[04/01 05:52:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8870", "eta": "0:24:03", "mode": "test", "time_diff": 0.409764}
[04/01 05:52:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8880", "eta": "0:24:01", "mode": "test", "time_diff": 0.302095}
[04/01 05:52:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8890", "eta": "0:23:59", "mode": "test", "time_diff": 0.418411}
[04/01 05:52:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8900", "eta": "0:23:59", "mode": "test", "time_diff": 0.462682}
[04/01 05:52:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8910", "eta": "0:23:57", "mode": "test", "time_diff": 0.353992}
[04/01 05:52:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8920", "eta": "0:23:56", "mode": "test", "time_diff": 0.446771}
[04/01 05:52:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8930", "eta": "0:23:55", "mode": "test", "time_diff": 0.469301}
[04/01 05:52:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8940", "eta": "0:23:52", "mode": "test", "time_diff": 0.451543}
[04/01 05:52:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8950", "eta": "0:23:51", "mode": "test", "time_diff": 0.416189}
[04/01 05:52:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8960", "eta": "0:23:48", "mode": "test", "time_diff": 0.389581}
[04/01 05:52:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8970", "eta": "0:23:45", "mode": "test", "time_diff": 0.435303}
[04/01 05:52:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8980", "eta": "0:23:43", "mode": "test", "time_diff": 0.442045}
[04/01 05:52:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "8990", "eta": "0:23:40", "mode": "test", "time_diff": 0.427490}
[04/01 05:52:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9000", "eta": "0:23:35", "mode": "test", "time_diff": 0.235307}
[04/01 05:53:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9010", "eta": "0:23:32", "mode": "test", "time_diff": 0.361140}
[04/01 05:53:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9020", "eta": "0:23:27", "mode": "test", "time_diff": 0.294316}
[04/01 05:53:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9030", "eta": "0:23:25", "mode": "test", "time_diff": 0.235779}
[04/01 05:53:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9040", "eta": "0:23:22", "mode": "test", "time_diff": 0.281843}
[04/01 05:53:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9050", "eta": "0:23:20", "mode": "test", "time_diff": 0.388418}
[04/01 05:53:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9060", "eta": "0:23:16", "mode": "test", "time_diff": 0.384003}
[04/01 05:53:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9070", "eta": "0:23:09", "mode": "test", "time_diff": 0.122575}
[04/01 05:53:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9080", "eta": "0:23:04", "mode": "test", "time_diff": 0.137125}
[04/01 05:53:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9090", "eta": "0:23:03", "mode": "test", "time_diff": 0.450002}
[04/01 05:53:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9100", "eta": "0:23:02", "mode": "test", "time_diff": 0.431834}
[04/01 05:53:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9110", "eta": "0:23:01", "mode": "test", "time_diff": 0.453743}
[04/01 05:53:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9120", "eta": "0:22:59", "mode": "test", "time_diff": 0.490751}
[04/01 05:53:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9130", "eta": "0:22:57", "mode": "test", "time_diff": 0.469834}
[04/01 05:53:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9140", "eta": "0:22:55", "mode": "test", "time_diff": 0.468362}
[04/01 05:53:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9150", "eta": "0:22:52", "mode": "test", "time_diff": 0.413961}
[04/01 05:53:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9160", "eta": "0:22:49", "mode": "test", "time_diff": 0.488251}
[04/01 05:53:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9170", "eta": "0:22:47", "mode": "test", "time_diff": 0.503349}
[04/01 05:54:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9180", "eta": "0:22:42", "mode": "test", "time_diff": 0.181129}
[04/01 05:54:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9190", "eta": "0:22:38", "mode": "test", "time_diff": 0.133474}
[04/01 05:54:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9200", "eta": "0:22:34", "mode": "test", "time_diff": 0.156961}
[04/01 05:54:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9210", "eta": "0:22:30", "mode": "test", "time_diff": 0.434301}
[04/01 05:54:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9220", "eta": "0:22:26", "mode": "test", "time_diff": 0.341641}
[04/01 05:54:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9230", "eta": "0:22:23", "mode": "test", "time_diff": 0.348145}
[04/01 05:54:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9240", "eta": "0:22:18", "mode": "test", "time_diff": 0.213338}
[04/01 05:54:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9250", "eta": "0:22:13", "mode": "test", "time_diff": 0.203562}
[04/01 05:54:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9260", "eta": "0:22:08", "mode": "test", "time_diff": 0.290309}
[04/01 05:54:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9270", "eta": "0:22:04", "mode": "test", "time_diff": 0.300151}
[04/01 05:54:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9280", "eta": "0:22:01", "mode": "test", "time_diff": 0.431625}
[04/01 05:54:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9290", "eta": "0:21:56", "mode": "test", "time_diff": 0.415511}
[04/01 05:54:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9300", "eta": "0:21:55", "mode": "test", "time_diff": 0.482441}
[04/01 05:54:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9310", "eta": "0:21:53", "mode": "test", "time_diff": 0.455298}
[04/01 05:54:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9320", "eta": "0:21:51", "mode": "test", "time_diff": 0.525952}
[04/01 05:54:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9330", "eta": "0:21:50", "mode": "test", "time_diff": 0.461535}
[04/01 05:54:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9340", "eta": "0:21:47", "mode": "test", "time_diff": 0.330737}
[04/01 05:54:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9350", "eta": "0:21:44", "mode": "test", "time_diff": 0.346767}
[04/01 05:55:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9360", "eta": "0:21:41", "mode": "test", "time_diff": 0.197384}
[04/01 05:55:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9370", "eta": "0:21:36", "mode": "test", "time_diff": 0.160394}
[04/01 05:55:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9380", "eta": "0:21:31", "mode": "test", "time_diff": 0.156303}
[04/01 05:55:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9390", "eta": "0:21:27", "mode": "test", "time_diff": 0.256194}
[04/01 05:55:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9400", "eta": "0:21:22", "mode": "test", "time_diff": 0.184463}
[04/01 05:55:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9410", "eta": "0:21:16", "mode": "test", "time_diff": 0.186022}
[04/01 05:55:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9420", "eta": "0:21:11", "mode": "test", "time_diff": 0.224565}
[04/01 05:55:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9430", "eta": "0:21:06", "mode": "test", "time_diff": 0.214648}
[04/01 05:55:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9440", "eta": "0:21:01", "mode": "test", "time_diff": 0.269916}
[04/01 05:55:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9450", "eta": "0:21:00", "mode": "test", "time_diff": 0.428702}
[04/01 05:55:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9460", "eta": "0:20:58", "mode": "test", "time_diff": 0.378277}
[04/01 05:55:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9470", "eta": "0:20:56", "mode": "test", "time_diff": 0.452771}
[04/01 05:55:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9480", "eta": "0:20:53", "mode": "test", "time_diff": 0.453035}
[04/01 05:55:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9490", "eta": "0:20:49", "mode": "test", "time_diff": 0.434192}
[04/01 05:55:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9500", "eta": "0:20:44", "mode": "test", "time_diff": 0.212060}
[04/01 05:55:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9510", "eta": "0:20:41", "mode": "test", "time_diff": 0.219471}
[04/01 05:55:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9520", "eta": "0:20:38", "mode": "test", "time_diff": 0.213950}
[04/01 05:55:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9530", "eta": "0:20:35", "mode": "test", "time_diff": 0.192542}
[04/01 05:56:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9540", "eta": "0:20:32", "mode": "test", "time_diff": 0.378283}
[04/01 05:56:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9550", "eta": "0:20:29", "mode": "test", "time_diff": 0.456614}
[04/01 05:56:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9560", "eta": "0:20:26", "mode": "test", "time_diff": 0.491777}
[04/01 05:56:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9570", "eta": "0:20:21", "mode": "test", "time_diff": 0.182484}
[04/01 05:56:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9580", "eta": "0:20:15", "mode": "test", "time_diff": 0.178022}
[04/01 05:56:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9590", "eta": "0:20:10", "mode": "test", "time_diff": 0.237315}
[04/01 05:56:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9600", "eta": "0:20:06", "mode": "test", "time_diff": 0.334660}
[04/01 05:56:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9610", "eta": "0:20:04", "mode": "test", "time_diff": 0.549947}
[04/01 05:56:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9620", "eta": "0:20:01", "mode": "test", "time_diff": 0.280033}
[04/01 05:56:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9630", "eta": "0:19:59", "mode": "test", "time_diff": 0.347725}
[04/01 05:56:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9640", "eta": "0:19:57", "mode": "test", "time_diff": 0.364100}
[04/01 05:56:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9650", "eta": "0:19:54", "mode": "test", "time_diff": 0.451694}
[04/01 05:56:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9660", "eta": "0:19:51", "mode": "test", "time_diff": 0.436477}
[04/01 05:56:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9670", "eta": "0:19:51", "mode": "test", "time_diff": 0.874588}
[04/01 05:56:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9680", "eta": "0:19:47", "mode": "test", "time_diff": 0.378464}
[04/01 05:56:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9690", "eta": "0:19:43", "mode": "test", "time_diff": 0.453481}
[04/01 05:57:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9700", "eta": "0:19:38", "mode": "test", "time_diff": 0.195421}
[04/01 05:57:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9710", "eta": "0:19:34", "mode": "test", "time_diff": 0.306214}
[04/01 05:57:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9720", "eta": "0:19:33", "mode": "test", "time_diff": 0.483822}
[04/01 05:57:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9730", "eta": "0:19:30", "mode": "test", "time_diff": 0.456562}
[04/01 05:57:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9740", "eta": "0:19:28", "mode": "test", "time_diff": 0.434823}
[04/01 05:57:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9750", "eta": "0:19:25", "mode": "test", "time_diff": 0.251067}
[04/01 05:57:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9760", "eta": "0:19:23", "mode": "test", "time_diff": 0.424147}
[04/01 05:57:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9770", "eta": "0:19:22", "mode": "test", "time_diff": 0.427876}
[04/01 05:57:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9780", "eta": "0:19:20", "mode": "test", "time_diff": 0.472269}
[04/01 05:57:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9790", "eta": "0:19:17", "mode": "test", "time_diff": 0.285639}
[04/01 05:57:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9800", "eta": "0:19:15", "mode": "test", "time_diff": 0.418319}
[04/01 05:57:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9810", "eta": "0:19:11", "mode": "test", "time_diff": 0.354386}
[04/01 05:57:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9820", "eta": "0:19:06", "mode": "test", "time_diff": 0.248402}
[04/01 05:57:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9830", "eta": "0:19:02", "mode": "test", "time_diff": 0.410526}
[04/01 05:57:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9840", "eta": "0:18:57", "mode": "test", "time_diff": 0.196036}
[04/01 05:57:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9850", "eta": "0:18:54", "mode": "test", "time_diff": 0.463933}
[04/01 05:58:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9860", "eta": "0:18:50", "mode": "test", "time_diff": 0.446061}
[04/01 05:58:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9870", "eta": "0:18:47", "mode": "test", "time_diff": 0.534573}
[04/01 05:58:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9880", "eta": "0:18:44", "mode": "test", "time_diff": 0.458788}
[04/01 05:58:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9890", "eta": "0:18:41", "mode": "test", "time_diff": 0.447139}
[04/01 05:58:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9900", "eta": "0:18:37", "mode": "test", "time_diff": 0.432750}
[04/01 05:58:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9910", "eta": "0:18:34", "mode": "test", "time_diff": 0.452605}
[04/01 05:58:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9920", "eta": "0:18:31", "mode": "test", "time_diff": 0.437479}
[04/01 05:58:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9930", "eta": "0:18:28", "mode": "test", "time_diff": 0.583946}
[04/01 05:58:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9940", "eta": "0:18:23", "mode": "test", "time_diff": 0.198381}
[04/01 05:58:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9950", "eta": "0:18:19", "mode": "test", "time_diff": 0.453170}
[04/01 05:58:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9960", "eta": "0:18:16", "mode": "test", "time_diff": 0.467547}
[04/01 05:58:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9970", "eta": "0:18:12", "mode": "test", "time_diff": 0.245760}
[04/01 05:58:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9980", "eta": "0:18:08", "mode": "test", "time_diff": 0.201013}
[04/01 05:58:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "9990", "eta": "0:18:05", "mode": "test", "time_diff": 0.274318}
[04/01 05:58:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10000", "eta": "0:18:03", "mode": "test", "time_diff": 0.437696}
[04/01 05:58:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10010", "eta": "0:18:00", "mode": "test", "time_diff": 0.390338}
[04/01 05:58:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10020", "eta": "0:17:58", "mode": "test", "time_diff": 0.452527}
[04/01 05:59:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10030", "eta": "0:17:56", "mode": "test", "time_diff": 0.448011}
[04/01 05:59:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10040", "eta": "0:17:52", "mode": "test", "time_diff": 0.124594}
[04/01 05:59:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10050", "eta": "0:17:48", "mode": "test", "time_diff": 0.192807}
[04/01 05:59:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10060", "eta": "0:17:46", "mode": "test", "time_diff": 0.489418}
[04/01 05:59:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10070", "eta": "0:17:44", "mode": "test", "time_diff": 0.525961}
[04/01 05:59:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10080", "eta": "0:17:42", "mode": "test", "time_diff": 0.424889}
[04/01 05:59:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10090", "eta": "0:17:40", "mode": "test", "time_diff": 0.462018}
[04/01 05:59:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10100", "eta": "0:17:37", "mode": "test", "time_diff": 0.457059}
[04/01 05:59:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10110", "eta": "0:17:33", "mode": "test", "time_diff": 0.466116}
[04/01 05:59:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10120", "eta": "0:17:29", "mode": "test", "time_diff": 0.260732}
[04/01 05:59:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10130", "eta": "0:17:26", "mode": "test", "time_diff": 0.466427}
[04/01 05:59:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10140", "eta": "0:17:21", "mode": "test", "time_diff": 0.217796}
[04/01 05:59:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10150", "eta": "0:17:16", "mode": "test", "time_diff": 0.235464}
[04/01 05:59:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10160", "eta": "0:17:12", "mode": "test", "time_diff": 0.183782}
[04/01 05:59:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10170", "eta": "0:17:08", "mode": "test", "time_diff": 0.242700}
[04/01 05:59:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10180", "eta": "0:17:07", "mode": "test", "time_diff": 0.481808}
[04/01 05:59:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10190", "eta": "0:17:05", "mode": "test", "time_diff": 0.428669}
[04/01 05:59:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10200", "eta": "0:17:02", "mode": "test", "time_diff": 0.438765}
[04/01 06:00:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10210", "eta": "0:16:58", "mode": "test", "time_diff": 0.219116}
[04/01 06:00:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10220", "eta": "0:16:55", "mode": "test", "time_diff": 0.306987}
[04/01 06:00:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10230", "eta": "0:16:52", "mode": "test", "time_diff": 0.243109}
[04/01 06:00:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10240", "eta": "0:16:48", "mode": "test", "time_diff": 0.281601}
[04/01 06:00:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10250", "eta": "0:16:44", "mode": "test", "time_diff": 0.432654}
[04/01 06:00:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10260", "eta": "0:16:40", "mode": "test", "time_diff": 0.217291}
[04/01 06:00:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10270", "eta": "0:16:37", "mode": "test", "time_diff": 0.176573}
[04/01 06:00:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10280", "eta": "0:16:33", "mode": "test", "time_diff": 0.292234}
[04/01 06:00:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10290", "eta": "0:16:28", "mode": "test", "time_diff": 0.192116}
[04/01 06:00:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10300", "eta": "0:16:25", "mode": "test", "time_diff": 0.457610}
[04/01 06:00:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10310", "eta": "0:16:21", "mode": "test", "time_diff": 0.359875}
[04/01 06:00:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10320", "eta": "0:16:18", "mode": "test", "time_diff": 0.378799}
[04/01 06:00:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10330", "eta": "0:16:14", "mode": "test", "time_diff": 0.209910}
[04/01 06:00:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10340", "eta": "0:16:11", "mode": "test", "time_diff": 0.187554}
[04/01 06:00:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10350", "eta": "0:16:06", "mode": "test", "time_diff": 0.192707}
[04/01 06:00:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10360", "eta": "0:16:01", "mode": "test", "time_diff": 0.189890}
[04/01 06:01:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10370", "eta": "0:15:58", "mode": "test", "time_diff": 0.483149}
[04/01 06:01:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10380", "eta": "0:15:57", "mode": "test", "time_diff": 0.455936}
[04/01 06:01:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10390", "eta": "0:15:54", "mode": "test", "time_diff": 0.361223}
[04/01 06:01:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10400", "eta": "0:15:51", "mode": "test", "time_diff": 0.419246}
[04/01 06:01:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10410", "eta": "0:15:48", "mode": "test", "time_diff": 0.196264}
[04/01 06:01:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10420", "eta": "0:15:44", "mode": "test", "time_diff": 0.262544}
[04/01 06:01:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10430", "eta": "0:15:40", "mode": "test", "time_diff": 0.229090}
[04/01 06:01:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10440", "eta": "0:15:37", "mode": "test", "time_diff": 0.315637}
[04/01 06:01:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10450", "eta": "0:15:35", "mode": "test", "time_diff": 0.456464}
[04/01 06:01:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10460", "eta": "0:15:16", "mode": "test", "time_diff": 0.447524}
[04/01 06:01:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10470", "eta": "0:15:14", "mode": "test", "time_diff": 0.520497}
[04/01 06:01:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10480", "eta": "0:15:10", "mode": "test", "time_diff": 0.393696}
[04/01 06:01:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10490", "eta": "0:15:09", "mode": "test", "time_diff": 0.402168}
[04/01 06:01:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10500", "eta": "0:15:07", "mode": "test", "time_diff": 0.557771}
[04/01 06:01:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10510", "eta": "0:15:05", "mode": "test", "time_diff": 0.479083}
[04/01 06:01:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10520", "eta": "0:15:03", "mode": "test", "time_diff": 0.498378}
[04/01 06:02:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10530", "eta": "0:15:01", "mode": "test", "time_diff": 0.431980}
[04/01 06:02:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10540", "eta": "0:14:57", "mode": "test", "time_diff": 0.191656}
[04/01 06:02:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10550", "eta": "0:14:54", "mode": "test", "time_diff": 0.221894}
[04/01 06:02:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10560", "eta": "0:14:51", "mode": "test", "time_diff": 0.203297}
[04/01 06:02:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10570", "eta": "0:14:49", "mode": "test", "time_diff": 0.443785}
[04/01 06:02:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10580", "eta": "0:14:47", "mode": "test", "time_diff": 0.438613}
[04/01 06:02:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10590", "eta": "0:14:44", "mode": "test", "time_diff": 0.404836}
[04/01 06:02:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10600", "eta": "0:14:40", "mode": "test", "time_diff": 0.276950}
[04/01 06:02:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10610", "eta": "0:14:36", "mode": "test", "time_diff": 0.314818}
[04/01 06:02:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10620", "eta": "0:14:33", "mode": "test", "time_diff": 0.334758}
[04/01 06:02:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10630", "eta": "0:14:31", "mode": "test", "time_diff": 0.421100}
[04/01 06:02:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10640", "eta": "0:14:28", "mode": "test", "time_diff": 0.523504}
[04/01 06:02:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10650", "eta": "0:14:24", "mode": "test", "time_diff": 0.222818}
[04/01 06:02:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10660", "eta": "0:14:23", "mode": "test", "time_diff": 0.431904}
[04/01 06:02:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10670", "eta": "0:14:20", "mode": "test", "time_diff": 0.519175}
[04/01 06:02:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10680", "eta": "0:14:17", "mode": "test", "time_diff": 0.505261}
[04/01 06:02:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10690", "eta": "0:14:15", "mode": "test", "time_diff": 0.504878}
[04/01 06:03:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10700", "eta": "0:14:12", "mode": "test", "time_diff": 0.463940}
[04/01 06:03:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10710", "eta": "0:14:10", "mode": "test", "time_diff": 0.546344}
[04/01 06:03:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10720", "eta": "0:14:05", "mode": "test", "time_diff": 0.146187}
[04/01 06:03:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10730", "eta": "0:14:03", "mode": "test", "time_diff": 0.506419}
[04/01 06:03:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10740", "eta": "0:13:59", "mode": "test", "time_diff": 0.436067}
[04/01 06:03:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10750", "eta": "0:13:56", "mode": "test", "time_diff": 0.451019}
[04/01 06:03:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10760", "eta": "0:13:53", "mode": "test", "time_diff": 0.456617}
[04/01 06:03:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10770", "eta": "0:13:51", "mode": "test", "time_diff": 0.478903}
[04/01 06:03:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10780", "eta": "0:13:46", "mode": "test", "time_diff": 0.166709}
[04/01 06:03:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10790", "eta": "0:13:42", "mode": "test", "time_diff": 0.385078}
[04/01 06:03:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10800", "eta": "0:13:39", "mode": "test", "time_diff": 0.462418}
[04/01 06:03:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10810", "eta": "0:13:35", "mode": "test", "time_diff": 0.292382}
[04/01 06:03:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10820", "eta": "0:13:33", "mode": "test", "time_diff": 0.416305}
[04/01 06:03:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10830", "eta": "0:13:29", "mode": "test", "time_diff": 0.403105}
[04/01 06:03:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10840", "eta": "0:13:25", "mode": "test", "time_diff": 0.273216}
[04/01 06:03:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10850", "eta": "0:13:21", "mode": "test", "time_diff": 0.392101}
[04/01 06:03:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10860", "eta": "0:13:17", "mode": "test", "time_diff": 0.183460}
[04/01 06:03:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10870", "eta": "0:13:15", "mode": "test", "time_diff": 0.336853}
[04/01 06:04:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10880", "eta": "0:13:11", "mode": "test", "time_diff": 0.279312}
[04/01 06:04:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10890", "eta": "0:13:07", "mode": "test", "time_diff": 0.314459}
[04/01 06:04:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10900", "eta": "0:13:03", "mode": "test", "time_diff": 0.207964}
[04/01 06:04:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10910", "eta": "0:13:00", "mode": "test", "time_diff": 0.219063}
[04/01 06:04:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10920", "eta": "0:12:59", "mode": "test", "time_diff": 0.538864}
[04/01 06:04:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10930", "eta": "0:12:55", "mode": "test", "time_diff": 0.247064}
[04/01 06:04:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10940", "eta": "0:12:52", "mode": "test", "time_diff": 0.351568}
[04/01 06:04:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10950", "eta": "0:12:48", "mode": "test", "time_diff": 0.350500}
[04/01 06:04:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10960", "eta": "0:12:45", "mode": "test", "time_diff": 0.255365}
[04/01 06:04:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10970", "eta": "0:12:42", "mode": "test", "time_diff": 0.209188}
[04/01 06:04:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10980", "eta": "0:12:39", "mode": "test", "time_diff": 0.356948}
[04/01 06:04:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "10990", "eta": "0:12:36", "mode": "test", "time_diff": 0.385765}
[04/01 06:04:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11000", "eta": "0:12:34", "mode": "test", "time_diff": 0.350031}
[04/01 06:04:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11010", "eta": "0:12:30", "mode": "test", "time_diff": 0.245757}
[04/01 06:04:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11020", "eta": "0:12:26", "mode": "test", "time_diff": 0.189940}
[04/01 06:04:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11030", "eta": "0:12:23", "mode": "test", "time_diff": 0.170782}
[04/01 06:05:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11040", "eta": "0:12:19", "mode": "test", "time_diff": 0.452579}
[04/01 06:05:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11050", "eta": "0:12:16", "mode": "test", "time_diff": 0.447871}
[04/01 06:05:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11060", "eta": "0:12:13", "mode": "test", "time_diff": 0.429983}
[04/01 06:05:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11070", "eta": "0:12:10", "mode": "test", "time_diff": 0.415583}
[04/01 06:05:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11080", "eta": "0:12:08", "mode": "test", "time_diff": 0.461948}
[04/01 06:05:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11090", "eta": "0:12:05", "mode": "test", "time_diff": 0.429108}
[04/01 06:05:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11100", "eta": "0:12:02", "mode": "test", "time_diff": 0.193552}
[04/01 06:05:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11110", "eta": "0:11:58", "mode": "test", "time_diff": 0.185262}
[04/01 06:05:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11120", "eta": "0:11:55", "mode": "test", "time_diff": 0.184489}
[04/01 06:05:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11130", "eta": "0:11:52", "mode": "test", "time_diff": 0.547409}
[04/01 06:05:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11140", "eta": "0:11:50", "mode": "test", "time_diff": 0.460005}
[04/01 06:05:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11150", "eta": "0:11:46", "mode": "test", "time_diff": 0.315143}
[04/01 06:05:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11160", "eta": "0:11:44", "mode": "test", "time_diff": 0.447419}
[04/01 06:05:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11170", "eta": "0:11:41", "mode": "test", "time_diff": 0.481939}
[04/01 06:05:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11180", "eta": "0:11:38", "mode": "test", "time_diff": 0.417840}
[04/01 06:05:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11190", "eta": "0:11:33", "mode": "test", "time_diff": 0.216925}
[04/01 06:05:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11200", "eta": "0:11:30", "mode": "test", "time_diff": 0.185472}
[04/01 06:06:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11210", "eta": "0:11:27", "mode": "test", "time_diff": 0.193924}
[04/01 06:06:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11220", "eta": "0:11:23", "mode": "test", "time_diff": 0.188095}
[04/01 06:06:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11230", "eta": "0:11:18", "mode": "test", "time_diff": 0.173951}
[04/01 06:06:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11240", "eta": "0:11:14", "mode": "test", "time_diff": 0.301235}
[04/01 06:06:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11250", "eta": "0:11:10", "mode": "test", "time_diff": 0.290646}
[04/01 06:06:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11260", "eta": "0:11:07", "mode": "test", "time_diff": 0.363049}
[04/01 06:06:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11270", "eta": "0:11:04", "mode": "test", "time_diff": 0.333018}
[04/01 06:06:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11280", "eta": "0:11:01", "mode": "test", "time_diff": 0.205289}
[04/01 06:06:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11290", "eta": "0:10:57", "mode": "test", "time_diff": 0.207464}
[04/01 06:06:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11300", "eta": "0:10:55", "mode": "test", "time_diff": 0.439065}
[04/01 06:06:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11310", "eta": "0:10:51", "mode": "test", "time_diff": 0.191122}
[04/01 06:06:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11320", "eta": "0:10:47", "mode": "test", "time_diff": 0.283245}
[04/01 06:06:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11330", "eta": "0:10:43", "mode": "test", "time_diff": 0.468524}
[04/01 06:06:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11340", "eta": "0:10:40", "mode": "test", "time_diff": 0.453584}
[04/01 06:06:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11350", "eta": "0:10:36", "mode": "test", "time_diff": 0.432586}
[04/01 06:06:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11360", "eta": "0:10:33", "mode": "test", "time_diff": 0.461092}
[04/01 06:06:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11370", "eta": "0:10:30", "mode": "test", "time_diff": 0.457241}
[04/01 06:07:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11380", "eta": "0:10:27", "mode": "test", "time_diff": 0.325540}
[04/01 06:07:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11390", "eta": "0:10:23", "mode": "test", "time_diff": 0.167124}
[04/01 06:07:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11400", "eta": "0:10:19", "mode": "test", "time_diff": 0.192817}
[04/01 06:07:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11410", "eta": "0:10:15", "mode": "test", "time_diff": 0.199877}
[04/01 06:07:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11420", "eta": "0:10:11", "mode": "test", "time_diff": 0.231592}
[04/01 06:07:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11430", "eta": "0:10:06", "mode": "test", "time_diff": 0.172226}
[04/01 06:07:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11440", "eta": "0:10:03", "mode": "test", "time_diff": 0.223907}
[04/01 06:07:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11450", "eta": "0:10:00", "mode": "test", "time_diff": 0.224168}
[04/01 06:07:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11460", "eta": "0:09:58", "mode": "test", "time_diff": 0.504891}
[04/01 06:07:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11470", "eta": "0:09:55", "mode": "test", "time_diff": 0.383960}
[04/01 06:07:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11480", "eta": "0:09:51", "mode": "test", "time_diff": 0.334929}
[04/01 06:07:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11490", "eta": "0:09:48", "mode": "test", "time_diff": 0.248449}
[04/01 06:07:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11500", "eta": "0:09:45", "mode": "test", "time_diff": 0.357119}
[04/01 06:07:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11510", "eta": "0:09:42", "mode": "test", "time_diff": 0.428974}
[04/01 06:07:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11520", "eta": "0:09:39", "mode": "test", "time_diff": 0.425602}
[04/01 06:08:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11530", "eta": "0:09:37", "mode": "test", "time_diff": 0.454725}
[04/01 06:08:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11540", "eta": "0:09:34", "mode": "test", "time_diff": 0.461234}
[04/01 06:08:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11550", "eta": "0:09:32", "mode": "test", "time_diff": 0.349119}
[04/01 06:08:14] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11560", "eta": "0:09:29", "mode": "test", "time_diff": 0.447450}
[04/01 06:08:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11570", "eta": "0:09:26", "mode": "test", "time_diff": 0.363867}
[04/01 06:08:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11580", "eta": "0:09:23", "mode": "test", "time_diff": 0.421095}
[04/01 06:08:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11590", "eta": "0:09:20", "mode": "test", "time_diff": 0.442331}
[04/01 06:08:28] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11600", "eta": "0:09:17", "mode": "test", "time_diff": 0.508043}
[04/01 06:08:32] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11610", "eta": "0:09:14", "mode": "test", "time_diff": 0.445456}
[04/01 06:08:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11620", "eta": "0:09:11", "mode": "test", "time_diff": 0.488508}
[04/01 06:08:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11630", "eta": "0:09:08", "mode": "test", "time_diff": 0.424901}
[04/01 06:08:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11640", "eta": "0:09:04", "mode": "test", "time_diff": 0.431384}
[04/01 06:08:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11650", "eta": "0:09:01", "mode": "test", "time_diff": 0.310790}
[04/01 06:08:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11660", "eta": "0:08:58", "mode": "test", "time_diff": 0.360981}
[04/01 06:08:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11670", "eta": "0:08:54", "mode": "test", "time_diff": 0.193062}
[04/01 06:08:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11680", "eta": "0:08:51", "mode": "test", "time_diff": 0.148928}
[04/01 06:08:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11690", "eta": "0:08:47", "mode": "test", "time_diff": 0.222365}
[04/01 06:09:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11700", "eta": "0:08:44", "mode": "test", "time_diff": 0.427065}
[04/01 06:09:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11710", "eta": "0:08:39", "mode": "test", "time_diff": 0.192723}
[04/01 06:09:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11720", "eta": "0:08:35", "mode": "test", "time_diff": 0.210297}
[04/01 06:09:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11730", "eta": "0:08:32", "mode": "test", "time_diff": 0.448865}
[04/01 06:09:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11740", "eta": "0:08:29", "mode": "test", "time_diff": 0.344094}
[04/01 06:09:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11750", "eta": "0:08:25", "mode": "test", "time_diff": 0.448290}
[04/01 06:09:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11760", "eta": "0:08:22", "mode": "test", "time_diff": 0.299529}
[04/01 06:09:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11770", "eta": "0:08:18", "mode": "test", "time_diff": 0.336970}
[04/01 06:09:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11780", "eta": "0:08:15", "mode": "test", "time_diff": 0.215342}
[04/01 06:09:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11790", "eta": "0:08:12", "mode": "test", "time_diff": 0.289546}
[04/01 06:09:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11800", "eta": "0:08:08", "mode": "test", "time_diff": 0.322729}
[04/01 06:09:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11810", "eta": "0:08:05", "mode": "test", "time_diff": 0.340664}
[04/01 06:09:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11820", "eta": "0:08:02", "mode": "test", "time_diff": 0.198679}
[04/01 06:09:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11830", "eta": "0:07:58", "mode": "test", "time_diff": 0.383428}
[04/01 06:09:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11840", "eta": "0:07:55", "mode": "test", "time_diff": 0.382567}
[04/01 06:09:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11850", "eta": "0:07:51", "mode": "test", "time_diff": 0.429445}
[04/01 06:09:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11860", "eta": "0:07:48", "mode": "test", "time_diff": 0.447004}
[04/01 06:10:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11870", "eta": "0:07:45", "mode": "test", "time_diff": 0.504642}
[04/01 06:10:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11880", "eta": "0:07:41", "mode": "test", "time_diff": 0.431431}
[04/01 06:10:12] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11890", "eta": "0:07:38", "mode": "test", "time_diff": 0.329146}
[04/01 06:10:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11900", "eta": "0:07:35", "mode": "test", "time_diff": 0.416123}
[04/01 06:10:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11910", "eta": "0:07:31", "mode": "test", "time_diff": 0.361868}
[04/01 06:10:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11920", "eta": "0:07:28", "mode": "test", "time_diff": 0.382421}
[04/01 06:10:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11930", "eta": "0:07:25", "mode": "test", "time_diff": 0.419393}
[04/01 06:10:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11940", "eta": "0:07:23", "mode": "test", "time_diff": 0.451391}
[04/01 06:10:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11950", "eta": "0:07:20", "mode": "test", "time_diff": 0.414396}
[04/01 06:10:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11960", "eta": "0:07:17", "mode": "test", "time_diff": 0.413701}
[04/01 06:10:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11970", "eta": "0:07:14", "mode": "test", "time_diff": 0.440261}
[04/01 06:10:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11980", "eta": "0:07:11", "mode": "test", "time_diff": 0.451803}
[04/01 06:10:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "11990", "eta": "0:07:08", "mode": "test", "time_diff": 0.438978}
[04/01 06:10:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12000", "eta": "0:07:05", "mode": "test", "time_diff": 0.374594}
[04/01 06:10:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12010", "eta": "0:07:02", "mode": "test", "time_diff": 0.339275}
[04/01 06:10:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12020", "eta": "0:06:59", "mode": "test", "time_diff": 0.211032}
[04/01 06:11:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12030", "eta": "0:06:55", "mode": "test", "time_diff": 0.258140}
[04/01 06:11:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12040", "eta": "0:06:51", "mode": "test", "time_diff": 0.388206}
[04/01 06:11:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12050", "eta": "0:06:47", "mode": "test", "time_diff": 0.214593}
[04/01 06:11:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12060", "eta": "0:06:44", "mode": "test", "time_diff": 0.440183}
[04/01 06:11:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12070", "eta": "0:06:40", "mode": "test", "time_diff": 0.190768}
[04/01 06:11:23] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12080", "eta": "0:06:36", "mode": "test", "time_diff": 0.190748}
[04/01 06:11:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12090", "eta": "0:06:32", "mode": "test", "time_diff": 0.447764}
[04/01 06:11:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12100", "eta": "0:06:29", "mode": "test", "time_diff": 0.445182}
[04/01 06:11:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12110", "eta": "0:06:26", "mode": "test", "time_diff": 0.502057}
[04/01 06:11:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12120", "eta": "0:06:22", "mode": "test", "time_diff": 0.318779}
[04/01 06:11:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12130", "eta": "0:06:19", "mode": "test", "time_diff": 0.512492}
[04/01 06:11:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12140", "eta": "0:06:16", "mode": "test", "time_diff": 0.533920}
[04/01 06:11:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12150", "eta": "0:06:12", "mode": "test", "time_diff": 0.447797}
[04/01 06:11:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12160", "eta": "0:06:09", "mode": "test", "time_diff": 0.496819}
[04/01 06:11:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12170", "eta": "0:06:06", "mode": "test", "time_diff": 0.420841}
[04/01 06:11:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12180", "eta": "0:06:03", "mode": "test", "time_diff": 0.501184}
[04/01 06:12:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12190", "eta": "0:06:00", "mode": "test", "time_diff": 0.424568}
[04/01 06:12:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12200", "eta": "0:05:56", "mode": "test", "time_diff": 0.448514}
[04/01 06:12:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12210", "eta": "0:05:53", "mode": "test", "time_diff": 0.484572}
[04/01 06:12:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12220", "eta": "0:05:49", "mode": "test", "time_diff": 0.444589}
[04/01 06:12:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12230", "eta": "0:05:45", "mode": "test", "time_diff": 0.119823}
[04/01 06:12:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12240", "eta": "0:05:42", "mode": "test", "time_diff": 0.562489}
[04/01 06:12:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12250", "eta": "0:05:38", "mode": "test", "time_diff": 0.176005}
[04/01 06:12:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12260", "eta": "0:05:34", "mode": "test", "time_diff": 0.310807}
[04/01 06:12:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12270", "eta": "0:05:30", "mode": "test", "time_diff": 0.401392}
[04/01 06:12:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12280", "eta": "0:05:26", "mode": "test", "time_diff": 0.346205}
[04/01 06:12:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12290", "eta": "0:05:24", "mode": "test", "time_diff": 0.635531}
[04/01 06:12:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12300", "eta": "0:05:20", "mode": "test", "time_diff": 0.256923}
[04/01 06:12:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12310", "eta": "0:05:17", "mode": "test", "time_diff": 0.251690}
[04/01 06:12:47] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12320", "eta": "0:05:13", "mode": "test", "time_diff": 0.236536}
[04/01 06:12:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12330", "eta": "0:05:10", "mode": "test", "time_diff": 0.196596}
[04/01 06:12:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12340", "eta": "0:05:06", "mode": "test", "time_diff": 0.453534}
[04/01 06:12:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12350", "eta": "0:05:03", "mode": "test", "time_diff": 0.428058}
[04/01 06:13:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12360", "eta": "0:04:59", "mode": "test", "time_diff": 0.168331}
[04/01 06:13:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12370", "eta": "0:04:55", "mode": "test", "time_diff": 0.305365}
[04/01 06:13:07] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12380", "eta": "0:04:51", "mode": "test", "time_diff": 0.155256}
[04/01 06:13:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12390", "eta": "0:04:48", "mode": "test", "time_diff": 0.226449}
[04/01 06:13:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12400", "eta": "0:04:44", "mode": "test", "time_diff": 0.203854}
[04/01 06:13:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12410", "eta": "0:04:40", "mode": "test", "time_diff": 0.358067}
[04/01 06:13:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12420", "eta": "0:04:37", "mode": "test", "time_diff": 0.191501}
[04/01 06:13:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12430", "eta": "0:04:33", "mode": "test", "time_diff": 0.362110}
[04/01 06:13:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12440", "eta": "0:04:29", "mode": "test", "time_diff": 0.331558}
[04/01 06:13:34] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12450", "eta": "0:04:26", "mode": "test", "time_diff": 0.427043}
[04/01 06:13:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12460", "eta": "0:04:23", "mode": "test", "time_diff": 0.427739}
[04/01 06:13:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12470", "eta": "0:04:20", "mode": "test", "time_diff": 0.430084}
[04/01 06:13:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12480", "eta": "0:04:16", "mode": "test", "time_diff": 0.489853}
[04/01 06:13:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12490", "eta": "0:04:13", "mode": "test", "time_diff": 0.448666}
[04/01 06:13:52] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12500", "eta": "0:04:10", "mode": "test", "time_diff": 0.539553}
[04/01 06:13:56] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12510", "eta": "0:04:06", "mode": "test", "time_diff": 0.368877}
[04/01 06:13:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12520", "eta": "0:04:03", "mode": "test", "time_diff": 0.326177}
[04/01 06:14:03] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12530", "eta": "0:04:00", "mode": "test", "time_diff": 0.264825}
[04/01 06:14:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12540", "eta": "0:03:56", "mode": "test", "time_diff": 0.356876}
[04/01 06:14:10] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12550", "eta": "0:03:53", "mode": "test", "time_diff": 0.378441}
[04/01 06:14:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12560", "eta": "0:03:49", "mode": "test", "time_diff": 0.167092}
[04/01 06:14:18] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12570", "eta": "0:03:45", "mode": "test", "time_diff": 0.412670}
[04/01 06:14:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12580", "eta": "0:03:42", "mode": "test", "time_diff": 0.282517}
[04/01 06:14:25] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12590", "eta": "0:03:38", "mode": "test", "time_diff": 0.232739}
[04/01 06:14:29] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12600", "eta": "0:03:34", "mode": "test", "time_diff": 0.359548}
[04/01 06:14:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12610", "eta": "0:03:31", "mode": "test", "time_diff": 0.225220}
[04/01 06:14:36] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12620", "eta": "0:03:27", "mode": "test", "time_diff": 0.226123}
[04/01 06:14:38] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12630", "eta": "0:03:23", "mode": "test", "time_diff": 0.244591}
[04/01 06:14:40] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12640", "eta": "0:03:20", "mode": "test", "time_diff": 0.165419}
[04/01 06:14:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12650", "eta": "0:03:16", "mode": "test", "time_diff": 0.450010}
[04/01 06:14:48] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12660", "eta": "0:03:13", "mode": "test", "time_diff": 0.426580}
[04/01 06:14:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12670", "eta": "0:03:10", "mode": "test", "time_diff": 0.412928}
[04/01 06:14:55] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12680", "eta": "0:03:06", "mode": "test", "time_diff": 0.470807}
[04/01 06:14:59] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12690", "eta": "0:03:03", "mode": "test", "time_diff": 0.391480}
[04/01 06:15:02] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12700", "eta": "0:02:59", "mode": "test", "time_diff": 0.204661}
[04/01 06:15:06] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12710", "eta": "0:02:56", "mode": "test", "time_diff": 0.174755}
[04/01 06:15:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12720", "eta": "0:02:52", "mode": "test", "time_diff": 0.195162}
[04/01 06:15:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12730", "eta": "0:02:48", "mode": "test", "time_diff": 0.257563}
[04/01 06:15:16] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12740", "eta": "0:02:45", "mode": "test", "time_diff": 0.257473}
[04/01 06:15:20] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12750", "eta": "0:02:41", "mode": "test", "time_diff": 0.141960}
[04/01 06:15:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12760", "eta": "0:02:38", "mode": "test", "time_diff": 0.186997}
[04/01 06:15:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12770", "eta": "0:02:34", "mode": "test", "time_diff": 0.223086}
[04/01 06:15:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12780", "eta": "0:02:30", "mode": "test", "time_diff": 0.453786}
[04/01 06:15:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12790", "eta": "0:02:27", "mode": "test", "time_diff": 0.270106}
[04/01 06:15:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12800", "eta": "0:02:23", "mode": "test", "time_diff": 0.137633}
[04/01 06:15:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12810", "eta": "0:02:20", "mode": "test", "time_diff": 0.357554}
[04/01 06:15:43] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12820", "eta": "0:02:16", "mode": "test", "time_diff": 0.503467}
[04/01 06:15:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12830", "eta": "0:02:13", "mode": "test", "time_diff": 0.556753}
[04/01 06:15:50] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12840", "eta": "0:02:09", "mode": "test", "time_diff": 0.447664}
[04/01 06:15:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12850", "eta": "0:02:06", "mode": "test", "time_diff": 0.297616}
[04/01 06:15:58] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12860", "eta": "0:02:03", "mode": "test", "time_diff": 0.610841}
[04/01 06:16:01] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12870", "eta": "0:01:59", "mode": "test", "time_diff": 0.278145}
[04/01 06:16:05] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12880", "eta": "0:01:55", "mode": "test", "time_diff": 0.290317}
[04/01 06:16:09] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12890", "eta": "0:01:52", "mode": "test", "time_diff": 0.956455}
[04/01 06:16:13] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12900", "eta": "0:01:49", "mode": "test", "time_diff": 0.446024}
[04/01 06:16:17] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12910", "eta": "0:01:45", "mode": "test", "time_diff": 0.443249}
[04/01 06:16:21] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12920", "eta": "0:01:42", "mode": "test", "time_diff": 0.459398}
[04/01 06:16:24] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12930", "eta": "0:01:39", "mode": "test", "time_diff": 0.469007}
[04/01 06:16:27] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12940", "eta": "0:01:35", "mode": "test", "time_diff": 0.422797}
[04/01 06:16:31] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12950", "eta": "0:01:32", "mode": "test", "time_diff": 0.448671}
[04/01 06:16:35] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12960", "eta": "0:01:28", "mode": "test", "time_diff": 0.486204}
[04/01 06:16:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12970", "eta": "0:01:25", "mode": "test", "time_diff": 0.441827}
[04/01 06:16:42] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12980", "eta": "0:01:21", "mode": "test", "time_diff": 0.329752}
[04/01 06:16:45] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "12990", "eta": "0:01:18", "mode": "test", "time_diff": 0.181330}
[04/01 06:16:49] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13000", "eta": "0:01:14", "mode": "test", "time_diff": 0.163716}
[04/01 06:16:53] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13010", "eta": "0:01:10", "mode": "test", "time_diff": 0.276554}
[04/01 06:16:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13020", "eta": "0:01:07", "mode": "test", "time_diff": 0.362471}
[04/01 06:17:00] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13030", "eta": "0:01:03", "mode": "test", "time_diff": 0.354015}
[04/01 06:17:04] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13040", "eta": "0:00:59", "mode": "test", "time_diff": 0.305574}
[04/01 06:17:08] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13050", "eta": "0:00:56", "mode": "test", "time_diff": 0.431812}
[04/01 06:17:11] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13060", "eta": "0:00:52", "mode": "test", "time_diff": 0.485947}
[04/01 06:17:15] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13070", "eta": "0:00:49", "mode": "test", "time_diff": 0.480073}
[04/01 06:17:19] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13080", "eta": "0:00:45", "mode": "test", "time_diff": 0.446353}
[04/01 06:17:22] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13090", "eta": "0:00:42", "mode": "test", "time_diff": 0.461683}
[04/01 06:17:26] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13100", "eta": "0:00:38", "mode": "test", "time_diff": 0.424148}
[04/01 06:17:30] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13110", "eta": "0:00:35", "mode": "test", "time_diff": 0.449752}
[04/01 06:17:33] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13120", "eta": "0:00:31", "mode": "test", "time_diff": 0.466457}
[04/01 06:17:37] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13130", "eta": "0:00:28", "mode": "test", "time_diff": 0.517542}
[04/01 06:17:39] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13140", "eta": "0:00:24", "mode": "test", "time_diff": 0.183760}
[04/01 06:17:41] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13150", "eta": "0:00:20", "mode": "test", "time_diff": 0.172823}
[04/01 06:17:44] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13160", "eta": "0:00:17", "mode": "test", "time_diff": 0.463541}
[04/01 06:17:46] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13170", "eta": "0:00:13", "mode": "test", "time_diff": 0.132943}
[04/01 06:17:51] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13180", "eta": "0:00:10", "mode": "test", "time_diff": 0.169522}
[04/01 06:17:54] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13190", "eta": "0:00:06", "mode": "test", "time_diff": 0.502176}
[04/01 06:17:57] pa.utils.logging INFO: json_stats: {"_type": "test_iter", "cur_iter": "13200", "eta": "0:00:03", "mode": "test", "time_diff": 0.190015}
[04/01 06:18:34] pa.utils.ava_eval_helper INFO: Evaluating with 50250 unique GT frames.
[04/01 06:18:34] pa.utils.ava_eval_helper INFO: Evaluating with 52829 unique detection frames
[04/01 06:18:50] pa.utils.ava_eval_helper INFO: AVA results wrote to /public/sist/home/hexm/Models/pyaction/model_logs/ava/slowfast.ava.32x2.res50.short/detections_latest.csv
[04/01 06:18:50] pa.utils.ava_eval_helper INFO: took 16 seconds.
[04/01 06:18:52] pa.utils.ava_eval_helper INFO: AVA results wrote to /public/sist/home/hexm/Models/pyaction/model_logs/ava/slowfast.ava.32x2.res50.short/groundtruth_latest.csv
[04/01 06:18:52] pa.utils.ava_eval_helper INFO: took 1 seconds.
[04/01 06:28:23] pa.utils.ava_eval_helper INFO:
{ 'PascalBoxes_PerformanceByCategory/AP@0.5IOU/answer phone': 0.6964049872484268,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/bend/bow (at the waist)': 0.3749015045375166,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/carry/hold (an object)': 0.5390645943094475,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/climb (e.g., a mountain)': 0.14270536611482598,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/close (e.g., a door, a box)': 0.15098123222294435,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/crouch/kneel': 0.1934699672286862,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/cut': 0.022646735807298934,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/dance': 0.5167403435126854,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/dress/put on clothing': 0.1004060889684076,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/drink': 0.2559653557257834,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/drive (e.g., a car, a truck)': 0.520203725048223,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/eat': 0.34720070137627296,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/enter': 0.08464596358174956,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/fall down': 0.08309754916696266,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/fight/hit (a person)': 0.43778408167081584,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/get up': 0.21304299870018295,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/give/serve (an object) to (a person)': 0.07549886667441384,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/grab (a person)': 0.07806817273903284,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/hand clap': 0.315471505815232,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/hand shake': 0.11080409042494209,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/hand wave': 0.01583746202962471,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/hit (an object)': 0.03846270825201372,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/hug (a person)': 0.1307205375199812,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/jump/leap': 0.0674934054359243,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/kiss (a person)': 0.2522263853286618,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/lie/sleep': 0.4421914555839266,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/lift (a person)': 0.02580444009662227,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/lift/pick up': 0.02347613782599728,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/listen (e.g., to music)': 0.014959070455099055,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/listen to (a person)': 0.6100288224583863,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/martial art': 0.43505594168714923,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/open (e.g., a window, a car door)': 0.17949115650864866,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/play musical instrument': 0.40580640896040715,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/point to (an object)': 0.0007493836991721087,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/pull (an object)': 0.014453919007395507,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/push (an object)': 0.024186794252416658,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/push (another person)': 0.07736415772669145,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/put down': 0.029071628686159832,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/read': 0.29320306884836494,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/ride (e.g., a bike, a car, a horse)': 0.4276254289951251,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/run/jog': 0.5249560039729206,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/sail boat': 0.13840795869372474,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/shoot': 0.10873291489485315,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/sing to (e.g., self, a person, a group)': 0.2035125070328401,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/sit': 0.7782482800319931,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/smoke': 0.18392426755559985,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/stand': 0.8204829772092883,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/swim': 0.3881181712451062,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/take (an object) from (a person)': 0.05858826667612818,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/take a photo': 0.0024408039070484186,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/talk to (e.g., self, a person, a group)': 0.7922568897174611,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/text on/look at a cellphone': 0.05859421208396301,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/throw': 0.013896102323223813,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/touch (an object)': 0.31927656150983597,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/turn (e.g., a screwdriver)': 0.009540545528183815,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/walk': 0.7629543810619182,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/watch (a person)': 0.6712840682148187,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/watch (e.g., TV)': 0.21748922088762976,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/work on a computer': 0.05844019725077707,
'PascalBoxes_PerformanceByCategory/AP@0.5IOU/write': 0.08434224084159621,
'PascalBoxes_Precision/mAP@0.5IOU': 0.2493799785811755}
[04/01 06:28:23] pa.utils.ava_eval_helper INFO: AVA eval done in 605.039645 seconds.
[04/01 06:28:24] pa.utils.logging INFO: json_stats: {"map": 0.249380, "mode": "test"}
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment