Skip to content

Instantly share code, notes, and snippets.

Show Gist options
  • Save zer0n/c4f96e133f4d8b06ba96585424f1c39d to your computer and use it in GitHub Desktop.
Save zer0n/c4f96e133f4d8b06ba96585424f1c39d to your computer and use it in GitHub Desktop.
+ echo Logging output to experiments/logs/rfcn_end2end_ResNet-101_.txt.2016-11-07_01-23-01
Logging output to experiments/logs/rfcn_end2end_ResNet-101_.txt.2016-11-07_01-23-01
+ ./tools/train_net.py --gpu 4 --solver models/coco/ResNet-101/rfcn_end2end/solver_ohem.prototxt --weights data/imagenet_models/ResNet-101-model.caffemodel --imdb coco_2014_train --iters 490000 --cfg experiments/cfgs/rfcn_end2end_ohem.yml
Called with args:
Namespace(cfg_file='experiments/cfgs/rfcn_end2end_ohem.yml', gpu_id=4, imdb_name='coco_2014_train', max_iters=490000, pretrained_model='data/imagenet_models/ResNet-101-model.caffemodel', randomize=False, set_cfgs=None, solver='models/coco/ResNet-101/rfcn_end2end/solver_ohem.prototxt')
Using config:
{'DATA_DIR': '/home/zer0ne/src/R-FCN/data',
'DEDUP_BOXES': 0.0625,
'EPS': 1e-14,
'EXP_DIR': 'rfcn_end2end_ohem',
'GPU_ID': 4,
'MATLAB': 'matlab',
'MODELS_DIR': '/home/zer0ne/src/R-FCN/models/pascal_voc',
'PIXEL_MEANS': array([[[ 102.9801, 115.9465, 122.7717]]]),
'RNG_SEED': 3,
'ROOT_DIR': '/home/zer0ne/src/R-FCN',
'TEST': {'AGNOSTIC': True,
'BBOX_REG': True,
'HAS_RPN': True,
'MAX_SIZE': 1000,
'NMS': 0.3,
'PROPOSAL_METHOD': 'selective_search',
'RPN_MIN_SIZE': 16,
'RPN_NMS_THRESH': 0.7,
'RPN_POST_NMS_TOP_N': 300,
'RPN_PRE_NMS_TOP_N': 6000,
'SCALES': [600],
'SVM': False},
'TRAIN': {'AGNOSTIC': True,
'ASPECT_GROUPING': True,
'BATCH_SIZE': -1,
'BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
'BBOX_NORMALIZE_MEANS': [0.0, 0.0, 0.0, 0.0],
'BBOX_NORMALIZE_STDS': [0.1, 0.1, 0.2, 0.2],
'BBOX_NORMALIZE_TARGETS': True,
'BBOX_NORMALIZE_TARGETS_PRECOMPUTED': True,
'BBOX_REG': True,
'BBOX_THRESH': 0.5,
'BG_THRESH_HI': 0.5,
'BG_THRESH_LO': 0.0,
'FG_FRACTION': 0.25,
'FG_THRESH': 0.5,
'HAS_RPN': True,
'IMS_PER_BATCH': 1,
'MAX_SIZE': 1000,
'PROPOSAL_METHOD': 'gt',
'RPN_BATCHSIZE': 256,
'RPN_BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
'RPN_CLOBBER_POSITIVES': False,
'RPN_FG_FRACTION': 0.5,
'RPN_MIN_SIZE': 16,
'RPN_NEGATIVE_OVERLAP': 0.3,
'RPN_NMS_THRESH': 0.7,
'RPN_NORMALIZE_MEANS': None,
'RPN_NORMALIZE_STDS': None,
'RPN_NORMALIZE_TARGETS': False,
'RPN_POSITIVE_OVERLAP': 0.7,
'RPN_POSITIVE_WEIGHT': -1.0,
'RPN_POST_NMS_TOP_N': 300,
'RPN_PRE_NMS_TOP_N': 6000,
'SCALES': [600],
'SNAPSHOT_INFIX': '',
'SNAPSHOT_ITERS': 10000,
'USE_FLIPPED': True,
'USE_PREFETCH': False},
'USE_GPU_NMS': True}
loading annotations into memory...
Done (t=11.87s)
creating index...
index created!
Loaded dataset `coco_2014_train` for training
Set proposal method: gt
Appending horizontally-flipped training examples...
coco_2014_train gt roidb loaded from /home/zer0ne/src/R-FCN/data/cache/coco_2014_train_gt_roidb.pkl
done
Preparing training data...
done
loading annotations into memory...
Done (t=13.48s)
creating index...
index created!
165566 roidb entries
Output will be saved to `/home/zer0ne/src/R-FCN/output/rfcn_end2end_ohem/coco_2014_train`
Filtered 1404 roidb entries: 165566 -> 164162
Computing bounding-box regression targets...
bbox target means:
[[ 0. 0. 0. 0.]
[ 0. 0. 0. 0.]]
[ 0. 0. 0. 0.]
bbox target stdevs:
[[ 0.1 0.1 0.2 0.2]
[ 0.1 0.1 0.2 0.2]]
[ 0.1 0.1 0.2 0.2]
Normalizing targets
done
WARNING: Logging before InitGoogleLogging() is written to STDERR
I1107 01:40:22.755847 22740 solver.cpp:48] Initializing solver from parameters:
train_net: "models/coco/ResNet-101/rfcn_end2end/train_agnostic_ohem.prototxt"
base_lr: 0.008
display: 100
lr_policy: "step"
gamma: 0.1
momentum: 0.9
weight_decay: 0.0005
stepsize: 90000
snapshot: 0
snapshot_prefix: "resnet101_rfcn_ohem"
average_loss: 100
iter_size: 8
I1107 01:40:22.755878 22740 solver.cpp:81] Creating training net from train_net file: models/coco/ResNet-101/rfcn_end2end/train_agnostic_ohem.prototxt
I1107 01:40:22.765625 22740 net.cpp:58] Initializing net from parameters:
name: "ResNet-101"
state {
phase: TRAIN
}
layer {
name: "input-data"
type: "Python"
top: "data"
top: "im_info"
top: "gt_boxes"
python_param {
module: "roi_data_layer.layer"
layer: "RoIDataLayer"
param_str: "\'num_classes\': 81"
}
}
layer {
name: "conv1"
type: "Convolution"
bottom: "data"
top: "conv1"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 3
kernel_size: 7
stride: 2
}
}
layer {
name: "bn_conv1"
type: "BatchNorm"
bottom: "conv1"
top: "conv1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale_conv1"
type: "Scale"
bottom: "conv1"
top: "conv1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "conv1_relu"
type: "ReLU"
bottom: "conv1"
top: "conv1"
}
layer {
name: "pool1"
type: "Pooling"
bottom: "conv1"
top: "pool1"
pooling_param {
pool: MAX
kernel_size: 3
stride: 2
}
}
layer {
name: "res2a_branch1"
type: "Convolution"
bottom: "pool1"
top: "res2a_branch1"
param {
lr_mult: 0
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2a_branch1"
type: "BatchNorm"
bottom: "res2a_branch1"
top: "res2a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2a_branch1"
type: "Scale"
bottom: "res2a_branch1"
top: "res2a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2a_branch2a"
type: "Convolution"
bottom: "pool1"
top: "res2a_branch2a"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2a_branch2a"
type: "BatchNorm"
bottom: "res2a_branch2a"
top: "res2a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2a_branch2a"
type: "Scale"
bottom: "res2a_branch2a"
top: "res2a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2a_branch2a_relu"
type: "ReLU"
bottom: "res2a_branch2a"
top: "res2a_branch2a"
}
layer {
name: "res2a_branch2b"
type: "Convolution"
bottom: "res2a_branch2a"
top: "res2a_branch2b"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn2a_branch2b"
type: "BatchNorm"
bottom: "res2a_branch2b"
top: "res2a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2a_branch2b"
type: "Scale"
bottom: "res2a_branch2b"
top: "res2a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2a_branch2b_relu"
type: "ReLU"
bottom: "res2a_branch2b"
top: "res2a_branch2b"
}
layer {
name: "res2a_branch2c"
type: "Convolution"
bottom: "res2a_branch2b"
top: "res2a_branch2c"
param {
lr_mult: 0
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2a_branch2c"
type: "BatchNorm"
bottom: "res2a_branch2c"
top: "res2a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2a_branch2c"
type: "Scale"
bottom: "res2a_branch2c"
top: "res2a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2a"
type: "Eltwise"
bottom: "res2a_branch1"
bottom: "res2a_branch2c"
top: "res2a"
}
layer {
name: "res2a_relu"
type: "ReLU"
bottom: "res2a"
top: "res2a"
}
layer {
name: "res2b_branch2a"
type: "Convolution"
bottom: "res2a"
top: "res2b_branch2a"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2b_branch2a"
type: "BatchNorm"
bottom: "res2b_branch2a"
top: "res2b_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2b_branch2a"
type: "Scale"
bottom: "res2b_branch2a"
top: "res2b_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2b_branch2a_relu"
type: "ReLU"
bottom: "res2b_branch2a"
top: "res2b_branch2a"
}
layer {
name: "res2b_branch2b"
type: "Convolution"
bottom: "res2b_branch2a"
top: "res2b_branch2b"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn2b_branch2b"
type: "BatchNorm"
bottom: "res2b_branch2b"
top: "res2b_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2b_branch2b"
type: "Scale"
bottom: "res2b_branch2b"
top: "res2b_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2b_branch2b_relu"
type: "ReLU"
bottom: "res2b_branch2b"
top: "res2b_branch2b"
}
layer {
name: "res2b_branch2c"
type: "Convolution"
bottom: "res2b_branch2b"
top: "res2b_branch2c"
param {
lr_mult: 0
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2b_branch2c"
type: "BatchNorm"
bottom: "res2b_branch2c"
top: "res2b_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2b_branch2c"
type: "Scale"
bottom: "res2b_branch2c"
top: "res2b_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2b"
type: "Eltwise"
bottom: "res2a"
bottom: "res2b_branch2c"
top: "res2b"
}
layer {
name: "res2b_relu"
type: "ReLU"
bottom: "res2b"
top: "res2b"
}
layer {
name: "res2c_branch2a"
type: "Convolution"
bottom: "res2b"
top: "res2c_branch2a"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2c_branch2a"
type: "BatchNorm"
bottom: "res2c_branch2a"
top: "res2c_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2c_branch2a"
type: "Scale"
bottom: "res2c_branch2a"
top: "res2c_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2c_branch2a_relu"
type: "ReLU"
bottom: "res2c_branch2a"
top: "res2c_branch2a"
}
layer {
name: "res2c_branch2b"
type: "Convolution"
bottom: "res2c_branch2a"
top: "res2c_branch2b"
param {
lr_mult: 0
}
convolution_param {
num_output: 64
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn2c_branch2b"
type: "BatchNorm"
bottom: "res2c_branch2b"
top: "res2c_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2c_branch2b"
type: "Scale"
bottom: "res2c_branch2b"
top: "res2c_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2c_branch2b_relu"
type: "ReLU"
bottom: "res2c_branch2b"
top: "res2c_branch2b"
}
layer {
name: "res2c_branch2c"
type: "Convolution"
bottom: "res2c_branch2b"
top: "res2c_branch2c"
param {
lr_mult: 0
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn2c_branch2c"
type: "BatchNorm"
bottom: "res2c_branch2c"
top: "res2c_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale2c_branch2c"
type: "Scale"
bottom: "res2c_branch2c"
top: "res2c_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res2c"
type: "Eltwise"
bottom: "res2b"
bottom: "res2c_branch2c"
top: "res2c"
}
layer {
name: "res2c_relu"
type: "ReLU"
bottom: "res2c"
top: "res2c"
}
layer {
name: "res3a_branch1"
type: "Convolution"
bottom: "res2c"
top: "res3a_branch1"
param {
lr_mult: 1
}
convolution_param {
num_output: 512
bias_term: false
pad: 0
kernel_size: 1
stride: 2
}
}
layer {
name: "bn3a_branch1"
type: "BatchNorm"
bottom: "res3a_branch1"
top: "res3a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3a_branch1"
type: "Scale"
bottom: "res3a_branch1"
top: "res3a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3a_branch2a"
type: "Convolution"
bottom: "res2c"
top: "res3a_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 0
kernel_size: 1
stride: 2
}
}
layer {
name: "bn3a_branch2a"
type: "BatchNorm"
bottom: "res3a_branch2a"
top: "res3a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3a_branch2a"
type: "Scale"
bottom: "res3a_branch2a"
top: "res3a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3a_branch2a_relu"
type: "ReLU"
bottom: "res3a_branch2a"
top: "res3a_branch2a"
}
layer {
name: "res3a_branch2b"
type: "Convolution"
bottom: "res3a_branch2a"
top: "res3a_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn3a_branch2b"
type: "BatchNorm"
bottom: "res3a_branch2b"
top: "res3a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3a_branch2b"
type: "Scale"
bottom: "res3a_branch2b"
top: "res3a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3a_branch2b_relu"
type: "ReLU"
bottom: "res3a_branch2b"
top: "res3a_branch2b"
}
layer {
name: "res3a_branch2c"
type: "Convolution"
bottom: "res3a_branch2b"
top: "res3a_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 512
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3a_branch2c"
type: "BatchNorm"
bottom: "res3a_branch2c"
top: "res3a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3a_branch2c"
type: "Scale"
bottom: "res3a_branch2c"
top: "res3a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3a"
type: "Eltwise"
bottom: "res3a_branch1"
bottom: "res3a_branch2c"
top: "res3a"
}
layer {
name: "res3a_relu"
type: "ReLU"
bottom: "res3a"
top: "res3a"
}
layer {
name: "res3b1_branch2a"
type: "Convolution"
bottom: "res3a"
top: "res3b1_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b1_branch2a"
type: "BatchNorm"
bottom: "res3b1_branch2a"
top: "res3b1_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b1_branch2a"
type: "Scale"
bottom: "res3b1_branch2a"
top: "res3b1_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b1_branch2a_relu"
type: "ReLU"
bottom: "res3b1_branch2a"
top: "res3b1_branch2a"
}
layer {
name: "res3b1_branch2b"
type: "Convolution"
bottom: "res3b1_branch2a"
top: "res3b1_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn3b1_branch2b"
type: "BatchNorm"
bottom: "res3b1_branch2b"
top: "res3b1_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b1_branch2b"
type: "Scale"
bottom: "res3b1_branch2b"
top: "res3b1_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b1_branch2b_relu"
type: "ReLU"
bottom: "res3b1_branch2b"
top: "res3b1_branch2b"
}
layer {
name: "res3b1_branch2c"
type: "Convolution"
bottom: "res3b1_branch2b"
top: "res3b1_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 512
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b1_branch2c"
type: "BatchNorm"
bottom: "res3b1_branch2c"
top: "res3b1_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b1_branch2c"
type: "Scale"
bottom: "res3b1_branch2c"
top: "res3b1_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b1"
type: "Eltwise"
bottom: "res3a"
bottom: "res3b1_branch2c"
top: "res3b1"
}
layer {
name: "res3b1_relu"
type: "ReLU"
bottom: "res3b1"
top: "res3b1"
}
layer {
name: "res3b2_branch2a"
type: "Convolution"
bottom: "res3b1"
top: "res3b2_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b2_branch2a"
type: "BatchNorm"
bottom: "res3b2_branch2a"
top: "res3b2_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b2_branch2a"
type: "Scale"
bottom: "res3b2_branch2a"
top: "res3b2_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b2_branch2a_relu"
type: "ReLU"
bottom: "res3b2_branch2a"
top: "res3b2_branch2a"
}
layer {
name: "res3b2_branch2b"
type: "Convolution"
bottom: "res3b2_branch2a"
top: "res3b2_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn3b2_branch2b"
type: "BatchNorm"
bottom: "res3b2_branch2b"
top: "res3b2_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b2_branch2b"
type: "Scale"
bottom: "res3b2_branch2b"
top: "res3b2_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b2_branch2b_relu"
type: "ReLU"
bottom: "res3b2_branch2b"
top: "res3b2_branch2b"
}
layer {
name: "res3b2_branch2c"
type: "Convolution"
bottom: "res3b2_branch2b"
top: "res3b2_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 512
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b2_branch2c"
type: "BatchNorm"
bottom: "res3b2_branch2c"
top: "res3b2_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b2_branch2c"
type: "Scale"
bottom: "res3b2_branch2c"
top: "res3b2_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b2"
type: "Eltwise"
bottom: "res3b1"
bottom: "res3b2_branch2c"
top: "res3b2"
}
layer {
name: "res3b2_relu"
type: "ReLU"
bottom: "res3b2"
top: "res3b2"
}
layer {
name: "res3b3_branch2a"
type: "Convolution"
bottom: "res3b2"
top: "res3b3_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b3_branch2a"
type: "BatchNorm"
bottom: "res3b3_branch2a"
top: "res3b3_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b3_branch2a"
type: "Scale"
bottom: "res3b3_branch2a"
top: "res3b3_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b3_branch2a_relu"
type: "ReLU"
bottom: "res3b3_branch2a"
top: "res3b3_branch2a"
}
layer {
name: "res3b3_branch2b"
type: "Convolution"
bottom: "res3b3_branch2a"
top: "res3b3_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 128
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn3b3_branch2b"
type: "BatchNorm"
bottom: "res3b3_branch2b"
top: "res3b3_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b3_branch2b"
type: "Scale"
bottom: "res3b3_branch2b"
top: "res3b3_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b3_branch2b_relu"
type: "ReLU"
bottom: "res3b3_branch2b"
top: "res3b3_branch2b"
}
layer {
name: "res3b3_branch2c"
type: "Convolution"
bottom: "res3b3_branch2b"
top: "res3b3_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 512
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn3b3_branch2c"
type: "BatchNorm"
bottom: "res3b3_branch2c"
top: "res3b3_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale3b3_branch2c"
type: "Scale"
bottom: "res3b3_branch2c"
top: "res3b3_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res3b3"
type: "Eltwise"
bottom: "res3b2"
bottom: "res3b3_branch2c"
top: "res3b3"
}
layer {
name: "res3b3_relu"
type: "ReLU"
bottom: "res3b3"
top: "res3b3"
}
layer {
name: "res4a_branch1"
type: "Convolution"
bottom: "res3b3"
top: "res4a_branch1"
param {
lr_mult: 1
}
convolution_param {
num_output: 1024
bias_term: false
pad: 0
kernel_size: 1
stride: 2
}
}
layer {
name: "bn4a_branch1"
type: "BatchNorm"
bottom: "res4a_branch1"
top: "res4a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4a_branch1"
type: "Scale"
bottom: "res4a_branch1"
top: "res4a_branch1"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4a_branch2a"
type: "Convolution"
bottom: "res3b3"
top: "res4a_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 2
}
}
layer {
name: "bn4a_branch2a"
type: "BatchNorm"
bottom: "res4a_branch2a"
top: "res4a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4a_branch2a"
type: "Scale"
bottom: "res4a_branch2a"
top: "res4a_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4a_branch2a_relu"
type: "ReLU"
bottom: "res4a_branch2a"
top: "res4a_branch2a"
}
layer {
name: "res4a_branch2b"
type: "Convolution"
bottom: "res4a_branch2a"
top: "res4a_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn4a_branch2b"
type: "BatchNorm"
bottom: "res4a_branch2b"
top: "res4a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4a_branch2b"
type: "Scale"
bottom: "res4a_branch2b"
top: "res4a_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4a_branch2b_relu"
type: "ReLU"
bottom: "res4a_branch2b"
top: "res4a_branch2b"
}
layer {
name: "res4a_branch2c"
type: "Convolution"
bottom: "res4a_branch2b"
top: "res4a_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 1024
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn4a_branch2c"
type: "BatchNorm"
bottom: "res4a_branch2c"
top: "res4a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4a_branch2c"
type: "Scale"
bottom: "res4a_branch2c"
top: "res4a_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4a"
type: "Eltwise"
bottom: "res4a_branch1"
bottom: "res4a_branch2c"
top: "res4a"
}
layer {
name: "res4a_relu"
type: "ReLU"
bottom: "res4a"
top: "res4a"
}
layer {
name: "res4b1_branch2a"
type: "Convolution"
bottom: "res4a"
top: "res4b1_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn4b1_branch2a"
type: "BatchNorm"
bottom: "res4b1_branch2a"
top: "res4b1_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4b1_branch2a"
type: "Scale"
bottom: "res4b1_branch2a"
top: "res4b1_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4b1_branch2a_relu"
type: "ReLU"
bottom: "res4b1_branch2a"
top: "res4b1_branch2a"
}
layer {
name: "res4b1_branch2b"
type: "Convolution"
bottom: "res4b1_branch2a"
top: "res4b1_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn4b1_branch2b"
type: "BatchNorm"
bottom: "res4b1_branch2b"
top: "res4b1_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4b1_branch2b"
type: "Scale"
bottom: "res4b1_branch2b"
top: "res4b1_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4b1_branch2b_relu"
type: "ReLU"
bottom: "res4b1_branch2b"
top: "res4b1_branch2b"
}
layer {
name: "res4b1_branch2c"
type: "Convolution"
bottom: "res4b1_branch2b"
top: "res4b1_branch2c"
param {
lr_mult: 1
}
convolution_param {
num_output: 1024
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn4b1_branch2c"
type: "BatchNorm"
bottom: "res4b1_branch2c"
top: "res4b1_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4b1_branch2c"
type: "Scale"
bottom: "res4b1_branch2c"
top: "res4b1_branch2c"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4b1"
type: "Eltwise"
bottom: "res4a"
bottom: "res4b1_branch2c"
top: "res4b1"
}
layer {
name: "res4b1_relu"
type: "ReLU"
bottom: "res4b1"
top: "res4b1"
}
layer {
name: "res4b2_branch2a"
type: "Convolution"
bottom: "res4b1"
top: "res4b2_branch2a"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 0
kernel_size: 1
stride: 1
}
}
layer {
name: "bn4b2_branch2a"
type: "BatchNorm"
bottom: "res4b2_branch2a"
top: "res4b2_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4b2_branch2a"
type: "Scale"
bottom: "res4b2_branch2a"
top: "res4b2_branch2a"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
scale_param {
bias_term: true
}
}
layer {
name: "res4b2_branch2a_relu"
type: "ReLU"
bottom: "res4b2_branch2a"
top: "res4b2_branch2a"
}
layer {
name: "res4b2_branch2b"
type: "Convolution"
bottom: "res4b2_branch2a"
top: "res4b2_branch2b"
param {
lr_mult: 1
}
convolution_param {
num_output: 256
bias_term: false
pad: 1
kernel_size: 3
stride: 1
}
}
layer {
name: "bn4b2_branch2b"
type: "BatchNorm"
bottom: "res4b2_branch2b"
top: "res4b2_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
param {
lr_mult: 0
decay_mult: 0
}
batch_norm_param {
use_global_stats: true
}
}
layer {
name: "scale4b2_branch2b"
type: "Scale"
bottom: "res4b2_branch2b"
top: "res4b2_branch2b"
param {
lr_mult: 0
decay_mult: 0
}
param {
I1107 01:40:22.768314 22740 layer_factory.hpp:77] Creating layer input-data
I1107 01:40:22.841521 22740 net.cpp:100] Creating Layer input-data
I1107 01:40:22.841562 22740 net.cpp:418] input-data -> data
I1107 01:40:22.841588 22740 net.cpp:418] input-data -> im_info
I1107 01:40:22.841603 22740 net.cpp:418] input-data -> gt_boxes
RoiDataLayer: name_to_top: {'gt_boxes': 2, 'data': 0, 'im_info': 1}
I1107 01:40:22.853837 22740 net.cpp:150] Setting up input-data
I1107 01:40:22.853871 22740 net.cpp:157] Top shape: 1 3 600 1000 (1800000)
I1107 01:40:22.853879 22740 net.cpp:157] Top shape: 1 3 (3)
I1107 01:40:22.853883 22740 net.cpp:157] Top shape: 1 4 (4)
I1107 01:40:22.853885 22740 net.cpp:165] Memory required for data: 7200028
I1107 01:40:22.853889 22740 layer_factory.hpp:77] Creating layer data_input-data_0_split
I1107 01:40:22.853904 22740 net.cpp:100] Creating Layer data_input-data_0_split
I1107 01:40:22.853909 22740 net.cpp:444] data_input-data_0_split <- data
I1107 01:40:22.853915 22740 net.cpp:418] data_input-data_0_split -> data_input-data_0_split_0
I1107 01:40:22.853925 22740 net.cpp:418] data_input-data_0_split -> data_input-data_0_split_1
I1107 01:40:22.853981 22740 net.cpp:150] Setting up data_input-data_0_split
I1107 01:40:22.853988 22740 net.cpp:157] Top shape: 1 3 600 1000 (1800000)
I1107 01:40:22.853991 22740 net.cpp:157] Top shape: 1 3 600 1000 (1800000)
I1107 01:40:22.853993 22740 net.cpp:165] Memory required for data: 21600028
I1107 01:40:22.853996 22740 layer_factory.hpp:77] Creating layer im_info_input-data_1_split
I1107 01:40:22.854002 22740 net.cpp:100] Creating Layer im_info_input-data_1_split
I1107 01:40:22.854006 22740 net.cpp:444] im_info_input-data_1_split <- im_info
I1107 01:40:22.854010 22740 net.cpp:418] im_info_input-data_1_split -> im_info_input-data_1_split_0
I1107 01:40:22.854017 22740 net.cpp:418] im_info_input-data_1_split -> im_info_input-data_1_split_1
I1107 01:40:22.854058 22740 net.cpp:150] Setting up im_info_input-data_1_split
I1107 01:40:22.854080 22740 net.cpp:157] Top shape: 1 3 (3)
I1107 01:40:22.854087 22740 net.cpp:157] Top shape: 1 3 (3)
I1107 01:40:22.854094 22740 net.cpp:165] Memory required for data: 21600052
I1107 01:40:22.854099 22740 layer_factory.hpp:77] Creating layer gt_boxes_input-data_2_split
I1107 01:40:22.854110 22740 net.cpp:100] Creating Layer gt_boxes_input-data_2_split
I1107 01:40:22.854115 22740 net.cpp:444] gt_boxes_input-data_2_split <- gt_boxes
I1107 01:40:22.854125 22740 net.cpp:418] gt_boxes_input-data_2_split -> gt_boxes_input-data_2_split_0
I1107 01:40:22.854133 22740 net.cpp:418] gt_boxes_input-data_2_split -> gt_boxes_input-data_2_split_1
I1107 01:40:22.854177 22740 net.cpp:150] Setting up gt_boxes_input-data_2_split
I1107 01:40:22.854188 22740 net.cpp:157] Top shape: 1 4 (4)
I1107 01:40:22.854195 22740 net.cpp:157] Top shape: 1 4 (4)
I1107 01:40:22.854200 22740 net.cpp:165] Memory required for data: 21600084
I1107 01:40:22.854207 22740 layer_factory.hpp:77] Creating layer conv1
I1107 01:40:22.854223 22740 net.cpp:100] Creating Layer conv1
I1107 01:40:22.854229 22740 net.cpp:444] conv1 <- data_input-data_0_split_0
I1107 01:40:22.854238 22740 net.cpp:418] conv1 -> conv1
I1107 01:40:23.470060 22740 net.cpp:150] Setting up conv1
I1107 01:40:23.470091 22740 net.cpp:157] Top shape: 1 64 300 500 (9600000)
I1107 01:40:23.470095 22740 net.cpp:165] Memory required for data: 60000084
I1107 01:40:23.470108 22740 layer_factory.hpp:77] Creating layer bn_conv1
I1107 01:40:23.470125 22740 net.cpp:100] Creating Layer bn_conv1
I1107 01:40:23.470129 22740 net.cpp:444] bn_conv1 <- conv1
I1107 01:40:23.470154 22740 net.cpp:405] bn_conv1 -> conv1 (in-place)
I1107 01:40:23.472079 22740 net.cpp:150] Setting up bn_conv1
I1107 01:40:23.472090 22740 net.cpp:157] Top shape: 1 64 300 500 (9600000)
I1107 01:40:23.472093 22740 net.cpp:165] Memory required for data: 98400084
I1107 01:40:23.472103 22740 layer_factory.hpp:77] Creating layer scale_conv1
I1107 01:40:23.472111 22740 net.cpp:100] Creating Layer scale_conv1
I1107 01:40:23.472115 22740 net.cpp:444] scale_conv1 <- conv1
I1107 01:40:23.472121 22740 net.cpp:405] scale_conv1 -> conv1 (in-place)
I1107 01:40:23.472194 22740 layer_factory.hpp:77] Creating layer scale_conv1
I1107 01:40:23.472554 22740 net.cpp:150] Setting up scale_conv1
I1107 01:40:23.472561 22740 net.cpp:157] Top shape: 1 64 300 500 (9600000)
I1107 01:40:23.472564 22740 net.cpp:165] Memory required for data: 136800084
I1107 01:40:23.472587 22740 layer_factory.hpp:77] Creating layer conv1_relu
I1107 01:40:23.472596 22740 net.cpp:100] Creating Layer conv1_relu
I1107 01:40:23.472599 22740 net.cpp:444] conv1_relu <- conv1
I1107 01:40:23.472604 22740 net.cpp:405] conv1_relu -> conv1 (in-place)
I1107 01:40:23.472766 22740 net.cpp:150] Setting up conv1_relu
I1107 01:40:23.472775 22740 net.cpp:157] Top shape: 1 64 300 500 (9600000)
I1107 01:40:23.472777 22740 net.cpp:165] Memory required for data: 175200084
I1107 01:40:23.472780 22740 layer_factory.hpp:77] Creating layer pool1
I1107 01:40:23.472790 22740 net.cpp:100] Creating Layer pool1
I1107 01:40:23.472795 22740 net.cpp:444] pool1 <- conv1
I1107 01:40:23.472801 22740 net.cpp:418] pool1 -> pool1
I1107 01:40:23.472865 22740 net.cpp:150] Setting up pool1
I1107 01:40:23.472872 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.472874 22740 net.cpp:165] Memory required for data: 184800084
I1107 01:40:23.472877 22740 layer_factory.hpp:77] Creating layer pool1_pool1_0_split
I1107 01:40:23.472883 22740 net.cpp:100] Creating Layer pool1_pool1_0_split
I1107 01:40:23.472885 22740 net.cpp:444] pool1_pool1_0_split <- pool1
I1107 01:40:23.472892 22740 net.cpp:418] pool1_pool1_0_split -> pool1_pool1_0_split_0
I1107 01:40:23.472898 22740 net.cpp:418] pool1_pool1_0_split -> pool1_pool1_0_split_1
I1107 01:40:23.472977 22740 net.cpp:150] Setting up pool1_pool1_0_split
I1107 01:40:23.472983 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.472986 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.472988 22740 net.cpp:165] Memory required for data: 204000084
I1107 01:40:23.472990 22740 layer_factory.hpp:77] Creating layer res2a_branch1
I1107 01:40:23.473002 22740 net.cpp:100] Creating Layer res2a_branch1
I1107 01:40:23.473006 22740 net.cpp:444] res2a_branch1 <- pool1_pool1_0_split_0
I1107 01:40:23.473012 22740 net.cpp:418] res2a_branch1 -> res2a_branch1
I1107 01:40:23.474182 22740 net.cpp:150] Setting up res2a_branch1
I1107 01:40:23.474221 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.474226 22740 net.cpp:165] Memory required for data: 242400084
I1107 01:40:23.474233 22740 layer_factory.hpp:77] Creating layer bn2a_branch1
I1107 01:40:23.474243 22740 net.cpp:100] Creating Layer bn2a_branch1
I1107 01:40:23.474249 22740 net.cpp:444] bn2a_branch1 <- res2a_branch1
I1107 01:40:23.474257 22740 net.cpp:405] bn2a_branch1 -> res2a_branch1 (in-place)
I1107 01:40:23.476218 22740 net.cpp:150] Setting up bn2a_branch1
I1107 01:40:23.476230 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.476233 22740 net.cpp:165] Memory required for data: 280800084
I1107 01:40:23.476258 22740 layer_factory.hpp:77] Creating layer scale2a_branch1
I1107 01:40:23.476284 22740 net.cpp:100] Creating Layer scale2a_branch1
I1107 01:40:23.476289 22740 net.cpp:444] scale2a_branch1 <- res2a_branch1
I1107 01:40:23.476295 22740 net.cpp:405] scale2a_branch1 -> res2a_branch1 (in-place)
I1107 01:40:23.476351 22740 layer_factory.hpp:77] Creating layer scale2a_branch1
I1107 01:40:23.476554 22740 net.cpp:150] Setting up scale2a_branch1
I1107 01:40:23.476562 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.476564 22740 net.cpp:165] Memory required for data: 319200084
I1107 01:40:23.476569 22740 layer_factory.hpp:77] Creating layer res2a_branch2a
I1107 01:40:23.476579 22740 net.cpp:100] Creating Layer res2a_branch2a
I1107 01:40:23.476583 22740 net.cpp:444] res2a_branch2a <- pool1_pool1_0_split_1
I1107 01:40:23.476589 22740 net.cpp:418] res2a_branch2a -> res2a_branch2a
I1107 01:40:23.479140 22740 net.cpp:150] Setting up res2a_branch2a
I1107 01:40:23.479151 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.479153 22740 net.cpp:165] Memory required for data: 328800084
I1107 01:40:23.479173 22740 layer_factory.hpp:77] Creating layer bn2a_branch2a
I1107 01:40:23.479182 22740 net.cpp:100] Creating Layer bn2a_branch2a
I1107 01:40:23.479184 22740 net.cpp:444] bn2a_branch2a <- res2a_branch2a
I1107 01:40:23.479207 22740 net.cpp:405] bn2a_branch2a -> res2a_branch2a (in-place)
I1107 01:40:23.479526 22740 net.cpp:150] Setting up bn2a_branch2a
I1107 01:40:23.479532 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.479534 22740 net.cpp:165] Memory required for data: 338400084
I1107 01:40:23.479554 22740 layer_factory.hpp:77] Creating layer scale2a_branch2a
I1107 01:40:23.479562 22740 net.cpp:100] Creating Layer scale2a_branch2a
I1107 01:40:23.479564 22740 net.cpp:444] scale2a_branch2a <- res2a_branch2a
I1107 01:40:23.479571 22740 net.cpp:405] scale2a_branch2a -> res2a_branch2a (in-place)
I1107 01:40:23.479621 22740 layer_factory.hpp:77] Creating layer scale2a_branch2a
I1107 01:40:23.479823 22740 net.cpp:150] Setting up scale2a_branch2a
I1107 01:40:23.479830 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.479833 22740 net.cpp:165] Memory required for data: 348000084
I1107 01:40:23.479841 22740 layer_factory.hpp:77] Creating layer res2a_branch2a_relu
I1107 01:40:23.479849 22740 net.cpp:100] Creating Layer res2a_branch2a_relu
I1107 01:40:23.479853 22740 net.cpp:444] res2a_branch2a_relu <- res2a_branch2a
I1107 01:40:23.479859 22740 net.cpp:405] res2a_branch2a_relu -> res2a_branch2a (in-place)
I1107 01:40:23.480012 22740 net.cpp:150] Setting up res2a_branch2a_relu
I1107 01:40:23.480021 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.480023 22740 net.cpp:165] Memory required for data: 357600084
I1107 01:40:23.480026 22740 layer_factory.hpp:77] Creating layer res2a_branch2b
I1107 01:40:23.480051 22740 net.cpp:100] Creating Layer res2a_branch2b
I1107 01:40:23.480072 22740 net.cpp:444] res2a_branch2b <- res2a_branch2a
I1107 01:40:23.480077 22740 net.cpp:418] res2a_branch2b -> res2a_branch2b
I1107 01:40:23.481699 22740 net.cpp:150] Setting up res2a_branch2b
I1107 01:40:23.481710 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.481714 22740 net.cpp:165] Memory required for data: 367200084
I1107 01:40:23.481736 22740 layer_factory.hpp:77] Creating layer bn2a_branch2b
I1107 01:40:23.481745 22740 net.cpp:100] Creating Layer bn2a_branch2b
I1107 01:40:23.481747 22740 net.cpp:444] bn2a_branch2b <- res2a_branch2b
I1107 01:40:23.481753 22740 net.cpp:405] bn2a_branch2b -> res2a_branch2b (in-place)
I1107 01:40:23.482097 22740 net.cpp:150] Setting up bn2a_branch2b
I1107 01:40:23.482105 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.482106 22740 net.cpp:165] Memory required for data: 376800084
I1107 01:40:23.482131 22740 layer_factory.hpp:77] Creating layer scale2a_branch2b
I1107 01:40:23.482138 22740 net.cpp:100] Creating Layer scale2a_branch2b
I1107 01:40:23.482141 22740 net.cpp:444] scale2a_branch2b <- res2a_branch2b
I1107 01:40:23.482161 22740 net.cpp:405] scale2a_branch2b -> res2a_branch2b (in-place)
I1107 01:40:23.482231 22740 layer_factory.hpp:77] Creating layer scale2a_branch2b
I1107 01:40:23.482437 22740 net.cpp:150] Setting up scale2a_branch2b
I1107 01:40:23.482445 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.482448 22740 net.cpp:165] Memory required for data: 386400084
I1107 01:40:23.482453 22740 layer_factory.hpp:77] Creating layer res2a_branch2b_relu
I1107 01:40:23.482465 22740 net.cpp:100] Creating Layer res2a_branch2b_relu
I1107 01:40:23.482472 22740 net.cpp:444] res2a_branch2b_relu <- res2a_branch2b
I1107 01:40:23.482476 22740 net.cpp:405] res2a_branch2b_relu -> res2a_branch2b (in-place)
I1107 01:40:23.482987 22740 net.cpp:150] Setting up res2a_branch2b_relu
I1107 01:40:23.483016 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.483019 22740 net.cpp:165] Memory required for data: 396000084
I1107 01:40:23.483022 22740 layer_factory.hpp:77] Creating layer res2a_branch2c
I1107 01:40:23.483075 22740 net.cpp:100] Creating Layer res2a_branch2c
I1107 01:40:23.483098 22740 net.cpp:444] res2a_branch2c <- res2a_branch2b
I1107 01:40:23.483124 22740 net.cpp:418] res2a_branch2c -> res2a_branch2c
I1107 01:40:23.484421 22740 net.cpp:150] Setting up res2a_branch2c
I1107 01:40:23.484433 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.484436 22740 net.cpp:165] Memory required for data: 434400084
I1107 01:40:23.484459 22740 layer_factory.hpp:77] Creating layer bn2a_branch2c
I1107 01:40:23.484467 22740 net.cpp:100] Creating Layer bn2a_branch2c
I1107 01:40:23.484469 22740 net.cpp:444] bn2a_branch2c <- res2a_branch2c
I1107 01:40:23.484475 22740 net.cpp:405] bn2a_branch2c -> res2a_branch2c (in-place)
I1107 01:40:23.484772 22740 net.cpp:150] Setting up bn2a_branch2c
I1107 01:40:23.484796 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.484797 22740 net.cpp:165] Memory required for data: 472800084
I1107 01:40:23.484803 22740 layer_factory.hpp:77] Creating layer scale2a_branch2c
I1107 01:40:23.484828 22740 net.cpp:100] Creating Layer scale2a_branch2c
I1107 01:40:23.484832 22740 net.cpp:444] scale2a_branch2c <- res2a_branch2c
I1107 01:40:23.484835 22740 net.cpp:405] scale2a_branch2c -> res2a_branch2c (in-place)
I1107 01:40:23.484884 22740 layer_factory.hpp:77] Creating layer scale2a_branch2c
I1107 01:40:23.485116 22740 net.cpp:150] Setting up scale2a_branch2c
I1107 01:40:23.485123 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.485126 22740 net.cpp:165] Memory required for data: 511200084
I1107 01:40:23.485131 22740 layer_factory.hpp:77] Creating layer res2a
I1107 01:40:23.485138 22740 net.cpp:100] Creating Layer res2a
I1107 01:40:23.485158 22740 net.cpp:444] res2a <- res2a_branch1
I1107 01:40:23.485162 22740 net.cpp:444] res2a <- res2a_branch2c
I1107 01:40:23.485167 22740 net.cpp:418] res2a -> res2a
I1107 01:40:23.485205 22740 net.cpp:150] Setting up res2a
I1107 01:40:23.485211 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.485214 22740 net.cpp:165] Memory required for data: 549600084
I1107 01:40:23.485216 22740 layer_factory.hpp:77] Creating layer res2a_relu
I1107 01:40:23.485222 22740 net.cpp:100] Creating Layer res2a_relu
I1107 01:40:23.485225 22740 net.cpp:444] res2a_relu <- res2a
I1107 01:40:23.485231 22740 net.cpp:405] res2a_relu -> res2a (in-place)
I1107 01:40:23.485394 22740 net.cpp:150] Setting up res2a_relu
I1107 01:40:23.485401 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.485404 22740 net.cpp:165] Memory required for data: 588000084
I1107 01:40:23.485407 22740 layer_factory.hpp:77] Creating layer res2a_res2a_relu_0_split
I1107 01:40:23.485414 22740 net.cpp:100] Creating Layer res2a_res2a_relu_0_split
I1107 01:40:23.485417 22740 net.cpp:444] res2a_res2a_relu_0_split <- res2a
I1107 01:40:23.485422 22740 net.cpp:418] res2a_res2a_relu_0_split -> res2a_res2a_relu_0_split_0
I1107 01:40:23.485430 22740 net.cpp:418] res2a_res2a_relu_0_split -> res2a_res2a_relu_0_split_1
I1107 01:40:23.485517 22740 net.cpp:150] Setting up res2a_res2a_relu_0_split
I1107 01:40:23.485522 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.485525 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.485527 22740 net.cpp:165] Memory required for data: 664800084
I1107 01:40:23.485530 22740 layer_factory.hpp:77] Creating layer res2b_branch2a
I1107 01:40:23.485539 22740 net.cpp:100] Creating Layer res2b_branch2a
I1107 01:40:23.485543 22740 net.cpp:444] res2b_branch2a <- res2a_res2a_relu_0_split_0
I1107 01:40:23.485550 22740 net.cpp:418] res2b_branch2a -> res2b_branch2a
I1107 01:40:23.487203 22740 net.cpp:150] Setting up res2b_branch2a
I1107 01:40:23.487217 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.487221 22740 net.cpp:165] Memory required for data: 674400084
I1107 01:40:23.487243 22740 layer_factory.hpp:77] Creating layer bn2b_branch2a
I1107 01:40:23.487253 22740 net.cpp:100] Creating Layer bn2b_branch2a
I1107 01:40:23.487257 22740 net.cpp:444] bn2b_branch2a <- res2b_branch2a
I1107 01:40:23.487263 22740 net.cpp:405] bn2b_branch2a -> res2b_branch2a (in-place)
I1107 01:40:23.489171 22740 net.cpp:150] Setting up bn2b_branch2a
I1107 01:40:23.489182 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.489186 22740 net.cpp:165] Memory required for data: 684000084
I1107 01:40:23.489217 22740 layer_factory.hpp:77] Creating layer scale2b_branch2a
I1107 01:40:23.489225 22740 net.cpp:100] Creating Layer scale2b_branch2a
I1107 01:40:23.489245 22740 net.cpp:444] scale2b_branch2a <- res2b_branch2a
I1107 01:40:23.489251 22740 net.cpp:405] scale2b_branch2a -> res2b_branch2a (in-place)
I1107 01:40:23.489362 22740 layer_factory.hpp:77] Creating layer scale2b_branch2a
I1107 01:40:23.489578 22740 net.cpp:150] Setting up scale2b_branch2a
I1107 01:40:23.489585 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.489588 22740 net.cpp:165] Memory required for data: 693600084
I1107 01:40:23.489593 22740 layer_factory.hpp:77] Creating layer res2b_branch2a_relu
I1107 01:40:23.489600 22740 net.cpp:100] Creating Layer res2b_branch2a_relu
I1107 01:40:23.489604 22740 net.cpp:444] res2b_branch2a_relu <- res2b_branch2a
I1107 01:40:23.489610 22740 net.cpp:405] res2b_branch2a_relu -> res2b_branch2a (in-place)
I1107 01:40:23.489790 22740 net.cpp:150] Setting up res2b_branch2a_relu
I1107 01:40:23.489799 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.489801 22740 net.cpp:165] Memory required for data: 703200084
I1107 01:40:23.489804 22740 layer_factory.hpp:77] Creating layer res2b_branch2b
I1107 01:40:23.489814 22740 net.cpp:100] Creating Layer res2b_branch2b
I1107 01:40:23.489819 22740 net.cpp:444] res2b_branch2b <- res2b_branch2a
I1107 01:40:23.489825 22740 net.cpp:418] res2b_branch2b -> res2b_branch2b
I1107 01:40:23.491025 22740 net.cpp:150] Setting up res2b_branch2b
I1107 01:40:23.491037 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.491062 22740 net.cpp:165] Memory required for data: 712800084
I1107 01:40:23.491086 22740 layer_factory.hpp:77] Creating layer bn2b_branch2b
I1107 01:40:23.491116 22740 net.cpp:100] Creating Layer bn2b_branch2b
I1107 01:40:23.491137 22740 net.cpp:444] bn2b_branch2b <- res2b_branch2b
I1107 01:40:23.491143 22740 net.cpp:405] bn2b_branch2b -> res2b_branch2b (in-place)
I1107 01:40:23.491565 22740 net.cpp:150] Setting up bn2b_branch2b
I1107 01:40:23.491572 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.491575 22740 net.cpp:165] Memory required for data: 722400084
I1107 01:40:23.491598 22740 layer_factory.hpp:77] Creating layer scale2b_branch2b
I1107 01:40:23.491605 22740 net.cpp:100] Creating Layer scale2b_branch2b
I1107 01:40:23.491608 22740 net.cpp:444] scale2b_branch2b <- res2b_branch2b
I1107 01:40:23.491614 22740 net.cpp:405] scale2b_branch2b -> res2b_branch2b (in-place)
I1107 01:40:23.491668 22740 layer_factory.hpp:77] Creating layer scale2b_branch2b
I1107 01:40:23.491894 22740 net.cpp:150] Setting up scale2b_branch2b
I1107 01:40:23.491901 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.491904 22740 net.cpp:165] Memory required for data: 732000084
I1107 01:40:23.491909 22740 layer_factory.hpp:77] Creating layer res2b_branch2b_relu
I1107 01:40:23.491915 22740 net.cpp:100] Creating Layer res2b_branch2b_relu
I1107 01:40:23.491920 22740 net.cpp:444] res2b_branch2b_relu <- res2b_branch2b
I1107 01:40:23.491925 22740 net.cpp:405] res2b_branch2b_relu -> res2b_branch2b (in-place)
I1107 01:40:23.492151 22740 net.cpp:150] Setting up res2b_branch2b_relu
I1107 01:40:23.492159 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.492162 22740 net.cpp:165] Memory required for data: 741600084
I1107 01:40:23.492166 22740 layer_factory.hpp:77] Creating layer res2b_branch2c
I1107 01:40:23.492174 22740 net.cpp:100] Creating Layer res2b_branch2c
I1107 01:40:23.492178 22740 net.cpp:444] res2b_branch2c <- res2b_branch2b
I1107 01:40:23.492185 22740 net.cpp:418] res2b_branch2c -> res2b_branch2c
I1107 01:40:23.493819 22740 net.cpp:150] Setting up res2b_branch2c
I1107 01:40:23.493832 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.493835 22740 net.cpp:165] Memory required for data: 780000084
I1107 01:40:23.493839 22740 layer_factory.hpp:77] Creating layer bn2b_branch2c
I1107 01:40:23.493847 22740 net.cpp:100] Creating Layer bn2b_branch2c
I1107 01:40:23.493850 22740 net.cpp:444] bn2b_branch2c <- res2b_branch2c
I1107 01:40:23.493856 22740 net.cpp:405] bn2b_branch2c -> res2b_branch2c (in-place)
I1107 01:40:23.494235 22740 net.cpp:150] Setting up bn2b_branch2c
I1107 01:40:23.494242 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494246 22740 net.cpp:165] Memory required for data: 818400084
I1107 01:40:23.494269 22740 layer_factory.hpp:77] Creating layer scale2b_branch2c
I1107 01:40:23.494277 22740 net.cpp:100] Creating Layer scale2b_branch2c
I1107 01:40:23.494297 22740 net.cpp:444] scale2b_branch2c <- res2b_branch2c
I1107 01:40:23.494318 22740 net.cpp:405] scale2b_branch2c -> res2b_branch2c (in-place)
I1107 01:40:23.494369 22740 layer_factory.hpp:77] Creating layer scale2b_branch2c
I1107 01:40:23.494570 22740 net.cpp:150] Setting up scale2b_branch2c
I1107 01:40:23.494576 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494580 22740 net.cpp:165] Memory required for data: 856800084
I1107 01:40:23.494585 22740 layer_factory.hpp:77] Creating layer res2b
I1107 01:40:23.494590 22740 net.cpp:100] Creating Layer res2b
I1107 01:40:23.494593 22740 net.cpp:444] res2b <- res2a_res2a_relu_0_split_1
I1107 01:40:23.494597 22740 net.cpp:444] res2b <- res2b_branch2c
I1107 01:40:23.494602 22740 net.cpp:418] res2b -> res2b
I1107 01:40:23.494637 22740 net.cpp:150] Setting up res2b
I1107 01:40:23.494642 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494644 22740 net.cpp:165] Memory required for data: 895200084
I1107 01:40:23.494647 22740 layer_factory.hpp:77] Creating layer res2b_relu
I1107 01:40:23.494653 22740 net.cpp:100] Creating Layer res2b_relu
I1107 01:40:23.494655 22740 net.cpp:444] res2b_relu <- res2b
I1107 01:40:23.494660 22740 net.cpp:405] res2b_relu -> res2b (in-place)
I1107 01:40:23.494822 22740 net.cpp:150] Setting up res2b_relu
I1107 01:40:23.494830 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494833 22740 net.cpp:165] Memory required for data: 933600084
I1107 01:40:23.494837 22740 layer_factory.hpp:77] Creating layer res2b_res2b_relu_0_split
I1107 01:40:23.494841 22740 net.cpp:100] Creating Layer res2b_res2b_relu_0_split
I1107 01:40:23.494845 22740 net.cpp:444] res2b_res2b_relu_0_split <- res2b
I1107 01:40:23.494851 22740 net.cpp:418] res2b_res2b_relu_0_split -> res2b_res2b_relu_0_split_0
I1107 01:40:23.494858 22740 net.cpp:418] res2b_res2b_relu_0_split -> res2b_res2b_relu_0_split_1
I1107 01:40:23.494912 22740 net.cpp:150] Setting up res2b_res2b_relu_0_split
I1107 01:40:23.494918 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494921 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.494923 22740 net.cpp:165] Memory required for data: 1010400084
I1107 01:40:23.494926 22740 layer_factory.hpp:77] Creating layer res2c_branch2a
I1107 01:40:23.494935 22740 net.cpp:100] Creating Layer res2c_branch2a
I1107 01:40:23.494938 22740 net.cpp:444] res2c_branch2a <- res2b_res2b_relu_0_split_0
I1107 01:40:23.494946 22740 net.cpp:418] res2c_branch2a -> res2c_branch2a
I1107 01:40:23.496116 22740 net.cpp:150] Setting up res2c_branch2a
I1107 01:40:23.496129 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.496132 22740 net.cpp:165] Memory required for data: 1020000084
I1107 01:40:23.496136 22740 layer_factory.hpp:77] Creating layer bn2c_branch2a
I1107 01:40:23.496145 22740 net.cpp:100] Creating Layer bn2c_branch2a
I1107 01:40:23.496148 22740 net.cpp:444] bn2c_branch2a <- res2c_branch2a
I1107 01:40:23.496155 22740 net.cpp:405] bn2c_branch2a -> res2c_branch2a (in-place)
I1107 01:40:23.496450 22740 net.cpp:150] Setting up bn2c_branch2a
I1107 01:40:23.496459 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.496460 22740 net.cpp:165] Memory required for data: 1029600084
I1107 01:40:23.496466 22740 layer_factory.hpp:77] Creating layer scale2c_branch2a
I1107 01:40:23.496474 22740 net.cpp:100] Creating Layer scale2c_branch2a
I1107 01:40:23.496475 22740 net.cpp:444] scale2c_branch2a <- res2c_branch2a
I1107 01:40:23.496480 22740 net.cpp:405] scale2c_branch2a -> res2c_branch2a (in-place)
I1107 01:40:23.496532 22740 layer_factory.hpp:77] Creating layer scale2c_branch2a
I1107 01:40:23.496739 22740 net.cpp:150] Setting up scale2c_branch2a
I1107 01:40:23.496747 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.496750 22740 net.cpp:165] Memory required for data: 1039200084
I1107 01:40:23.496755 22740 layer_factory.hpp:77] Creating layer res2c_branch2a_relu
I1107 01:40:23.496762 22740 net.cpp:100] Creating Layer res2c_branch2a_relu
I1107 01:40:23.496767 22740 net.cpp:444] res2c_branch2a_relu <- res2c_branch2a
I1107 01:40:23.496770 22740 net.cpp:405] res2c_branch2a_relu -> res2c_branch2a (in-place)
I1107 01:40:23.496917 22740 net.cpp:150] Setting up res2c_branch2a_relu
I1107 01:40:23.496940 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.496942 22740 net.cpp:165] Memory required for data: 1048800084
I1107 01:40:23.496945 22740 layer_factory.hpp:77] Creating layer res2c_branch2b
I1107 01:40:23.496969 22740 net.cpp:100] Creating Layer res2c_branch2b
I1107 01:40:23.496973 22740 net.cpp:444] res2c_branch2b <- res2c_branch2a
I1107 01:40:23.496999 22740 net.cpp:418] res2c_branch2b -> res2c_branch2b
I1107 01:40:23.498570 22740 net.cpp:150] Setting up res2c_branch2b
I1107 01:40:23.498582 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.498585 22740 net.cpp:165] Memory required for data: 1058400084
I1107 01:40:23.498605 22740 layer_factory.hpp:77] Creating layer bn2c_branch2b
I1107 01:40:23.498612 22740 net.cpp:100] Creating Layer bn2c_branch2b
I1107 01:40:23.498616 22740 net.cpp:444] bn2c_branch2b <- res2c_branch2b
I1107 01:40:23.498621 22740 net.cpp:405] bn2c_branch2b -> res2c_branch2b (in-place)
I1107 01:40:23.500577 22740 net.cpp:150] Setting up bn2c_branch2b
I1107 01:40:23.500589 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.500592 22740 net.cpp:165] Memory required for data: 1068000084
I1107 01:40:23.500598 22740 layer_factory.hpp:77] Creating layer scale2c_branch2b
I1107 01:40:23.500607 22740 net.cpp:100] Creating Layer scale2c_branch2b
I1107 01:40:23.500610 22740 net.cpp:444] scale2c_branch2b <- res2c_branch2b
I1107 01:40:23.500617 22740 net.cpp:405] scale2c_branch2b -> res2c_branch2b (in-place)
I1107 01:40:23.500674 22740 layer_factory.hpp:77] Creating layer scale2c_branch2b
I1107 01:40:23.500888 22740 net.cpp:150] Setting up scale2c_branch2b
I1107 01:40:23.500895 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.500898 22740 net.cpp:165] Memory required for data: 1077600084
I1107 01:40:23.500903 22740 layer_factory.hpp:77] Creating layer res2c_branch2b_relu
I1107 01:40:23.500908 22740 net.cpp:100] Creating Layer res2c_branch2b_relu
I1107 01:40:23.500911 22740 net.cpp:444] res2c_branch2b_relu <- res2c_branch2b
I1107 01:40:23.500916 22740 net.cpp:405] res2c_branch2b_relu -> res2c_branch2b (in-place)
I1107 01:40:23.501389 22740 net.cpp:150] Setting up res2c_branch2b_relu
I1107 01:40:23.501400 22740 net.cpp:157] Top shape: 1 64 150 250 (2400000)
I1107 01:40:23.501404 22740 net.cpp:165] Memory required for data: 1087200084
I1107 01:40:23.501406 22740 layer_factory.hpp:77] Creating layer res2c_branch2c
I1107 01:40:23.501415 22740 net.cpp:100] Creating Layer res2c_branch2c
I1107 01:40:23.501418 22740 net.cpp:444] res2c_branch2c <- res2c_branch2b
I1107 01:40:23.501444 22740 net.cpp:418] res2c_branch2c -> res2c_branch2c
I1107 01:40:23.502689 22740 net.cpp:150] Setting up res2c_branch2c
I1107 01:40:23.502702 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.502706 22740 net.cpp:165] Memory required for data: 1125600084
I1107 01:40:23.502728 22740 layer_factory.hpp:77] Creating layer bn2c_branch2c
I1107 01:40:23.502735 22740 net.cpp:100] Creating Layer bn2c_branch2c
I1107 01:40:23.502739 22740 net.cpp:444] bn2c_branch2c <- res2c_branch2c
I1107 01:40:23.502746 22740 net.cpp:405] bn2c_branch2c -> res2c_branch2c (in-place)
I1107 01:40:23.503152 22740 net.cpp:150] Setting up bn2c_branch2c
I1107 01:40:23.503178 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.503181 22740 net.cpp:165] Memory required for data: 1164000084
I1107 01:40:23.503206 22740 layer_factory.hpp:77] Creating layer scale2c_branch2c
I1107 01:40:23.503213 22740 net.cpp:100] Creating Layer scale2c_branch2c
I1107 01:40:23.503217 22740 net.cpp:444] scale2c_branch2c <- res2c_branch2c
I1107 01:40:23.503223 22740 net.cpp:405] scale2c_branch2c -> res2c_branch2c (in-place)
I1107 01:40:23.503279 22740 layer_factory.hpp:77] Creating layer scale2c_branch2c
I1107 01:40:23.503602 22740 net.cpp:150] Setting up scale2c_branch2c
I1107 01:40:23.503608 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.503612 22740 net.cpp:165] Memory required for data: 1202400084
I1107 01:40:23.503640 22740 layer_factory.hpp:77] Creating layer res2c
I1107 01:40:23.503646 22740 net.cpp:100] Creating Layer res2c
I1107 01:40:23.503649 22740 net.cpp:444] res2c <- res2b_res2b_relu_0_split_1
I1107 01:40:23.503654 22740 net.cpp:444] res2c <- res2c_branch2c
I1107 01:40:23.503659 22740 net.cpp:418] res2c -> res2c
I1107 01:40:23.503693 22740 net.cpp:150] Setting up res2c
I1107 01:40:23.503700 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.503702 22740 net.cpp:165] Memory required for data: 1240800084
I1107 01:40:23.503705 22740 layer_factory.hpp:77] Creating layer res2c_relu
I1107 01:40:23.503711 22740 net.cpp:100] Creating Layer res2c_relu
I1107 01:40:23.503715 22740 net.cpp:444] res2c_relu <- res2c
I1107 01:40:23.503720 22740 net.cpp:405] res2c_relu -> res2c (in-place)
I1107 01:40:23.503912 22740 net.cpp:150] Setting up res2c_relu
I1107 01:40:23.503921 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.503923 22740 net.cpp:165] Memory required for data: 1279200084
I1107 01:40:23.503926 22740 layer_factory.hpp:77] Creating layer res2c_res2c_relu_0_split
I1107 01:40:23.503932 22740 net.cpp:100] Creating Layer res2c_res2c_relu_0_split
I1107 01:40:23.503937 22740 net.cpp:444] res2c_res2c_relu_0_split <- res2c
I1107 01:40:23.503942 22740 net.cpp:418] res2c_res2c_relu_0_split -> res2c_res2c_relu_0_split_0
I1107 01:40:23.503948 22740 net.cpp:418] res2c_res2c_relu_0_split -> res2c_res2c_relu_0_split_1
I1107 01:40:23.504005 22740 net.cpp:150] Setting up res2c_res2c_relu_0_split
I1107 01:40:23.504011 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.504014 22740 net.cpp:157] Top shape: 1 256 150 250 (9600000)
I1107 01:40:23.504016 22740 net.cpp:165] Memory required for data: 1356000084
I1107 01:40:23.504019 22740 layer_factory.hpp:77] Creating layer res3a_branch1
I1107 01:40:23.504027 22740 net.cpp:100] Creating Layer res3a_branch1
I1107 01:40:23.504030 22740 net.cpp:444] res3a_branch1 <- res2c_res2c_relu_0_split_0
I1107 01:40:23.504036 22740 net.cpp:418] res3a_branch1 -> res3a_branch1
I1107 01:40:23.507077 22740 net.cpp:150] Setting up res3a_branch1
I1107 01:40:23.507091 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.507112 22740 net.cpp:165] Memory required for data: 1375200084
I1107 01:40:23.507117 22740 layer_factory.hpp:77] Creating layer bn3a_branch1
I1107 01:40:23.507124 22740 net.cpp:100] Creating Layer bn3a_branch1
I1107 01:40:23.507128 22740 net.cpp:444] bn3a_branch1 <- res3a_branch1
I1107 01:40:23.507133 22740 net.cpp:405] bn3a_branch1 -> res3a_branch1 (in-place)
I1107 01:40:23.508944 22740 net.cpp:150] Setting up bn3a_branch1
I1107 01:40:23.508955 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.508958 22740 net.cpp:165] Memory required for data: 1394400084
I1107 01:40:23.508982 22740 layer_factory.hpp:77] Creating layer scale3a_branch1
I1107 01:40:23.508991 22740 net.cpp:100] Creating Layer scale3a_branch1
I1107 01:40:23.508994 22740 net.cpp:444] scale3a_branch1 <- res3a_branch1
I1107 01:40:23.508999 22740 net.cpp:405] scale3a_branch1 -> res3a_branch1 (in-place)
I1107 01:40:23.509068 22740 layer_factory.hpp:77] Creating layer scale3a_branch1
I1107 01:40:23.509263 22740 net.cpp:150] Setting up scale3a_branch1
I1107 01:40:23.509271 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.509274 22740 net.cpp:165] Memory required for data: 1413600084
I1107 01:40:23.509297 22740 layer_factory.hpp:77] Creating layer res3a_branch2a
I1107 01:40:23.509311 22740 net.cpp:100] Creating Layer res3a_branch2a
I1107 01:40:23.509315 22740 net.cpp:444] res3a_branch2a <- res2c_res2c_relu_0_split_1
I1107 01:40:23.509322 22740 net.cpp:418] res3a_branch2a -> res3a_branch2a
I1107 01:40:23.510591 22740 net.cpp:150] Setting up res3a_branch2a
I1107 01:40:23.510602 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.510604 22740 net.cpp:165] Memory required for data: 1418400084
I1107 01:40:23.510627 22740 layer_factory.hpp:77] Creating layer bn3a_branch2a
I1107 01:40:23.510635 22740 net.cpp:100] Creating Layer bn3a_branch2a
I1107 01:40:23.510638 22740 net.cpp:444] bn3a_branch2a <- res3a_branch2a
I1107 01:40:23.510645 22740 net.cpp:405] bn3a_branch2a -> res3a_branch2a (in-place)
I1107 01:40:23.510998 22740 net.cpp:150] Setting up bn3a_branch2a
I1107 01:40:23.511005 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.511008 22740 net.cpp:165] Memory required for data: 1423200084
I1107 01:40:23.511032 22740 layer_factory.hpp:77] Creating layer scale3a_branch2a
I1107 01:40:23.511039 22740 net.cpp:100] Creating Layer scale3a_branch2a
I1107 01:40:23.511042 22740 net.cpp:444] scale3a_branch2a <- res3a_branch2a
I1107 01:40:23.511055 22740 net.cpp:405] scale3a_branch2a -> res3a_branch2a (in-place)
I1107 01:40:23.511153 22740 layer_factory.hpp:77] Creating layer scale3a_branch2a
I1107 01:40:23.511384 22740 net.cpp:150] Setting up scale3a_branch2a
I1107 01:40:23.511409 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.511412 22740 net.cpp:165] Memory required for data: 1428000084
I1107 01:40:23.511417 22740 layer_factory.hpp:77] Creating layer res3a_branch2a_relu
I1107 01:40:23.511441 22740 net.cpp:100] Creating Layer res3a_branch2a_relu
I1107 01:40:23.511445 22740 net.cpp:444] res3a_branch2a_relu <- res3a_branch2a
I1107 01:40:23.511451 22740 net.cpp:405] res3a_branch2a_relu -> res3a_branch2a (in-place)
I1107 01:40:23.511634 22740 net.cpp:150] Setting up res3a_branch2a_relu
I1107 01:40:23.511643 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.511646 22740 net.cpp:165] Memory required for data: 1432800084
I1107 01:40:23.511648 22740 layer_factory.hpp:77] Creating layer res3a_branch2b
I1107 01:40:23.511658 22740 net.cpp:100] Creating Layer res3a_branch2b
I1107 01:40:23.511662 22740 net.cpp:444] res3a_branch2b <- res3a_branch2a
I1107 01:40:23.511669 22740 net.cpp:418] res3a_branch2b -> res3a_branch2b
I1107 01:40:23.513371 22740 net.cpp:150] Setting up res3a_branch2b
I1107 01:40:23.513382 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.513386 22740 net.cpp:165] Memory required for data: 1437600084
I1107 01:40:23.513407 22740 layer_factory.hpp:77] Creating layer bn3a_branch2b
I1107 01:40:23.513417 22740 net.cpp:100] Creating Layer bn3a_branch2b
I1107 01:40:23.513419 22740 net.cpp:444] bn3a_branch2b <- res3a_branch2b
I1107 01:40:23.513425 22740 net.cpp:405] bn3a_branch2b -> res3a_branch2b (in-place)
I1107 01:40:23.513726 22740 net.cpp:150] Setting up bn3a_branch2b
I1107 01:40:23.513734 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.513736 22740 net.cpp:165] Memory required for data: 1442400084
I1107 01:40:23.513759 22740 layer_factory.hpp:77] Creating layer scale3a_branch2b
I1107 01:40:23.513768 22740 net.cpp:100] Creating Layer scale3a_branch2b
I1107 01:40:23.513772 22740 net.cpp:444] scale3a_branch2b <- res3a_branch2b
I1107 01:40:23.513777 22740 net.cpp:405] scale3a_branch2b -> res3a_branch2b (in-place)
I1107 01:40:23.513828 22740 layer_factory.hpp:77] Creating layer scale3a_branch2b
I1107 01:40:23.514045 22740 net.cpp:150] Setting up scale3a_branch2b
I1107 01:40:23.514052 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.514055 22740 net.cpp:165] Memory required for data: 1447200084
I1107 01:40:23.514060 22740 layer_factory.hpp:77] Creating layer res3a_branch2b_relu
I1107 01:40:23.514067 22740 net.cpp:100] Creating Layer res3a_branch2b_relu
I1107 01:40:23.514071 22740 net.cpp:444] res3a_branch2b_relu <- res3a_branch2b
I1107 01:40:23.514075 22740 net.cpp:405] res3a_branch2b_relu -> res3a_branch2b (in-place)
I1107 01:40:23.514271 22740 net.cpp:150] Setting up res3a_branch2b_relu
I1107 01:40:23.514279 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.514282 22740 net.cpp:165] Memory required for data: 1452000084
I1107 01:40:23.514286 22740 layer_factory.hpp:77] Creating layer res3a_branch2c
I1107 01:40:23.514295 22740 net.cpp:100] Creating Layer res3a_branch2c
I1107 01:40:23.514299 22740 net.cpp:444] res3a_branch2c <- res3a_branch2b
I1107 01:40:23.514307 22740 net.cpp:418] res3a_branch2c -> res3a_branch2c
I1107 01:40:23.515671 22740 net.cpp:150] Setting up res3a_branch2c
I1107 01:40:23.515682 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.515686 22740 net.cpp:165] Memory required for data: 1471200084
I1107 01:40:23.515704 22740 layer_factory.hpp:77] Creating layer bn3a_branch2c
I1107 01:40:23.515712 22740 net.cpp:100] Creating Layer bn3a_branch2c
I1107 01:40:23.515717 22740 net.cpp:444] bn3a_branch2c <- res3a_branch2c
I1107 01:40:23.515722 22740 net.cpp:405] bn3a_branch2c -> res3a_branch2c (in-place)
I1107 01:40:23.516078 22740 net.cpp:150] Setting up bn3a_branch2c
I1107 01:40:23.516085 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516088 22740 net.cpp:165] Memory required for data: 1490400084
I1107 01:40:23.516111 22740 layer_factory.hpp:77] Creating layer scale3a_branch2c
I1107 01:40:23.516119 22740 net.cpp:100] Creating Layer scale3a_branch2c
I1107 01:40:23.516124 22740 net.cpp:444] scale3a_branch2c <- res3a_branch2c
I1107 01:40:23.516129 22740 net.cpp:405] scale3a_branch2c -> res3a_branch2c (in-place)
I1107 01:40:23.516180 22740 layer_factory.hpp:77] Creating layer scale3a_branch2c
I1107 01:40:23.516407 22740 net.cpp:150] Setting up scale3a_branch2c
I1107 01:40:23.516413 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516417 22740 net.cpp:165] Memory required for data: 1509600084
I1107 01:40:23.516422 22740 layer_factory.hpp:77] Creating layer res3a
I1107 01:40:23.516428 22740 net.cpp:100] Creating Layer res3a
I1107 01:40:23.516433 22740 net.cpp:444] res3a <- res3a_branch1
I1107 01:40:23.516436 22740 net.cpp:444] res3a <- res3a_branch2c
I1107 01:40:23.516441 22740 net.cpp:418] res3a -> res3a
I1107 01:40:23.516474 22740 net.cpp:150] Setting up res3a
I1107 01:40:23.516480 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516482 22740 net.cpp:165] Memory required for data: 1528800084
I1107 01:40:23.516485 22740 layer_factory.hpp:77] Creating layer res3a_relu
I1107 01:40:23.516491 22740 net.cpp:100] Creating Layer res3a_relu
I1107 01:40:23.516495 22740 net.cpp:444] res3a_relu <- res3a
I1107 01:40:23.516500 22740 net.cpp:405] res3a_relu -> res3a (in-place)
I1107 01:40:23.516660 22740 net.cpp:150] Setting up res3a_relu
I1107 01:40:23.516669 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516671 22740 net.cpp:165] Memory required for data: 1548000084
I1107 01:40:23.516674 22740 layer_factory.hpp:77] Creating layer res3a_res3a_relu_0_split
I1107 01:40:23.516680 22740 net.cpp:100] Creating Layer res3a_res3a_relu_0_split
I1107 01:40:23.516685 22740 net.cpp:444] res3a_res3a_relu_0_split <- res3a
I1107 01:40:23.516690 22740 net.cpp:418] res3a_res3a_relu_0_split -> res3a_res3a_relu_0_split_0
I1107 01:40:23.516695 22740 net.cpp:418] res3a_res3a_relu_0_split -> res3a_res3a_relu_0_split_1
I1107 01:40:23.516767 22740 net.cpp:150] Setting up res3a_res3a_relu_0_split
I1107 01:40:23.516773 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516777 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.516778 22740 net.cpp:165] Memory required for data: 1586400084
I1107 01:40:23.516780 22740 layer_factory.hpp:77] Creating layer res3b1_branch2a
I1107 01:40:23.516789 22740 net.cpp:100] Creating Layer res3b1_branch2a
I1107 01:40:23.516794 22740 net.cpp:444] res3b1_branch2a <- res3a_res3a_relu_0_split_0
I1107 01:40:23.516800 22740 net.cpp:418] res3b1_branch2a -> res3b1_branch2a
I1107 01:40:23.518105 22740 net.cpp:150] Setting up res3b1_branch2a
I1107 01:40:23.518117 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.518121 22740 net.cpp:165] Memory required for data: 1591200084
I1107 01:40:23.518143 22740 layer_factory.hpp:77] Creating layer bn3b1_branch2a
I1107 01:40:23.518151 22740 net.cpp:100] Creating Layer bn3b1_branch2a
I1107 01:40:23.518156 22740 net.cpp:444] bn3b1_branch2a <- res3b1_branch2a
I1107 01:40:23.518162 22740 net.cpp:405] bn3b1_branch2a -> res3b1_branch2a (in-place)
I1107 01:40:23.518502 22740 net.cpp:150] Setting up bn3b1_branch2a
I1107 01:40:23.518510 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.518512 22740 net.cpp:165] Memory required for data: 1596000084
I1107 01:40:23.518533 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2a
I1107 01:40:23.518540 22740 net.cpp:100] Creating Layer scale3b1_branch2a
I1107 01:40:23.518543 22740 net.cpp:444] scale3b1_branch2a <- res3b1_branch2a
I1107 01:40:23.518549 22740 net.cpp:405] scale3b1_branch2a -> res3b1_branch2a (in-place)
I1107 01:40:23.518600 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2a
I1107 01:40:23.518800 22740 net.cpp:150] Setting up scale3b1_branch2a
I1107 01:40:23.518806 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.518808 22740 net.cpp:165] Memory required for data: 1600800084
I1107 01:40:23.518813 22740 layer_factory.hpp:77] Creating layer res3b1_branch2a_relu
I1107 01:40:23.518818 22740 net.cpp:100] Creating Layer res3b1_branch2a_relu
I1107 01:40:23.518822 22740 net.cpp:444] res3b1_branch2a_relu <- res3b1_branch2a
I1107 01:40:23.518827 22740 net.cpp:405] res3b1_branch2a_relu -> res3b1_branch2a (in-place)
I1107 01:40:23.519095 22740 net.cpp:150] Setting up res3b1_branch2a_relu
I1107 01:40:23.519120 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.519124 22740 net.cpp:165] Memory required for data: 1605600084
I1107 01:40:23.519126 22740 layer_factory.hpp:77] Creating layer res3b1_branch2b
I1107 01:40:23.519152 22740 net.cpp:100] Creating Layer res3b1_branch2b
I1107 01:40:23.519156 22740 net.cpp:444] res3b1_branch2b <- res3b1_branch2a
I1107 01:40:23.519165 22740 net.cpp:418] res3b1_branch2b -> res3b1_branch2b
I1107 01:40:23.521328 22740 net.cpp:150] Setting up res3b1_branch2b
I1107 01:40:23.521340 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.521343 22740 net.cpp:165] Memory required for data: 1610400084
I1107 01:40:23.521348 22740 layer_factory.hpp:77] Creating layer bn3b1_branch2b
I1107 01:40:23.521355 22740 net.cpp:100] Creating Layer bn3b1_branch2b
I1107 01:40:23.521359 22740 net.cpp:444] bn3b1_branch2b <- res3b1_branch2b
I1107 01:40:23.521365 22740 net.cpp:405] bn3b1_branch2b -> res3b1_branch2b (in-place)
I1107 01:40:23.521703 22740 net.cpp:150] Setting up bn3b1_branch2b
I1107 01:40:23.521709 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.521713 22740 net.cpp:165] Memory required for data: 1615200084
I1107 01:40:23.521735 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2b
I1107 01:40:23.521741 22740 net.cpp:100] Creating Layer scale3b1_branch2b
I1107 01:40:23.521744 22740 net.cpp:444] scale3b1_branch2b <- res3b1_branch2b
I1107 01:40:23.521749 22740 net.cpp:405] scale3b1_branch2b -> res3b1_branch2b (in-place)
I1107 01:40:23.521798 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2b
I1107 01:40:23.521975 22740 net.cpp:150] Setting up scale3b1_branch2b
I1107 01:40:23.521981 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.521984 22740 net.cpp:165] Memory required for data: 1620000084
I1107 01:40:23.521989 22740 layer_factory.hpp:77] Creating layer res3b1_branch2b_relu
I1107 01:40:23.521994 22740 net.cpp:100] Creating Layer res3b1_branch2b_relu
I1107 01:40:23.521998 22740 net.cpp:444] res3b1_branch2b_relu <- res3b1_branch2b
I1107 01:40:23.522003 22740 net.cpp:405] res3b1_branch2b_relu -> res3b1_branch2b (in-place)
I1107 01:40:23.522570 22740 net.cpp:150] Setting up res3b1_branch2b_relu
I1107 01:40:23.522583 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.522585 22740 net.cpp:165] Memory required for data: 1624800084
I1107 01:40:23.522588 22740 layer_factory.hpp:77] Creating layer res3b1_branch2c
I1107 01:40:23.522630 22740 net.cpp:100] Creating Layer res3b1_branch2c
I1107 01:40:23.522634 22740 net.cpp:444] res3b1_branch2c <- res3b1_branch2b
I1107 01:40:23.522657 22740 net.cpp:418] res3b1_branch2c -> res3b1_branch2c
I1107 01:40:23.523597 22740 net.cpp:150] Setting up res3b1_branch2c
I1107 01:40:23.523607 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.523610 22740 net.cpp:165] Memory required for data: 1644000084
I1107 01:40:23.523630 22740 layer_factory.hpp:77] Creating layer bn3b1_branch2c
I1107 01:40:23.523638 22740 net.cpp:100] Creating Layer bn3b1_branch2c
I1107 01:40:23.523643 22740 net.cpp:444] bn3b1_branch2c <- res3b1_branch2c
I1107 01:40:23.523648 22740 net.cpp:405] bn3b1_branch2c -> res3b1_branch2c (in-place)
I1107 01:40:23.523988 22740 net.cpp:150] Setting up bn3b1_branch2c
I1107 01:40:23.523995 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.523998 22740 net.cpp:165] Memory required for data: 1663200084
I1107 01:40:23.524019 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2c
I1107 01:40:23.524042 22740 net.cpp:100] Creating Layer scale3b1_branch2c
I1107 01:40:23.524045 22740 net.cpp:444] scale3b1_branch2c <- res3b1_branch2c
I1107 01:40:23.524051 22740 net.cpp:405] scale3b1_branch2c -> res3b1_branch2c (in-place)
I1107 01:40:23.524099 22740 layer_factory.hpp:77] Creating layer scale3b1_branch2c
I1107 01:40:23.524291 22740 net.cpp:150] Setting up scale3b1_branch2c
I1107 01:40:23.524297 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.524299 22740 net.cpp:165] Memory required for data: 1682400084
I1107 01:40:23.524304 22740 layer_factory.hpp:77] Creating layer res3b1
I1107 01:40:23.524310 22740 net.cpp:100] Creating Layer res3b1
I1107 01:40:23.524314 22740 net.cpp:444] res3b1 <- res3a_res3a_relu_0_split_1
I1107 01:40:23.524318 22740 net.cpp:444] res3b1 <- res3b1_branch2c
I1107 01:40:23.524322 22740 net.cpp:418] res3b1 -> res3b1
I1107 01:40:23.524356 22740 net.cpp:150] Setting up res3b1
I1107 01:40:23.524363 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.524364 22740 net.cpp:165] Memory required for data: 1701600084
I1107 01:40:23.524368 22740 layer_factory.hpp:77] Creating layer res3b1_relu
I1107 01:40:23.524374 22740 net.cpp:100] Creating Layer res3b1_relu
I1107 01:40:23.524376 22740 net.cpp:444] res3b1_relu <- res3b1
I1107 01:40:23.524381 22740 net.cpp:405] res3b1_relu -> res3b1 (in-place)
I1107 01:40:23.524849 22740 net.cpp:150] Setting up res3b1_relu
I1107 01:40:23.524862 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.524863 22740 net.cpp:165] Memory required for data: 1720800084
I1107 01:40:23.524866 22740 layer_factory.hpp:77] Creating layer res3b1_res3b1_relu_0_split
I1107 01:40:23.524873 22740 net.cpp:100] Creating Layer res3b1_res3b1_relu_0_split
I1107 01:40:23.524875 22740 net.cpp:444] res3b1_res3b1_relu_0_split <- res3b1
I1107 01:40:23.524881 22740 net.cpp:418] res3b1_res3b1_relu_0_split -> res3b1_res3b1_relu_0_split_0
I1107 01:40:23.524888 22740 net.cpp:418] res3b1_res3b1_relu_0_split -> res3b1_res3b1_relu_0_split_1
I1107 01:40:23.524947 22740 net.cpp:150] Setting up res3b1_res3b1_relu_0_split
I1107 01:40:23.524953 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.524956 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.524958 22740 net.cpp:165] Memory required for data: 1759200084
I1107 01:40:23.524961 22740 layer_factory.hpp:77] Creating layer res3b2_branch2a
I1107 01:40:23.524971 22740 net.cpp:100] Creating Layer res3b2_branch2a
I1107 01:40:23.524974 22740 net.cpp:444] res3b2_branch2a <- res3b1_res3b1_relu_0_split_0
I1107 01:40:23.524981 22740 net.cpp:418] res3b2_branch2a -> res3b2_branch2a
I1107 01:40:23.526273 22740 net.cpp:150] Setting up res3b2_branch2a
I1107 01:40:23.526285 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.526288 22740 net.cpp:165] Memory required for data: 1764000084
I1107 01:40:23.526293 22740 layer_factory.hpp:77] Creating layer bn3b2_branch2a
I1107 01:40:23.526319 22740 net.cpp:100] Creating Layer bn3b2_branch2a
I1107 01:40:23.526324 22740 net.cpp:444] bn3b2_branch2a <- res3b2_branch2a
I1107 01:40:23.526329 22740 net.cpp:405] bn3b2_branch2a -> res3b2_branch2a (in-place)
I1107 01:40:23.526691 22740 net.cpp:150] Setting up bn3b2_branch2a
I1107 01:40:23.526698 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.526700 22740 net.cpp:165] Memory required for data: 1768800084
I1107 01:40:23.526721 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2a
I1107 01:40:23.526728 22740 net.cpp:100] Creating Layer scale3b2_branch2a
I1107 01:40:23.526731 22740 net.cpp:444] scale3b2_branch2a <- res3b2_branch2a
I1107 01:40:23.526736 22740 net.cpp:405] scale3b2_branch2a -> res3b2_branch2a (in-place)
I1107 01:40:23.526789 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2a
I1107 01:40:23.526985 22740 net.cpp:150] Setting up scale3b2_branch2a
I1107 01:40:23.526993 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.526995 22740 net.cpp:165] Memory required for data: 1773600084
I1107 01:40:23.527000 22740 layer_factory.hpp:77] Creating layer res3b2_branch2a_relu
I1107 01:40:23.527007 22740 net.cpp:100] Creating Layer res3b2_branch2a_relu
I1107 01:40:23.527010 22740 net.cpp:444] res3b2_branch2a_relu <- res3b2_branch2a
I1107 01:40:23.527015 22740 net.cpp:405] res3b2_branch2a_relu -> res3b2_branch2a (in-place)
I1107 01:40:23.527256 22740 net.cpp:150] Setting up res3b2_branch2a_relu
I1107 01:40:23.527283 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.527285 22740 net.cpp:165] Memory required for data: 1778400084
I1107 01:40:23.527289 22740 layer_factory.hpp:77] Creating layer res3b2_branch2b
I1107 01:40:23.527299 22740 net.cpp:100] Creating Layer res3b2_branch2b
I1107 01:40:23.527302 22740 net.cpp:444] res3b2_branch2b <- res3b2_branch2a
I1107 01:40:23.527308 22740 net.cpp:418] res3b2_branch2b -> res3b2_branch2b
I1107 01:40:23.530426 22740 net.cpp:150] Setting up res3b2_branch2b
I1107 01:40:23.530437 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.530441 22740 net.cpp:165] Memory required for data: 1783200084
I1107 01:40:23.530445 22740 layer_factory.hpp:77] Creating layer bn3b2_branch2b
I1107 01:40:23.530452 22740 net.cpp:100] Creating Layer bn3b2_branch2b
I1107 01:40:23.530457 22740 net.cpp:444] bn3b2_branch2b <- res3b2_branch2b
I1107 01:40:23.530462 22740 net.cpp:405] bn3b2_branch2b -> res3b2_branch2b (in-place)
I1107 01:40:23.530789 22740 net.cpp:150] Setting up bn3b2_branch2b
I1107 01:40:23.530797 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.530799 22740 net.cpp:165] Memory required for data: 1788000084
I1107 01:40:23.530822 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2b
I1107 01:40:23.530829 22740 net.cpp:100] Creating Layer scale3b2_branch2b
I1107 01:40:23.530833 22740 net.cpp:444] scale3b2_branch2b <- res3b2_branch2b
I1107 01:40:23.530839 22740 net.cpp:405] scale3b2_branch2b -> res3b2_branch2b (in-place)
I1107 01:40:23.530892 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2b
I1107 01:40:23.531139 22740 net.cpp:150] Setting up scale3b2_branch2b
I1107 01:40:23.531147 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.531149 22740 net.cpp:165] Memory required for data: 1792800084
I1107 01:40:23.531173 22740 layer_factory.hpp:77] Creating layer res3b2_branch2b_relu
I1107 01:40:23.531179 22740 net.cpp:100] Creating Layer res3b2_branch2b_relu
I1107 01:40:23.531184 22740 net.cpp:444] res3b2_branch2b_relu <- res3b2_branch2b
I1107 01:40:23.531189 22740 net.cpp:405] res3b2_branch2b_relu -> res3b2_branch2b (in-place)
I1107 01:40:23.531373 22740 net.cpp:150] Setting up res3b2_branch2b_relu
I1107 01:40:23.531381 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.531384 22740 net.cpp:165] Memory required for data: 1797600084
I1107 01:40:23.531388 22740 layer_factory.hpp:77] Creating layer res3b2_branch2c
I1107 01:40:23.531397 22740 net.cpp:100] Creating Layer res3b2_branch2c
I1107 01:40:23.531402 22740 net.cpp:444] res3b2_branch2c <- res3b2_branch2b
I1107 01:40:23.531425 22740 net.cpp:418] res3b2_branch2c -> res3b2_branch2c
I1107 01:40:23.534271 22740 net.cpp:150] Setting up res3b2_branch2c
I1107 01:40:23.534283 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.534286 22740 net.cpp:165] Memory required for data: 1816800084
I1107 01:40:23.534291 22740 layer_factory.hpp:77] Creating layer bn3b2_branch2c
I1107 01:40:23.534298 22740 net.cpp:100] Creating Layer bn3b2_branch2c
I1107 01:40:23.534301 22740 net.cpp:444] bn3b2_branch2c <- res3b2_branch2c
I1107 01:40:23.534307 22740 net.cpp:405] bn3b2_branch2c -> res3b2_branch2c (in-place)
I1107 01:40:23.534637 22740 net.cpp:150] Setting up bn3b2_branch2c
I1107 01:40:23.534644 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.534646 22740 net.cpp:165] Memory required for data: 1836000084
I1107 01:40:23.534669 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2c
I1107 01:40:23.534675 22740 net.cpp:100] Creating Layer scale3b2_branch2c
I1107 01:40:23.534678 22740 net.cpp:444] scale3b2_branch2c <- res3b2_branch2c
I1107 01:40:23.534684 22740 net.cpp:405] scale3b2_branch2c -> res3b2_branch2c (in-place)
I1107 01:40:23.534734 22740 layer_factory.hpp:77] Creating layer scale3b2_branch2c
I1107 01:40:23.534924 22740 net.cpp:150] Setting up scale3b2_branch2c
I1107 01:40:23.534931 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.534934 22740 net.cpp:165] Memory required for data: 1855200084
I1107 01:40:23.534940 22740 layer_factory.hpp:77] Creating layer res3b2
I1107 01:40:23.534945 22740 net.cpp:100] Creating Layer res3b2
I1107 01:40:23.534950 22740 net.cpp:444] res3b2 <- res3b1_res3b1_relu_0_split_1
I1107 01:40:23.534953 22740 net.cpp:444] res3b2 <- res3b2_branch2c
I1107 01:40:23.534958 22740 net.cpp:418] res3b2 -> res3b2
I1107 01:40:23.534993 22740 net.cpp:150] Setting up res3b2
I1107 01:40:23.534999 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.535002 22740 net.cpp:165] Memory required for data: 1874400084
I1107 01:40:23.535004 22740 layer_factory.hpp:77] Creating layer res3b2_relu
I1107 01:40:23.535012 22740 net.cpp:100] Creating Layer res3b2_relu
I1107 01:40:23.535015 22740 net.cpp:444] res3b2_relu <- res3b2
I1107 01:40:23.535020 22740 net.cpp:405] res3b2_relu -> res3b2 (in-place)
I1107 01:40:23.535279 22740 net.cpp:150] Setting up res3b2_relu
I1107 01:40:23.535290 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.535308 22740 net.cpp:165] Memory required for data: 1893600084
I1107 01:40:23.535311 22740 layer_factory.hpp:77] Creating layer res3b2_res3b2_relu_0_split
I1107 01:40:23.535336 22740 net.cpp:100] Creating Layer res3b2_res3b2_relu_0_split
I1107 01:40:23.535338 22740 net.cpp:444] res3b2_res3b2_relu_0_split <- res3b2
I1107 01:40:23.535344 22740 net.cpp:418] res3b2_res3b2_relu_0_split -> res3b2_res3b2_relu_0_split_0
I1107 01:40:23.535351 22740 net.cpp:418] res3b2_res3b2_relu_0_split -> res3b2_res3b2_relu_0_split_1
I1107 01:40:23.535430 22740 net.cpp:150] Setting up res3b2_res3b2_relu_0_split
I1107 01:40:23.535437 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.535440 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.535442 22740 net.cpp:165] Memory required for data: 1932000084
I1107 01:40:23.535445 22740 layer_factory.hpp:77] Creating layer res3b3_branch2a
I1107 01:40:23.535455 22740 net.cpp:100] Creating Layer res3b3_branch2a
I1107 01:40:23.535459 22740 net.cpp:444] res3b3_branch2a <- res3b2_res3b2_relu_0_split_0
I1107 01:40:23.535466 22740 net.cpp:418] res3b3_branch2a -> res3b3_branch2a
I1107 01:40:23.536757 22740 net.cpp:150] Setting up res3b3_branch2a
I1107 01:40:23.536770 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.536773 22740 net.cpp:165] Memory required for data: 1936800084
I1107 01:40:23.536795 22740 layer_factory.hpp:77] Creating layer bn3b3_branch2a
I1107 01:40:23.536803 22740 net.cpp:100] Creating Layer bn3b3_branch2a
I1107 01:40:23.536806 22740 net.cpp:444] bn3b3_branch2a <- res3b3_branch2a
I1107 01:40:23.536813 22740 net.cpp:405] bn3b3_branch2a -> res3b3_branch2a (in-place)
I1107 01:40:23.537132 22740 net.cpp:150] Setting up bn3b3_branch2a
I1107 01:40:23.537139 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.537142 22740 net.cpp:165] Memory required for data: 1941600084
I1107 01:40:23.537173 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2a
I1107 01:40:23.537179 22740 net.cpp:100] Creating Layer scale3b3_branch2a
I1107 01:40:23.537183 22740 net.cpp:444] scale3b3_branch2a <- res3b3_branch2a
I1107 01:40:23.537189 22740 net.cpp:405] scale3b3_branch2a -> res3b3_branch2a (in-place)
I1107 01:40:23.537240 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2a
I1107 01:40:23.537500 22740 net.cpp:150] Setting up scale3b3_branch2a
I1107 01:40:23.537508 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.537526 22740 net.cpp:165] Memory required for data: 1946400084
I1107 01:40:23.537531 22740 layer_factory.hpp:77] Creating layer res3b3_branch2a_relu
I1107 01:40:23.537552 22740 net.cpp:100] Creating Layer res3b3_branch2a_relu
I1107 01:40:23.537556 22740 net.cpp:444] res3b3_branch2a_relu <- res3b3_branch2a
I1107 01:40:23.537562 22740 net.cpp:405] res3b3_branch2a_relu -> res3b3_branch2a (in-place)
I1107 01:40:23.537760 22740 net.cpp:150] Setting up res3b3_branch2a_relu
I1107 01:40:23.537770 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.537771 22740 net.cpp:165] Memory required for data: 1951200084
I1107 01:40:23.537775 22740 layer_factory.hpp:77] Creating layer res3b3_branch2b
I1107 01:40:23.537783 22740 net.cpp:100] Creating Layer res3b3_branch2b
I1107 01:40:23.537788 22740 net.cpp:444] res3b3_branch2b <- res3b3_branch2a
I1107 01:40:23.537794 22740 net.cpp:418] res3b3_branch2b -> res3b3_branch2b
I1107 01:40:23.539507 22740 net.cpp:150] Setting up res3b3_branch2b
I1107 01:40:23.539520 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.539522 22740 net.cpp:165] Memory required for data: 1956000084
I1107 01:40:23.539541 22740 layer_factory.hpp:77] Creating layer bn3b3_branch2b
I1107 01:40:23.539548 22740 net.cpp:100] Creating Layer bn3b3_branch2b
I1107 01:40:23.539551 22740 net.cpp:444] bn3b3_branch2b <- res3b3_branch2b
I1107 01:40:23.539556 22740 net.cpp:405] bn3b3_branch2b -> res3b3_branch2b (in-place)
I1107 01:40:23.539908 22740 net.cpp:150] Setting up bn3b3_branch2b
I1107 01:40:23.539916 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.539917 22740 net.cpp:165] Memory required for data: 1960800084
I1107 01:40:23.539938 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2b
I1107 01:40:23.539947 22740 net.cpp:100] Creating Layer scale3b3_branch2b
I1107 01:40:23.539950 22740 net.cpp:444] scale3b3_branch2b <- res3b3_branch2b
I1107 01:40:23.539955 22740 net.cpp:405] scale3b3_branch2b -> res3b3_branch2b (in-place)
I1107 01:40:23.540030 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2b
I1107 01:40:23.540225 22740 net.cpp:150] Setting up scale3b3_branch2b
I1107 01:40:23.540233 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.540235 22740 net.cpp:165] Memory required for data: 1965600084
I1107 01:40:23.540241 22740 layer_factory.hpp:77] Creating layer res3b3_branch2b_relu
I1107 01:40:23.540248 22740 net.cpp:100] Creating Layer res3b3_branch2b_relu
I1107 01:40:23.540252 22740 net.cpp:444] res3b3_branch2b_relu <- res3b3_branch2b
I1107 01:40:23.540257 22740 net.cpp:405] res3b3_branch2b_relu -> res3b3_branch2b (in-place)
I1107 01:40:23.540830 22740 net.cpp:150] Setting up res3b3_branch2b_relu
I1107 01:40:23.540864 22740 net.cpp:157] Top shape: 1 128 75 125 (1200000)
I1107 01:40:23.540868 22740 net.cpp:165] Memory required for data: 1970400084
I1107 01:40:23.540874 22740 layer_factory.hpp:77] Creating layer res3b3_branch2c
I1107 01:40:23.540882 22740 net.cpp:100] Creating Layer res3b3_branch2c
I1107 01:40:23.540889 22740 net.cpp:444] res3b3_branch2c <- res3b3_branch2b
I1107 01:40:23.540896 22740 net.cpp:418] res3b3_branch2c -> res3b3_branch2c
I1107 01:40:23.541858 22740 net.cpp:150] Setting up res3b3_branch2c
I1107 01:40:23.541869 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.541872 22740 net.cpp:165] Memory required for data: 1989600084
I1107 01:40:23.541877 22740 layer_factory.hpp:77] Creating layer bn3b3_branch2c
I1107 01:40:23.541899 22740 net.cpp:100] Creating Layer bn3b3_branch2c
I1107 01:40:23.541903 22740 net.cpp:444] bn3b3_branch2c <- res3b3_branch2c
I1107 01:40:23.541910 22740 net.cpp:405] bn3b3_branch2c -> res3b3_branch2c (in-place)
I1107 01:40:23.542273 22740 net.cpp:150] Setting up bn3b3_branch2c
I1107 01:40:23.542281 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.542284 22740 net.cpp:165] Memory required for data: 2008800084
I1107 01:40:23.542304 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2c
I1107 01:40:23.542310 22740 net.cpp:100] Creating Layer scale3b3_branch2c
I1107 01:40:23.542313 22740 net.cpp:444] scale3b3_branch2c <- res3b3_branch2c
I1107 01:40:23.542320 22740 net.cpp:405] scale3b3_branch2c -> res3b3_branch2c (in-place)
I1107 01:40:23.542371 22740 layer_factory.hpp:77] Creating layer scale3b3_branch2c
I1107 01:40:23.542587 22740 net.cpp:150] Setting up scale3b3_branch2c
I1107 01:40:23.542595 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.542598 22740 net.cpp:165] Memory required for data: 2028000084
I1107 01:40:23.542603 22740 layer_factory.hpp:77] Creating layer res3b3
I1107 01:40:23.542626 22740 net.cpp:100] Creating Layer res3b3
I1107 01:40:23.542630 22740 net.cpp:444] res3b3 <- res3b2_res3b2_relu_0_split_1
I1107 01:40:23.542634 22740 net.cpp:444] res3b3 <- res3b3_branch2c
I1107 01:40:23.542639 22740 net.cpp:418] res3b3 -> res3b3
I1107 01:40:23.542675 22740 net.cpp:150] Setting up res3b3
I1107 01:40:23.542695 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.542698 22740 net.cpp:165] Memory required for data: 2047200084
I1107 01:40:23.542701 22740 layer_factory.hpp:77] Creating layer res3b3_relu
I1107 01:40:23.542723 22740 net.cpp:100] Creating Layer res3b3_relu
I1107 01:40:23.542726 22740 net.cpp:444] res3b3_relu <- res3b3
I1107 01:40:23.542749 22740 net.cpp:405] res3b3_relu -> res3b3 (in-place)
I1107 01:40:23.543323 22740 net.cpp:150] Setting up res3b3_relu
I1107 01:40:23.543335 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.543339 22740 net.cpp:165] Memory required for data: 2066400084
I1107 01:40:23.543341 22740 layer_factory.hpp:77] Creating layer res3b3_res3b3_relu_0_split
I1107 01:40:23.543365 22740 net.cpp:100] Creating Layer res3b3_res3b3_relu_0_split
I1107 01:40:23.543368 22740 net.cpp:444] res3b3_res3b3_relu_0_split <- res3b3
I1107 01:40:23.543375 22740 net.cpp:418] res3b3_res3b3_relu_0_split -> res3b3_res3b3_relu_0_split_0
I1107 01:40:23.543397 22740 net.cpp:418] res3b3_res3b3_relu_0_split -> res3b3_res3b3_relu_0_split_1
I1107 01:40:23.543493 22740 net.cpp:150] Setting up res3b3_res3b3_relu_0_split
I1107 01:40:23.543498 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.543501 22740 net.cpp:157] Top shape: 1 512 75 125 (4800000)
I1107 01:40:23.543503 22740 net.cpp:165] Memory required for data: 2104800084
I1107 01:40:23.543506 22740 layer_factory.hpp:77] Creating layer res4a_branch1
I1107 01:40:23.543516 22740 net.cpp:100] Creating Layer res4a_branch1
I1107 01:40:23.543520 22740 net.cpp:444] res4a_branch1 <- res3b3_res3b3_relu_0_split_0
I1107 01:40:23.543527 22740 net.cpp:418] res4a_branch1 -> res4a_branch1
I1107 01:40:23.546444 22740 net.cpp:150] Setting up res4a_branch1
I1107 01:40:23.546457 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.546478 22740 net.cpp:165] Memory required for data: 2114605908
I1107 01:40:23.546483 22740 layer_factory.hpp:77] Creating layer bn4a_branch1
I1107 01:40:23.546489 22740 net.cpp:100] Creating Layer bn4a_branch1
I1107 01:40:23.546492 22740 net.cpp:444] bn4a_branch1 <- res4a_branch1
I1107 01:40:23.546499 22740 net.cpp:405] bn4a_branch1 -> res4a_branch1 (in-place)
I1107 01:40:23.546813 22740 net.cpp:150] Setting up bn4a_branch1
I1107 01:40:23.546819 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.546821 22740 net.cpp:165] Memory required for data: 2124411732
I1107 01:40:23.546844 22740 layer_factory.hpp:77] Creating layer scale4a_branch1
I1107 01:40:23.546850 22740 net.cpp:100] Creating Layer scale4a_branch1
I1107 01:40:23.546854 22740 net.cpp:444] scale4a_branch1 <- res4a_branch1
I1107 01:40:23.546859 22740 net.cpp:405] scale4a_branch1 -> res4a_branch1 (in-place)
I1107 01:40:23.546910 22740 layer_factory.hpp:77] Creating layer scale4a_branch1
I1107 01:40:23.547183 22740 net.cpp:150] Setting up scale4a_branch1
I1107 01:40:23.547193 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.547194 22740 net.cpp:165] Memory required for data: 2134217556
I1107 01:40:23.547215 22740 layer_factory.hpp:77] Creating layer res4a_branch2a
I1107 01:40:23.547240 22740 net.cpp:100] Creating Layer res4a_branch2a
I1107 01:40:23.547243 22740 net.cpp:444] res4a_branch2a <- res3b3_res3b3_relu_0_split_1
I1107 01:40:23.547250 22740 net.cpp:418] res4a_branch2a -> res4a_branch2a
I1107 01:40:23.548252 22740 net.cpp:150] Setting up res4a_branch2a
I1107 01:40:23.548264 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.548266 22740 net.cpp:165] Memory required for data: 2136669012
I1107 01:40:23.548285 22740 layer_factory.hpp:77] Creating layer bn4a_branch2a
I1107 01:40:23.548293 22740 net.cpp:100] Creating Layer bn4a_branch2a
I1107 01:40:23.548296 22740 net.cpp:444] bn4a_branch2a <- res4a_branch2a
I1107 01:40:23.548302 22740 net.cpp:405] bn4a_branch2a -> res4a_branch2a (in-place)
I1107 01:40:23.548682 22740 net.cpp:150] Setting up bn4a_branch2a
I1107 01:40:23.548688 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.548691 22740 net.cpp:165] Memory required for data: 2139120468
I1107 01:40:23.548715 22740 layer_factory.hpp:77] Creating layer scale4a_branch2a
I1107 01:40:23.548722 22740 net.cpp:100] Creating Layer scale4a_branch2a
I1107 01:40:23.548727 22740 net.cpp:444] scale4a_branch2a <- res4a_branch2a
I1107 01:40:23.548732 22740 net.cpp:405] scale4a_branch2a -> res4a_branch2a (in-place)
I1107 01:40:23.548789 22740 layer_factory.hpp:77] Creating layer scale4a_branch2a
I1107 01:40:23.548986 22740 net.cpp:150] Setting up scale4a_branch2a
I1107 01:40:23.548998 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.549003 22740 net.cpp:165] Memory required for data: 2141571924
I1107 01:40:23.549008 22740 layer_factory.hpp:77] Creating layer res4a_branch2a_relu
I1107 01:40:23.549015 22740 net.cpp:100] Creating Layer res4a_branch2a_relu
I1107 01:40:23.549021 22740 net.cpp:444] res4a_branch2a_relu <- res4a_branch2a
I1107 01:40:23.549026 22740 net.cpp:405] res4a_branch2a_relu -> res4a_branch2a (in-place)
I1107 01:40:23.549582 22740 net.cpp:150] Setting up res4a_branch2a_relu
I1107 01:40:23.549592 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.549595 22740 net.cpp:165] Memory required for data: 2144023380
I1107 01:40:23.549613 22740 layer_factory.hpp:77] Creating layer res4a_branch2b
I1107 01:40:23.549624 22740 net.cpp:100] Creating Layer res4a_branch2b
I1107 01:40:23.549628 22740 net.cpp:444] res4a_branch2b <- res4a_branch2a
I1107 01:40:23.549634 22740 net.cpp:418] res4a_branch2b -> res4a_branch2b
I1107 01:40:23.553156 22740 net.cpp:150] Setting up res4a_branch2b
I1107 01:40:23.553169 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.553171 22740 net.cpp:165] Memory required for data: 2146474836
I1107 01:40:23.553176 22740 layer_factory.hpp:77] Creating layer bn4a_branch2b
I1107 01:40:23.553185 22740 net.cpp:100] Creating Layer bn4a_branch2b
I1107 01:40:23.553189 22740 net.cpp:444] bn4a_branch2b <- res4a_branch2b
I1107 01:40:23.553195 22740 net.cpp:405] bn4a_branch2b -> res4a_branch2b (in-place)
I1107 01:40:23.553494 22740 net.cpp:150] Setting up bn4a_branch2b
I1107 01:40:23.553501 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.553503 22740 net.cpp:165] Memory required for data: 2148926292
I1107 01:40:23.553509 22740 layer_factory.hpp:77] Creating layer scale4a_branch2b
I1107 01:40:23.553515 22740 net.cpp:100] Creating Layer scale4a_branch2b
I1107 01:40:23.553519 22740 net.cpp:444] scale4a_branch2b <- res4a_branch2b
I1107 01:40:23.553524 22740 net.cpp:405] scale4a_branch2b -> res4a_branch2b (in-place)
I1107 01:40:23.553578 22740 layer_factory.hpp:77] Creating layer scale4a_branch2b
I1107 01:40:23.553755 22740 net.cpp:150] Setting up scale4a_branch2b
I1107 01:40:23.553761 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.553764 22740 net.cpp:165] Memory required for data: 2151377748
I1107 01:40:23.553769 22740 layer_factory.hpp:77] Creating layer res4a_branch2b_relu
I1107 01:40:23.553776 22740 net.cpp:100] Creating Layer res4a_branch2b_relu
I1107 01:40:23.553782 22740 net.cpp:444] res4a_branch2b_relu <- res4a_branch2b
I1107 01:40:23.553786 22740 net.cpp:405] res4a_branch2b_relu -> res4a_branch2b (in-place)
I1107 01:40:23.553959 22740 net.cpp:150] Setting up res4a_branch2b_relu
I1107 01:40:23.553968 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.553971 22740 net.cpp:165] Memory required for data: 2153829204
I1107 01:40:23.553973 22740 layer_factory.hpp:77] Creating layer res4a_branch2c
I1107 01:40:23.553982 22740 net.cpp:100] Creating Layer res4a_branch2c
I1107 01:40:23.553987 22740 net.cpp:444] res4a_branch2c <- res4a_branch2b
I1107 01:40:23.553994 22740 net.cpp:418] res4a_branch2c -> res4a_branch2c
I1107 01:40:23.556877 22740 net.cpp:150] Setting up res4a_branch2c
I1107 01:40:23.556890 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.556907 22740 net.cpp:165] Memory required for data: 2163635028
I1107 01:40:23.556912 22740 layer_factory.hpp:77] Creating layer bn4a_branch2c
I1107 01:40:23.556921 22740 net.cpp:100] Creating Layer bn4a_branch2c
I1107 01:40:23.556926 22740 net.cpp:444] bn4a_branch2c <- res4a_branch2c
I1107 01:40:23.556931 22740 net.cpp:405] bn4a_branch2c -> res4a_branch2c (in-place)
I1107 01:40:23.557234 22740 net.cpp:150] Setting up bn4a_branch2c
I1107 01:40:23.557240 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557242 22740 net.cpp:165] Memory required for data: 2173440852
I1107 01:40:23.557248 22740 layer_factory.hpp:77] Creating layer scale4a_branch2c
I1107 01:40:23.557255 22740 net.cpp:100] Creating Layer scale4a_branch2c
I1107 01:40:23.557258 22740 net.cpp:444] scale4a_branch2c <- res4a_branch2c
I1107 01:40:23.557265 22740 net.cpp:405] scale4a_branch2c -> res4a_branch2c (in-place)
I1107 01:40:23.557317 22740 layer_factory.hpp:77] Creating layer scale4a_branch2c
I1107 01:40:23.557499 22740 net.cpp:150] Setting up scale4a_branch2c
I1107 01:40:23.557507 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557509 22740 net.cpp:165] Memory required for data: 2183246676
I1107 01:40:23.557513 22740 layer_factory.hpp:77] Creating layer res4a
I1107 01:40:23.557523 22740 net.cpp:100] Creating Layer res4a
I1107 01:40:23.557526 22740 net.cpp:444] res4a <- res4a_branch1
I1107 01:40:23.557530 22740 net.cpp:444] res4a <- res4a_branch2c
I1107 01:40:23.557534 22740 net.cpp:418] res4a -> res4a
I1107 01:40:23.557569 22740 net.cpp:150] Setting up res4a
I1107 01:40:23.557576 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557579 22740 net.cpp:165] Memory required for data: 2193052500
I1107 01:40:23.557581 22740 layer_factory.hpp:77] Creating layer res4a_relu
I1107 01:40:23.557587 22740 net.cpp:100] Creating Layer res4a_relu
I1107 01:40:23.557591 22740 net.cpp:444] res4a_relu <- res4a
I1107 01:40:23.557596 22740 net.cpp:405] res4a_relu -> res4a (in-place)
I1107 01:40:23.557833 22740 net.cpp:150] Setting up res4a_relu
I1107 01:40:23.557842 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557845 22740 net.cpp:165] Memory required for data: 2202858324
I1107 01:40:23.557848 22740 layer_factory.hpp:77] Creating layer res4a_res4a_relu_0_split
I1107 01:40:23.557854 22740 net.cpp:100] Creating Layer res4a_res4a_relu_0_split
I1107 01:40:23.557859 22740 net.cpp:444] res4a_res4a_relu_0_split <- res4a
I1107 01:40:23.557865 22740 net.cpp:418] res4a_res4a_relu_0_split -> res4a_res4a_relu_0_split_0
I1107 01:40:23.557873 22740 net.cpp:418] res4a_res4a_relu_0_split -> res4a_res4a_relu_0_split_1
I1107 01:40:23.557937 22740 net.cpp:150] Setting up res4a_res4a_relu_0_split
I1107 01:40:23.557945 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557948 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.557950 22740 net.cpp:165] Memory required for data: 2222469972
I1107 01:40:23.557953 22740 layer_factory.hpp:77] Creating layer res4b1_branch2a
I1107 01:40:23.557963 22740 net.cpp:100] Creating Layer res4b1_branch2a
I1107 01:40:23.557967 22740 net.cpp:444] res4b1_branch2a <- res4a_res4a_relu_0_split_0
I1107 01:40:23.557974 22740 net.cpp:418] res4b1_branch2a -> res4b1_branch2a
I1107 01:40:23.559494 22740 net.cpp:150] Setting up res4b1_branch2a
I1107 01:40:23.559509 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.559530 22740 net.cpp:165] Memory required for data: 2224921428
I1107 01:40:23.559535 22740 layer_factory.hpp:77] Creating layer bn4b1_branch2a
I1107 01:40:23.559542 22740 net.cpp:100] Creating Layer bn4b1_branch2a
I1107 01:40:23.559546 22740 net.cpp:444] bn4b1_branch2a <- res4b1_branch2a
I1107 01:40:23.559552 22740 net.cpp:405] bn4b1_branch2a -> res4b1_branch2a (in-place)
I1107 01:40:23.559869 22740 net.cpp:150] Setting up bn4b1_branch2a
I1107 01:40:23.559875 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.559877 22740 net.cpp:165] Memory required for data: 2227372884
I1107 01:40:23.559883 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2a
I1107 01:40:23.559890 22740 net.cpp:100] Creating Layer scale4b1_branch2a
I1107 01:40:23.559892 22740 net.cpp:444] scale4b1_branch2a <- res4b1_branch2a
I1107 01:40:23.559898 22740 net.cpp:405] scale4b1_branch2a -> res4b1_branch2a (in-place)
I1107 01:40:23.560027 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2a
I1107 01:40:23.560221 22740 net.cpp:150] Setting up scale4b1_branch2a
I1107 01:40:23.560230 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.560232 22740 net.cpp:165] Memory required for data: 2229824340
I1107 01:40:23.560238 22740 layer_factory.hpp:77] Creating layer res4b1_branch2a_relu
I1107 01:40:23.560245 22740 net.cpp:100] Creating Layer res4b1_branch2a_relu
I1107 01:40:23.560250 22740 net.cpp:444] res4b1_branch2a_relu <- res4b1_branch2a
I1107 01:40:23.560255 22740 net.cpp:405] res4b1_branch2a_relu -> res4b1_branch2a (in-place)
I1107 01:40:23.560473 22740 net.cpp:150] Setting up res4b1_branch2a_relu
I1107 01:40:23.560482 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.560484 22740 net.cpp:165] Memory required for data: 2232275796
I1107 01:40:23.560487 22740 layer_factory.hpp:77] Creating layer res4b1_branch2b
I1107 01:40:23.560497 22740 net.cpp:100] Creating Layer res4b1_branch2b
I1107 01:40:23.560500 22740 net.cpp:444] res4b1_branch2b <- res4b1_branch2a
I1107 01:40:23.560506 22740 net.cpp:418] res4b1_branch2b -> res4b1_branch2b
I1107 01:40:23.564103 22740 net.cpp:150] Setting up res4b1_branch2b
I1107 01:40:23.564116 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.564118 22740 net.cpp:165] Memory required for data: 2234727252
I1107 01:40:23.564123 22740 layer_factory.hpp:77] Creating layer bn4b1_branch2b
I1107 01:40:23.564143 22740 net.cpp:100] Creating Layer bn4b1_branch2b
I1107 01:40:23.564147 22740 net.cpp:444] bn4b1_branch2b <- res4b1_branch2b
I1107 01:40:23.564152 22740 net.cpp:405] bn4b1_branch2b -> res4b1_branch2b (in-place)
I1107 01:40:23.564499 22740 net.cpp:150] Setting up bn4b1_branch2b
I1107 01:40:23.564507 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.564508 22740 net.cpp:165] Memory required for data: 2237178708
I1107 01:40:23.564532 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2b
I1107 01:40:23.564539 22740 net.cpp:100] Creating Layer scale4b1_branch2b
I1107 01:40:23.564543 22740 net.cpp:444] scale4b1_branch2b <- res4b1_branch2b
I1107 01:40:23.564548 22740 net.cpp:405] scale4b1_branch2b -> res4b1_branch2b (in-place)
I1107 01:40:23.564604 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2b
I1107 01:40:23.564787 22740 net.cpp:150] Setting up scale4b1_branch2b
I1107 01:40:23.564795 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.564798 22740 net.cpp:165] Memory required for data: 2239630164
I1107 01:40:23.564803 22740 layer_factory.hpp:77] Creating layer res4b1_branch2b_relu
I1107 01:40:23.564810 22740 net.cpp:100] Creating Layer res4b1_branch2b_relu
I1107 01:40:23.564812 22740 net.cpp:444] res4b1_branch2b_relu <- res4b1_branch2b
I1107 01:40:23.564817 22740 net.cpp:405] res4b1_branch2b_relu -> res4b1_branch2b (in-place)
I1107 01:40:23.565007 22740 net.cpp:150] Setting up res4b1_branch2b_relu
I1107 01:40:23.565016 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.565017 22740 net.cpp:165] Memory required for data: 2242081620
I1107 01:40:23.565021 22740 layer_factory.hpp:77] Creating layer res4b1_branch2c
I1107 01:40:23.565047 22740 net.cpp:100] Creating Layer res4b1_branch2c
I1107 01:40:23.565052 22740 net.cpp:444] res4b1_branch2c <- res4b1_branch2b
I1107 01:40:23.565057 22740 net.cpp:418] res4b1_branch2c -> res4b1_branch2c
I1107 01:40:23.568459 22740 net.cpp:150] Setting up res4b1_branch2c
I1107 01:40:23.568470 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.568473 22740 net.cpp:165] Memory required for data: 2251887444
I1107 01:40:23.568478 22740 layer_factory.hpp:77] Creating layer bn4b1_branch2c
I1107 01:40:23.568485 22740 net.cpp:100] Creating Layer bn4b1_branch2c
I1107 01:40:23.568488 22740 net.cpp:444] bn4b1_branch2c <- res4b1_branch2c
I1107 01:40:23.568495 22740 net.cpp:405] bn4b1_branch2c -> res4b1_branch2c (in-place)
I1107 01:40:23.568835 22740 net.cpp:150] Setting up bn4b1_branch2c
I1107 01:40:23.568842 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.568845 22740 net.cpp:165] Memory required for data: 2261693268
I1107 01:40:23.568867 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2c
I1107 01:40:23.568876 22740 net.cpp:100] Creating Layer scale4b1_branch2c
I1107 01:40:23.568878 22740 net.cpp:444] scale4b1_branch2c <- res4b1_branch2c
I1107 01:40:23.568899 22740 net.cpp:405] scale4b1_branch2c -> res4b1_branch2c (in-place)
I1107 01:40:23.568969 22740 layer_factory.hpp:77] Creating layer scale4b1_branch2c
I1107 01:40:23.569159 22740 net.cpp:150] Setting up scale4b1_branch2c
I1107 01:40:23.569165 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.569169 22740 net.cpp:165] Memory required for data: 2271499092
I1107 01:40:23.569172 22740 layer_factory.hpp:77] Creating layer res4b1
I1107 01:40:23.569178 22740 net.cpp:100] Creating Layer res4b1
I1107 01:40:23.569181 22740 net.cpp:444] res4b1 <- res4a_res4a_relu_0_split_1
I1107 01:40:23.569185 22740 net.cpp:444] res4b1 <- res4b1_branch2c
I1107 01:40:23.569190 22740 net.cpp:418] res4b1 -> res4b1
I1107 01:40:23.569223 22740 net.cpp:150] Setting up res4b1
I1107 01:40:23.569229 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.569231 22740 net.cpp:165] Memory required for data: 2281304916
I1107 01:40:23.569234 22740 layer_factory.hpp:77] Creating layer res4b1_relu
I1107 01:40:23.569241 22740 net.cpp:100] Creating Layer res4b1_relu
I1107 01:40:23.569243 22740 net.cpp:444] res4b1_relu <- res4b1
I1107 01:40:23.569248 22740 net.cpp:405] res4b1_relu -> res4b1 (in-place)
I1107 01:40:23.569756 22740 net.cpp:150] Setting up res4b1_relu
I1107 01:40:23.569767 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.569769 22740 net.cpp:165] Memory required for data: 2291110740
I1107 01:40:23.569790 22740 layer_factory.hpp:77] Creating layer res4b1_res4b1_relu_0_split
I1107 01:40:23.569797 22740 net.cpp:100] Creating Layer res4b1_res4b1_relu_0_split
I1107 01:40:23.569799 22740 net.cpp:444] res4b1_res4b1_relu_0_split <- res4b1
I1107 01:40:23.569805 22740 net.cpp:418] res4b1_res4b1_relu_0_split -> res4b1_res4b1_relu_0_split_0
I1107 01:40:23.569811 22740 net.cpp:418] res4b1_res4b1_relu_0_split -> res4b1_res4b1_relu_0_split_1
I1107 01:40:23.569875 22740 net.cpp:150] Setting up res4b1_res4b1_relu_0_split
I1107 01:40:23.569882 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.569885 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.569887 22740 net.cpp:165] Memory required for data: 2310722388
I1107 01:40:23.569890 22740 layer_factory.hpp:77] Creating layer res4b2_branch2a
I1107 01:40:23.569900 22740 net.cpp:100] Creating Layer res4b2_branch2a
I1107 01:40:23.569905 22740 net.cpp:444] res4b2_branch2a <- res4b1_res4b1_relu_0_split_0
I1107 01:40:23.569911 22740 net.cpp:418] res4b2_branch2a -> res4b2_branch2a
I1107 01:40:23.570960 22740 net.cpp:150] Setting up res4b2_branch2a
I1107 01:40:23.570969 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.570972 22740 net.cpp:165] Memory required for data: 2313173844
I1107 01:40:23.570994 22740 layer_factory.hpp:77] Creating layer bn4b2_branch2a
I1107 01:40:23.571000 22740 net.cpp:100] Creating Layer bn4b2_branch2a
I1107 01:40:23.571004 22740 net.cpp:444] bn4b2_branch2a <- res4b2_branch2a
I1107 01:40:23.571009 22740 net.cpp:405] bn4b2_branch2a -> res4b2_branch2a (in-place)
I1107 01:40:23.571532 22740 net.cpp:150] Setting up bn4b2_branch2a
I1107 01:40:23.571539 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.571542 22740 net.cpp:165] Memory required for data: 2315625300
I1107 01:40:23.571565 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2a
I1107 01:40:23.571573 22740 net.cpp:100] Creating Layer scale4b2_branch2a
I1107 01:40:23.571576 22740 net.cpp:444] scale4b2_branch2a <- res4b2_branch2a
I1107 01:40:23.571581 22740 net.cpp:405] scale4b2_branch2a -> res4b2_branch2a (in-place)
I1107 01:40:23.571638 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2a
I1107 01:40:23.571820 22740 net.cpp:150] Setting up scale4b2_branch2a
I1107 01:40:23.571844 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.571847 22740 net.cpp:165] Memory required for data: 2318076756
I1107 01:40:23.571852 22740 layer_factory.hpp:77] Creating layer res4b2_branch2a_relu
I1107 01:40:23.571859 22740 net.cpp:100] Creating Layer res4b2_branch2a_relu
I1107 01:40:23.571864 22740 net.cpp:444] res4b2_branch2a_relu <- res4b2_branch2a
I1107 01:40:23.571868 22740 net.cpp:405] res4b2_branch2a_relu -> res4b2_branch2a (in-place)
I1107 01:40:23.572430 22740 net.cpp:150] Setting up res4b2_branch2a_relu
I1107 01:40:23.572443 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.572444 22740 net.cpp:165] Memory required for data: 2320528212
I1107 01:40:23.572448 22740 layer_factory.hpp:77] Creating layer res4b2_branch2b
I1107 01:40:23.572473 22740 net.cpp:100] Creating Layer res4b2_branch2b
I1107 01:40:23.572476 22740 net.cpp:444] res4b2_branch2b <- res4b2_branch2a
I1107 01:40:23.572481 22740 net.cpp:418] res4b2_branch2b -> res4b2_branch2b
I1107 01:40:23.576071 22740 net.cpp:150] Setting up res4b2_branch2b
I1107 01:40:23.576082 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.576084 22740 net.cpp:165] Memory required for data: 2322979668
I1107 01:40:23.576089 22740 layer_factory.hpp:77] Creating layer bn4b2_branch2b
I1107 01:40:23.576097 22740 net.cpp:100] Creating Layer bn4b2_branch2b
I1107 01:40:23.576100 22740 net.cpp:444] bn4b2_branch2b <- res4b2_branch2b
I1107 01:40:23.576107 22740 net.cpp:405] bn4b2_branch2b -> res4b2_branch2b (in-place)
I1107 01:40:23.576450 22740 net.cpp:150] Setting up bn4b2_branch2b
I1107 01:40:23.576457 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.576459 22740 net.cpp:165] Memory required for data: 2325431124
I1107 01:40:23.576483 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2b
I1107 01:40:23.576490 22740 net.cpp:100] Creating Layer scale4b2_branch2b
I1107 01:40:23.576493 22740 net.cpp:444] scale4b2_branch2b <- res4b2_branch2b
I1107 01:40:23.576498 22740 net.cpp:405] scale4b2_branch2b -> res4b2_branch2b (in-place)
I1107 01:40:23.576555 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2b
I1107 01:40:23.576735 22740 net.cpp:150] Setting up scale4b2_branch2b
I1107 01:40:23.576742 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.576745 22740 net.cpp:165] Memory required for data: 2327882580
I1107 01:40:23.576750 22740 layer_factory.hpp:77] Creating layer res4b2_branch2b_relu
I1107 01:40:23.576756 22740 net.cpp:100] Creating Layer res4b2_branch2b_relu
I1107 01:40:23.576763 22740 net.cpp:444] res4b2_branch2b_relu <- res4b2_branch2b
I1107 01:40:23.576767 22740 net.cpp:405] res4b2_branch2b_relu -> res4b2_branch2b (in-place)
I1107 01:40:23.576937 22740 net.cpp:150] Setting up res4b2_branch2b_relu
I1107 01:40:23.576963 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.576966 22740 net.cpp:165] Memory required for data: 2330334036
I1107 01:40:23.576985 22740 layer_factory.hpp:77] Creating layer res4b2_branch2c
I1107 01:40:23.576994 22740 net.cpp:100] Creating Layer res4b2_branch2c
I1107 01:40:23.577016 22740 net.cpp:444] res4b2_branch2c <- res4b2_branch2b
I1107 01:40:23.577023 22740 net.cpp:418] res4b2_branch2c -> res4b2_branch2c
I1107 01:40:23.580108 22740 net.cpp:150] Setting up res4b2_branch2c
I1107 01:40:23.580121 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.580124 22740 net.cpp:165] Memory required for data: 2340139860
I1107 01:40:23.580143 22740 layer_factory.hpp:77] Creating layer bn4b2_branch2c
I1107 01:40:23.580150 22740 net.cpp:100] Creating Layer bn4b2_branch2c
I1107 01:40:23.580153 22740 net.cpp:444] bn4b2_branch2c <- res4b2_branch2c
I1107 01:40:23.580178 22740 net.cpp:405] bn4b2_branch2c -> res4b2_branch2c (in-place)
I1107 01:40:23.580524 22740 net.cpp:150] Setting up bn4b2_branch2c
I1107 01:40:23.580531 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.580534 22740 net.cpp:165] Memory required for data: 2349945684
I1107 01:40:23.580557 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2c
I1107 01:40:23.580564 22740 net.cpp:100] Creating Layer scale4b2_branch2c
I1107 01:40:23.580567 22740 net.cpp:444] scale4b2_branch2c <- res4b2_branch2c
I1107 01:40:23.580574 22740 net.cpp:405] scale4b2_branch2c -> res4b2_branch2c (in-place)
I1107 01:40:23.580626 22740 layer_factory.hpp:77] Creating layer scale4b2_branch2c
I1107 01:40:23.580819 22740 net.cpp:150] Setting up scale4b2_branch2c
I1107 01:40:23.580826 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.580828 22740 net.cpp:165] Memory required for data: 2359751508
I1107 01:40:23.580833 22740 layer_factory.hpp:77] Creating layer res4b2
I1107 01:40:23.580838 22740 net.cpp:100] Creating Layer res4b2
I1107 01:40:23.580842 22740 net.cpp:444] res4b2 <- res4b1_res4b1_relu_0_split_1
I1107 01:40:23.580845 22740 net.cpp:444] res4b2 <- res4b2_branch2c
I1107 01:40:23.580850 22740 net.cpp:418] res4b2 -> res4b2
I1107 01:40:23.580886 22740 net.cpp:150] Setting up res4b2
I1107 01:40:23.580893 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.580895 22740 net.cpp:165] Memory required for data: 2369557332
I1107 01:40:23.580898 22740 layer_factory.hpp:77] Creating layer res4b2_relu
I1107 01:40:23.580904 22740 net.cpp:100] Creating Layer res4b2_relu
I1107 01:40:23.580906 22740 net.cpp:444] res4b2_relu <- res4b2
I1107 01:40:23.580911 22740 net.cpp:405] res4b2_relu -> res4b2 (in-place)
I1107 01:40:23.581115 22740 net.cpp:150] Setting up res4b2_relu
I1107 01:40:23.581123 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.581125 22740 net.cpp:165] Memory required for data: 2379363156
I1107 01:40:23.581128 22740 layer_factory.hpp:77] Creating layer res4b2_res4b2_relu_0_split
I1107 01:40:23.581135 22740 net.cpp:100] Creating Layer res4b2_res4b2_relu_0_split
I1107 01:40:23.581137 22740 net.cpp:444] res4b2_res4b2_relu_0_split <- res4b2
I1107 01:40:23.581145 22740 net.cpp:418] res4b2_res4b2_relu_0_split -> res4b2_res4b2_relu_0_split_0
I1107 01:40:23.581152 22740 net.cpp:418] res4b2_res4b2_relu_0_split -> res4b2_res4b2_relu_0_split_1
I1107 01:40:23.581218 22740 net.cpp:150] Setting up res4b2_res4b2_relu_0_split
I1107 01:40:23.581223 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.581228 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.581229 22740 net.cpp:165] Memory required for data: 2398974804
I1107 01:40:23.581231 22740 layer_factory.hpp:77] Creating layer res4b3_branch2a
I1107 01:40:23.581240 22740 net.cpp:100] Creating Layer res4b3_branch2a
I1107 01:40:23.581245 22740 net.cpp:444] res4b3_branch2a <- res4b2_res4b2_relu_0_split_0
I1107 01:40:23.581253 22740 net.cpp:418] res4b3_branch2a -> res4b3_branch2a
I1107 01:40:23.582728 22740 net.cpp:150] Setting up res4b3_branch2a
I1107 01:40:23.582741 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.582743 22740 net.cpp:165] Memory required for data: 2401426260
I1107 01:40:23.582767 22740 layer_factory.hpp:77] Creating layer bn4b3_branch2a
I1107 01:40:23.582774 22740 net.cpp:100] Creating Layer bn4b3_branch2a
I1107 01:40:23.582778 22740 net.cpp:444] bn4b3_branch2a <- res4b3_branch2a
I1107 01:40:23.582783 22740 net.cpp:405] bn4b3_branch2a -> res4b3_branch2a (in-place)
I1107 01:40:23.583186 22740 net.cpp:150] Setting up bn4b3_branch2a
I1107 01:40:23.583194 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.583196 22740 net.cpp:165] Memory required for data: 2403877716
I1107 01:40:23.583204 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2a
I1107 01:40:23.583227 22740 net.cpp:100] Creating Layer scale4b3_branch2a
I1107 01:40:23.583231 22740 net.cpp:444] scale4b3_branch2a <- res4b3_branch2a
I1107 01:40:23.583237 22740 net.cpp:405] scale4b3_branch2a -> res4b3_branch2a (in-place)
I1107 01:40:23.583298 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2a
I1107 01:40:23.583529 22740 net.cpp:150] Setting up scale4b3_branch2a
I1107 01:40:23.583537 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.583540 22740 net.cpp:165] Memory required for data: 2406329172
I1107 01:40:23.583545 22740 layer_factory.hpp:77] Creating layer res4b3_branch2a_relu
I1107 01:40:23.583552 22740 net.cpp:100] Creating Layer res4b3_branch2a_relu
I1107 01:40:23.583556 22740 net.cpp:444] res4b3_branch2a_relu <- res4b3_branch2a
I1107 01:40:23.583561 22740 net.cpp:405] res4b3_branch2a_relu -> res4b3_branch2a (in-place)
I1107 01:40:23.583750 22740 net.cpp:150] Setting up res4b3_branch2a_relu
I1107 01:40:23.583757 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.583760 22740 net.cpp:165] Memory required for data: 2408780628
I1107 01:40:23.583762 22740 layer_factory.hpp:77] Creating layer res4b3_branch2b
I1107 01:40:23.583772 22740 net.cpp:100] Creating Layer res4b3_branch2b
I1107 01:40:23.583777 22740 net.cpp:444] res4b3_branch2b <- res4b3_branch2a
I1107 01:40:23.583784 22740 net.cpp:418] res4b3_branch2b -> res4b3_branch2b
I1107 01:40:23.587203 22740 net.cpp:150] Setting up res4b3_branch2b
I1107 01:40:23.587216 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.587219 22740 net.cpp:165] Memory required for data: 2411232084
I1107 01:40:23.587239 22740 layer_factory.hpp:77] Creating layer bn4b3_branch2b
I1107 01:40:23.587245 22740 net.cpp:100] Creating Layer bn4b3_branch2b
I1107 01:40:23.587249 22740 net.cpp:444] bn4b3_branch2b <- res4b3_branch2b
I1107 01:40:23.587273 22740 net.cpp:405] bn4b3_branch2b -> res4b3_branch2b (in-place)
I1107 01:40:23.587644 22740 net.cpp:150] Setting up bn4b3_branch2b
I1107 01:40:23.587652 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.587654 22740 net.cpp:165] Memory required for data: 2413683540
I1107 01:40:23.587677 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2b
I1107 01:40:23.587685 22740 net.cpp:100] Creating Layer scale4b3_branch2b
I1107 01:40:23.587688 22740 net.cpp:444] scale4b3_branch2b <- res4b3_branch2b
I1107 01:40:23.587694 22740 net.cpp:405] scale4b3_branch2b -> res4b3_branch2b (in-place)
I1107 01:40:23.587752 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2b
I1107 01:40:23.587934 22740 net.cpp:150] Setting up scale4b3_branch2b
I1107 01:40:23.587940 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.587944 22740 net.cpp:165] Memory required for data: 2416134996
I1107 01:40:23.587949 22740 layer_factory.hpp:77] Creating layer res4b3_branch2b_relu
I1107 01:40:23.587954 22740 net.cpp:100] Creating Layer res4b3_branch2b_relu
I1107 01:40:23.587957 22740 net.cpp:444] res4b3_branch2b_relu <- res4b3_branch2b
I1107 01:40:23.587962 22740 net.cpp:405] res4b3_branch2b_relu -> res4b3_branch2b (in-place)
I1107 01:40:23.588166 22740 net.cpp:150] Setting up res4b3_branch2b_relu
I1107 01:40:23.588176 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.588196 22740 net.cpp:165] Memory required for data: 2418586452
I1107 01:40:23.588198 22740 layer_factory.hpp:77] Creating layer res4b3_branch2c
I1107 01:40:23.588207 22740 net.cpp:100] Creating Layer res4b3_branch2c
I1107 01:40:23.588212 22740 net.cpp:444] res4b3_branch2c <- res4b3_branch2b
I1107 01:40:23.588238 22740 net.cpp:418] res4b3_branch2c -> res4b3_branch2c
I1107 01:40:23.591166 22740 net.cpp:150] Setting up res4b3_branch2c
I1107 01:40:23.591177 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.591181 22740 net.cpp:165] Memory required for data: 2428392276
I1107 01:40:23.591199 22740 layer_factory.hpp:77] Creating layer bn4b3_branch2c
I1107 01:40:23.591207 22740 net.cpp:100] Creating Layer bn4b3_branch2c
I1107 01:40:23.591210 22740 net.cpp:444] bn4b3_branch2c <- res4b3_branch2c
I1107 01:40:23.591233 22740 net.cpp:405] bn4b3_branch2c -> res4b3_branch2c (in-place)
I1107 01:40:23.591583 22740 net.cpp:150] Setting up bn4b3_branch2c
I1107 01:40:23.591590 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.591593 22740 net.cpp:165] Memory required for data: 2438198100
I1107 01:40:23.591616 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2c
I1107 01:40:23.591622 22740 net.cpp:100] Creating Layer scale4b3_branch2c
I1107 01:40:23.591625 22740 net.cpp:444] scale4b3_branch2c <- res4b3_branch2c
I1107 01:40:23.591631 22740 net.cpp:405] scale4b3_branch2c -> res4b3_branch2c (in-place)
I1107 01:40:23.591686 22740 layer_factory.hpp:77] Creating layer scale4b3_branch2c
I1107 01:40:23.591884 22740 net.cpp:150] Setting up scale4b3_branch2c
I1107 01:40:23.591892 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.591894 22740 net.cpp:165] Memory required for data: 2448003924
I1107 01:40:23.591899 22740 layer_factory.hpp:77] Creating layer res4b3
I1107 01:40:23.591905 22740 net.cpp:100] Creating Layer res4b3
I1107 01:40:23.591909 22740 net.cpp:444] res4b3 <- res4b2_res4b2_relu_0_split_1
I1107 01:40:23.591913 22740 net.cpp:444] res4b3 <- res4b3_branch2c
I1107 01:40:23.591918 22740 net.cpp:418] res4b3 -> res4b3
I1107 01:40:23.591954 22740 net.cpp:150] Setting up res4b3
I1107 01:40:23.591961 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.591964 22740 net.cpp:165] Memory required for data: 2457809748
I1107 01:40:23.591965 22740 layer_factory.hpp:77] Creating layer res4b3_relu
I1107 01:40:23.591972 22740 net.cpp:100] Creating Layer res4b3_relu
I1107 01:40:23.591975 22740 net.cpp:444] res4b3_relu <- res4b3
I1107 01:40:23.591980 22740 net.cpp:405] res4b3_relu -> res4b3 (in-place)
I1107 01:40:23.592639 22740 net.cpp:150] Setting up res4b3_relu
I1107 01:40:23.592650 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.592653 22740 net.cpp:165] Memory required for data: 2467615572
I1107 01:40:23.592655 22740 layer_factory.hpp:77] Creating layer res4b3_res4b3_relu_0_split
I1107 01:40:23.592680 22740 net.cpp:100] Creating Layer res4b3_res4b3_relu_0_split
I1107 01:40:23.592684 22740 net.cpp:444] res4b3_res4b3_relu_0_split <- res4b3
I1107 01:40:23.592689 22740 net.cpp:418] res4b3_res4b3_relu_0_split -> res4b3_res4b3_relu_0_split_0
I1107 01:40:23.592694 22740 net.cpp:418] res4b3_res4b3_relu_0_split -> res4b3_res4b3_relu_0_split_1
I1107 01:40:23.592759 22740 net.cpp:150] Setting up res4b3_res4b3_relu_0_split
I1107 01:40:23.592767 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.592769 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.592772 22740 net.cpp:165] Memory required for data: 2487227220
I1107 01:40:23.592774 22740 layer_factory.hpp:77] Creating layer res4b4_branch2a
I1107 01:40:23.592784 22740 net.cpp:100] Creating Layer res4b4_branch2a
I1107 01:40:23.592789 22740 net.cpp:444] res4b4_branch2a <- res4b3_res4b3_relu_0_split_0
I1107 01:40:23.592795 22740 net.cpp:418] res4b4_branch2a -> res4b4_branch2a
I1107 01:40:23.593857 22740 net.cpp:150] Setting up res4b4_branch2a
I1107 01:40:23.593866 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.593868 22740 net.cpp:165] Memory required for data: 2489678676
I1107 01:40:23.593894 22740 layer_factory.hpp:77] Creating layer bn4b4_branch2a
I1107 01:40:23.593901 22740 net.cpp:100] Creating Layer bn4b4_branch2a
I1107 01:40:23.593904 22740 net.cpp:444] bn4b4_branch2a <- res4b4_branch2a
I1107 01:40:23.593926 22740 net.cpp:405] bn4b4_branch2a -> res4b4_branch2a (in-place)
I1107 01:40:23.594254 22740 net.cpp:150] Setting up bn4b4_branch2a
I1107 01:40:23.594259 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.594262 22740 net.cpp:165] Memory required for data: 2492130132
I1107 01:40:23.594285 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2a
I1107 01:40:23.594292 22740 net.cpp:100] Creating Layer scale4b4_branch2a
I1107 01:40:23.594312 22740 net.cpp:444] scale4b4_branch2a <- res4b4_branch2a
I1107 01:40:23.594318 22740 net.cpp:405] scale4b4_branch2a -> res4b4_branch2a (in-place)
I1107 01:40:23.594430 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2a
I1107 01:40:23.594633 22740 net.cpp:150] Setting up scale4b4_branch2a
I1107 01:40:23.594640 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.594643 22740 net.cpp:165] Memory required for data: 2494581588
I1107 01:40:23.594665 22740 layer_factory.hpp:77] Creating layer res4b4_branch2a_relu
I1107 01:40:23.594671 22740 net.cpp:100] Creating Layer res4b4_branch2a_relu
I1107 01:40:23.594674 22740 net.cpp:444] res4b4_branch2a_relu <- res4b4_branch2a
I1107 01:40:23.594679 22740 net.cpp:405] res4b4_branch2a_relu -> res4b4_branch2a (in-place)
I1107 01:40:23.595278 22740 net.cpp:150] Setting up res4b4_branch2a_relu
I1107 01:40:23.595290 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.595293 22740 net.cpp:165] Memory required for data: 2497033044
I1107 01:40:23.595310 22740 layer_factory.hpp:77] Creating layer res4b4_branch2b
I1107 01:40:23.595320 22740 net.cpp:100] Creating Layer res4b4_branch2b
I1107 01:40:23.595324 22740 net.cpp:444] res4b4_branch2b <- res4b4_branch2a
I1107 01:40:23.595331 22740 net.cpp:418] res4b4_branch2b -> res4b4_branch2b
I1107 01:40:23.598942 22740 net.cpp:150] Setting up res4b4_branch2b
I1107 01:40:23.598953 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.598956 22740 net.cpp:165] Memory required for data: 2499484500
I1107 01:40:23.598961 22740 layer_factory.hpp:77] Creating layer bn4b4_branch2b
I1107 01:40:23.598968 22740 net.cpp:100] Creating Layer bn4b4_branch2b
I1107 01:40:23.598973 22740 net.cpp:444] bn4b4_branch2b <- res4b4_branch2b
I1107 01:40:23.598978 22740 net.cpp:405] bn4b4_branch2b -> res4b4_branch2b (in-place)
I1107 01:40:23.599468 22740 net.cpp:150] Setting up bn4b4_branch2b
I1107 01:40:23.599493 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.599496 22740 net.cpp:165] Memory required for data: 2501935956
I1107 01:40:23.599503 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2b
I1107 01:40:23.599509 22740 net.cpp:100] Creating Layer scale4b4_branch2b
I1107 01:40:23.599512 22740 net.cpp:444] scale4b4_branch2b <- res4b4_branch2b
I1107 01:40:23.599517 22740 net.cpp:405] scale4b4_branch2b -> res4b4_branch2b (in-place)
I1107 01:40:23.599578 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2b
I1107 01:40:23.599791 22740 net.cpp:150] Setting up scale4b4_branch2b
I1107 01:40:23.599795 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.599798 22740 net.cpp:165] Memory required for data: 2504387412
I1107 01:40:23.599802 22740 layer_factory.hpp:77] Creating layer res4b4_branch2b_relu
I1107 01:40:23.599808 22740 net.cpp:100] Creating Layer res4b4_branch2b_relu
I1107 01:40:23.599812 22740 net.cpp:444] res4b4_branch2b_relu <- res4b4_branch2b
I1107 01:40:23.599815 22740 net.cpp:405] res4b4_branch2b_relu -> res4b4_branch2b (in-place)
I1107 01:40:23.600003 22740 net.cpp:150] Setting up res4b4_branch2b_relu
I1107 01:40:23.600009 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.600011 22740 net.cpp:165] Memory required for data: 2506838868
I1107 01:40:23.600033 22740 layer_factory.hpp:77] Creating layer res4b4_branch2c
I1107 01:40:23.600041 22740 net.cpp:100] Creating Layer res4b4_branch2c
I1107 01:40:23.600045 22740 net.cpp:444] res4b4_branch2c <- res4b4_branch2b
I1107 01:40:23.600069 22740 net.cpp:418] res4b4_branch2c -> res4b4_branch2c
I1107 01:40:23.603145 22740 net.cpp:150] Setting up res4b4_branch2c
I1107 01:40:23.603160 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.603163 22740 net.cpp:165] Memory required for data: 2516644692
I1107 01:40:23.603168 22740 layer_factory.hpp:77] Creating layer bn4b4_branch2c
I1107 01:40:23.603178 22740 net.cpp:100] Creating Layer bn4b4_branch2c
I1107 01:40:23.603181 22740 net.cpp:444] bn4b4_branch2c <- res4b4_branch2c
I1107 01:40:23.603188 22740 net.cpp:405] bn4b4_branch2c -> res4b4_branch2c (in-place)
I1107 01:40:23.603608 22740 net.cpp:150] Setting up bn4b4_branch2c
I1107 01:40:23.603615 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.603617 22740 net.cpp:165] Memory required for data: 2526450516
I1107 01:40:23.603641 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2c
I1107 01:40:23.603648 22740 net.cpp:100] Creating Layer scale4b4_branch2c
I1107 01:40:23.603652 22740 net.cpp:444] scale4b4_branch2c <- res4b4_branch2c
I1107 01:40:23.603657 22740 net.cpp:405] scale4b4_branch2c -> res4b4_branch2c (in-place)
I1107 01:40:23.603744 22740 layer_factory.hpp:77] Creating layer scale4b4_branch2c
I1107 01:40:23.603943 22740 net.cpp:150] Setting up scale4b4_branch2c
I1107 01:40:23.603951 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.603955 22740 net.cpp:165] Memory required for data: 2536256340
I1107 01:40:23.603960 22740 layer_factory.hpp:77] Creating layer res4b4
I1107 01:40:23.603965 22740 net.cpp:100] Creating Layer res4b4
I1107 01:40:23.603970 22740 net.cpp:444] res4b4 <- res4b3_res4b3_relu_0_split_1
I1107 01:40:23.603973 22740 net.cpp:444] res4b4 <- res4b4_branch2c
I1107 01:40:23.603978 22740 net.cpp:418] res4b4 -> res4b4
I1107 01:40:23.604017 22740 net.cpp:150] Setting up res4b4
I1107 01:40:23.604023 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.604025 22740 net.cpp:165] Memory required for data: 2546062164
I1107 01:40:23.604027 22740 layer_factory.hpp:77] Creating layer res4b4_relu
I1107 01:40:23.604033 22740 net.cpp:100] Creating Layer res4b4_relu
I1107 01:40:23.604037 22740 net.cpp:444] res4b4_relu <- res4b4
I1107 01:40:23.604041 22740 net.cpp:405] res4b4_relu -> res4b4 (in-place)
I1107 01:40:23.604249 22740 net.cpp:150] Setting up res4b4_relu
I1107 01:40:23.604259 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.604260 22740 net.cpp:165] Memory required for data: 2555867988
I1107 01:40:23.604264 22740 layer_factory.hpp:77] Creating layer res4b4_res4b4_relu_0_split
I1107 01:40:23.604269 22740 net.cpp:100] Creating Layer res4b4_res4b4_relu_0_split
I1107 01:40:23.604272 22740 net.cpp:444] res4b4_res4b4_relu_0_split <- res4b4
I1107 01:40:23.604279 22740 net.cpp:418] res4b4_res4b4_relu_0_split -> res4b4_res4b4_relu_0_split_0
I1107 01:40:23.604286 22740 net.cpp:418] res4b4_res4b4_relu_0_split -> res4b4_res4b4_relu_0_split_1
I1107 01:40:23.604353 22740 net.cpp:150] Setting up res4b4_res4b4_relu_0_split
I1107 01:40:23.604359 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.604362 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.604365 22740 net.cpp:165] Memory required for data: 2575479636
I1107 01:40:23.604367 22740 layer_factory.hpp:77] Creating layer res4b5_branch2a
I1107 01:40:23.604377 22740 net.cpp:100] Creating Layer res4b5_branch2a
I1107 01:40:23.604382 22740 net.cpp:444] res4b5_branch2a <- res4b4_res4b4_relu_0_split_0
I1107 01:40:23.604388 22740 net.cpp:418] res4b5_branch2a -> res4b5_branch2a
I1107 01:40:23.605872 22740 net.cpp:150] Setting up res4b5_branch2a
I1107 01:40:23.605888 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.605909 22740 net.cpp:165] Memory required for data: 2577931092
I1107 01:40:23.605916 22740 layer_factory.hpp:77] Creating layer bn4b5_branch2a
I1107 01:40:23.605923 22740 net.cpp:100] Creating Layer bn4b5_branch2a
I1107 01:40:23.605926 22740 net.cpp:444] bn4b5_branch2a <- res4b5_branch2a
I1107 01:40:23.605932 22740 net.cpp:405] bn4b5_branch2a -> res4b5_branch2a (in-place)
I1107 01:40:23.606335 22740 net.cpp:150] Setting up bn4b5_branch2a
I1107 01:40:23.606343 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.606345 22740 net.cpp:165] Memory required for data: 2580382548
I1107 01:40:23.606370 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2a
I1107 01:40:23.606377 22740 net.cpp:100] Creating Layer scale4b5_branch2a
I1107 01:40:23.606380 22740 net.cpp:444] scale4b5_branch2a <- res4b5_branch2a
I1107 01:40:23.606386 22740 net.cpp:405] scale4b5_branch2a -> res4b5_branch2a (in-place)
I1107 01:40:23.606482 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2a
I1107 01:40:23.606674 22740 net.cpp:150] Setting up scale4b5_branch2a
I1107 01:40:23.606681 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.606684 22740 net.cpp:165] Memory required for data: 2582834004
I1107 01:40:23.606689 22740 layer_factory.hpp:77] Creating layer res4b5_branch2a_relu
I1107 01:40:23.606698 22740 net.cpp:100] Creating Layer res4b5_branch2a_relu
I1107 01:40:23.606703 22740 net.cpp:444] res4b5_branch2a_relu <- res4b5_branch2a
I1107 01:40:23.606706 22740 net.cpp:405] res4b5_branch2a_relu -> res4b5_branch2a (in-place)
I1107 01:40:23.606894 22740 net.cpp:150] Setting up res4b5_branch2a_relu
I1107 01:40:23.606901 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.606904 22740 net.cpp:165] Memory required for data: 2585285460
I1107 01:40:23.606907 22740 layer_factory.hpp:77] Creating layer res4b5_branch2b
I1107 01:40:23.606916 22740 net.cpp:100] Creating Layer res4b5_branch2b
I1107 01:40:23.606920 22740 net.cpp:444] res4b5_branch2b <- res4b5_branch2a
I1107 01:40:23.606928 22740 net.cpp:418] res4b5_branch2b -> res4b5_branch2b
I1107 01:40:23.610623 22740 net.cpp:150] Setting up res4b5_branch2b
I1107 01:40:23.610636 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.610640 22740 net.cpp:165] Memory required for data: 2587736916
I1107 01:40:23.610643 22740 layer_factory.hpp:77] Creating layer bn4b5_branch2b
I1107 01:40:23.610651 22740 net.cpp:100] Creating Layer bn4b5_branch2b
I1107 01:40:23.610654 22740 net.cpp:444] bn4b5_branch2b <- res4b5_branch2b
I1107 01:40:23.610661 22740 net.cpp:405] bn4b5_branch2b -> res4b5_branch2b (in-place)
I1107 01:40:23.611017 22740 net.cpp:150] Setting up bn4b5_branch2b
I1107 01:40:23.611024 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.611027 22740 net.cpp:165] Memory required for data: 2590188372
I1107 01:40:23.611055 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2b
I1107 01:40:23.611081 22740 net.cpp:100] Creating Layer scale4b5_branch2b
I1107 01:40:23.611084 22740 net.cpp:444] scale4b5_branch2b <- res4b5_branch2b
I1107 01:40:23.611090 22740 net.cpp:405] scale4b5_branch2b -> res4b5_branch2b (in-place)
I1107 01:40:23.611155 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2b
I1107 01:40:23.611356 22740 net.cpp:150] Setting up scale4b5_branch2b
I1107 01:40:23.611379 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.611382 22740 net.cpp:165] Memory required for data: 2592639828
I1107 01:40:23.611387 22740 layer_factory.hpp:77] Creating layer res4b5_branch2b_relu
I1107 01:40:23.611392 22740 net.cpp:100] Creating Layer res4b5_branch2b_relu
I1107 01:40:23.611397 22740 net.cpp:444] res4b5_branch2b_relu <- res4b5_branch2b
I1107 01:40:23.611402 22740 net.cpp:405] res4b5_branch2b_relu -> res4b5_branch2b (in-place)
I1107 01:40:23.611609 22740 net.cpp:150] Setting up res4b5_branch2b_relu
I1107 01:40:23.611635 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.611639 22740 net.cpp:165] Memory required for data: 2595091284
I1107 01:40:23.611641 22740 layer_factory.hpp:77] Creating layer res4b5_branch2c
I1107 01:40:23.611650 22740 net.cpp:100] Creating Layer res4b5_branch2c
I1107 01:40:23.611654 22740 net.cpp:444] res4b5_branch2c <- res4b5_branch2b
I1107 01:40:23.611661 22740 net.cpp:418] res4b5_branch2c -> res4b5_branch2c
I1107 01:40:23.614583 22740 net.cpp:150] Setting up res4b5_branch2c
I1107 01:40:23.614594 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.614598 22740 net.cpp:165] Memory required for data: 2604897108
I1107 01:40:23.614620 22740 layer_factory.hpp:77] Creating layer bn4b5_branch2c
I1107 01:40:23.614629 22740 net.cpp:100] Creating Layer bn4b5_branch2c
I1107 01:40:23.614631 22740 net.cpp:444] bn4b5_branch2c <- res4b5_branch2c
I1107 01:40:23.614637 22740 net.cpp:405] bn4b5_branch2c -> res4b5_branch2c (in-place)
I1107 01:40:23.615017 22740 net.cpp:150] Setting up bn4b5_branch2c
I1107 01:40:23.615025 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.615027 22740 net.cpp:165] Memory required for data: 2614702932
I1107 01:40:23.615057 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2c
I1107 01:40:23.615082 22740 net.cpp:100] Creating Layer scale4b5_branch2c
I1107 01:40:23.615085 22740 net.cpp:444] scale4b5_branch2c <- res4b5_branch2c
I1107 01:40:23.615092 22740 net.cpp:405] scale4b5_branch2c -> res4b5_branch2c (in-place)
I1107 01:40:23.615187 22740 layer_factory.hpp:77] Creating layer scale4b5_branch2c
I1107 01:40:23.615424 22740 net.cpp:150] Setting up scale4b5_branch2c
I1107 01:40:23.615452 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.615473 22740 net.cpp:165] Memory required for data: 2624508756
I1107 01:40:23.615489 22740 layer_factory.hpp:77] Creating layer res4b5
I1107 01:40:23.615496 22740 net.cpp:100] Creating Layer res4b5
I1107 01:40:23.615501 22740 net.cpp:444] res4b5 <- res4b4_res4b4_relu_0_split_1
I1107 01:40:23.615505 22740 net.cpp:444] res4b5 <- res4b5_branch2c
I1107 01:40:23.615510 22740 net.cpp:418] res4b5 -> res4b5
I1107 01:40:23.615550 22740 net.cpp:150] Setting up res4b5
I1107 01:40:23.615558 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.615562 22740 net.cpp:165] Memory required for data: 2634314580
I1107 01:40:23.615566 22740 layer_factory.hpp:77] Creating layer res4b5_relu
I1107 01:40:23.615571 22740 net.cpp:100] Creating Layer res4b5_relu
I1107 01:40:23.615576 22740 net.cpp:444] res4b5_relu <- res4b5
I1107 01:40:23.615581 22740 net.cpp:405] res4b5_relu -> res4b5 (in-place)
I1107 01:40:23.616174 22740 net.cpp:150] Setting up res4b5_relu
I1107 01:40:23.616185 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.616189 22740 net.cpp:165] Memory required for data: 2644120404
I1107 01:40:23.616192 22740 layer_factory.hpp:77] Creating layer res4b5_res4b5_relu_0_split
I1107 01:40:23.616199 22740 net.cpp:100] Creating Layer res4b5_res4b5_relu_0_split
I1107 01:40:23.616202 22740 net.cpp:444] res4b5_res4b5_relu_0_split <- res4b5
I1107 01:40:23.616209 22740 net.cpp:418] res4b5_res4b5_relu_0_split -> res4b5_res4b5_relu_0_split_0
I1107 01:40:23.616216 22740 net.cpp:418] res4b5_res4b5_relu_0_split -> res4b5_res4b5_relu_0_split_1
I1107 01:40:23.616307 22740 net.cpp:150] Setting up res4b5_res4b5_relu_0_split
I1107 01:40:23.616313 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.616317 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.616318 22740 net.cpp:165] Memory required for data: 2663732052
I1107 01:40:23.616320 22740 layer_factory.hpp:77] Creating layer res4b6_branch2a
I1107 01:40:23.616345 22740 net.cpp:100] Creating Layer res4b6_branch2a
I1107 01:40:23.616349 22740 net.cpp:444] res4b6_branch2a <- res4b5_res4b5_relu_0_split_0
I1107 01:40:23.616356 22740 net.cpp:418] res4b6_branch2a -> res4b6_branch2a
I1107 01:40:23.617905 22740 net.cpp:150] Setting up res4b6_branch2a
I1107 01:40:23.617918 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.617921 22740 net.cpp:165] Memory required for data: 2666183508
I1107 01:40:23.617926 22740 layer_factory.hpp:77] Creating layer bn4b6_branch2a
I1107 01:40:23.617950 22740 net.cpp:100] Creating Layer bn4b6_branch2a
I1107 01:40:23.617971 22740 net.cpp:444] bn4b6_branch2a <- res4b6_branch2a
I1107 01:40:23.617979 22740 net.cpp:405] bn4b6_branch2a -> res4b6_branch2a (in-place)
I1107 01:40:23.618361 22740 net.cpp:150] Setting up bn4b6_branch2a
I1107 01:40:23.618369 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.618371 22740 net.cpp:165] Memory required for data: 2668634964
I1107 01:40:23.618396 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2a
I1107 01:40:23.618402 22740 net.cpp:100] Creating Layer scale4b6_branch2a
I1107 01:40:23.618404 22740 net.cpp:444] scale4b6_branch2a <- res4b6_branch2a
I1107 01:40:23.618410 22740 net.cpp:405] scale4b6_branch2a -> res4b6_branch2a (in-place)
I1107 01:40:23.618468 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2a
I1107 01:40:23.618679 22740 net.cpp:150] Setting up scale4b6_branch2a
I1107 01:40:23.618685 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.618688 22740 net.cpp:165] Memory required for data: 2671086420
I1107 01:40:23.618693 22740 layer_factory.hpp:77] Creating layer res4b6_branch2a_relu
I1107 01:40:23.618700 22740 net.cpp:100] Creating Layer res4b6_branch2a_relu
I1107 01:40:23.618705 22740 net.cpp:444] res4b6_branch2a_relu <- res4b6_branch2a
I1107 01:40:23.618710 22740 net.cpp:405] res4b6_branch2a_relu -> res4b6_branch2a (in-place)
I1107 01:40:23.619325 22740 net.cpp:150] Setting up res4b6_branch2a_relu
I1107 01:40:23.619338 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.619340 22740 net.cpp:165] Memory required for data: 2673537876
I1107 01:40:23.619343 22740 layer_factory.hpp:77] Creating layer res4b6_branch2b
I1107 01:40:23.619372 22740 net.cpp:100] Creating Layer res4b6_branch2b
I1107 01:40:23.619375 22740 net.cpp:444] res4b6_branch2b <- res4b6_branch2a
I1107 01:40:23.619401 22740 net.cpp:418] res4b6_branch2b -> res4b6_branch2b
I1107 01:40:23.622885 22740 net.cpp:150] Setting up res4b6_branch2b
I1107 01:40:23.622897 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.622900 22740 net.cpp:165] Memory required for data: 2675989332
I1107 01:40:23.622923 22740 layer_factory.hpp:77] Creating layer bn4b6_branch2b
I1107 01:40:23.622931 22740 net.cpp:100] Creating Layer bn4b6_branch2b
I1107 01:40:23.622936 22740 net.cpp:444] bn4b6_branch2b <- res4b6_branch2b
I1107 01:40:23.622958 22740 net.cpp:405] bn4b6_branch2b -> res4b6_branch2b (in-place)
I1107 01:40:23.623478 22740 net.cpp:150] Setting up bn4b6_branch2b
I1107 01:40:23.623486 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.623488 22740 net.cpp:165] Memory required for data: 2678440788
I1107 01:40:23.623512 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2b
I1107 01:40:23.623519 22740 net.cpp:100] Creating Layer scale4b6_branch2b
I1107 01:40:23.623523 22740 net.cpp:444] scale4b6_branch2b <- res4b6_branch2b
I1107 01:40:23.623529 22740 net.cpp:405] scale4b6_branch2b -> res4b6_branch2b (in-place)
I1107 01:40:23.623590 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2b
I1107 01:40:23.623781 22740 net.cpp:150] Setting up scale4b6_branch2b
I1107 01:40:23.623788 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.623791 22740 net.cpp:165] Memory required for data: 2680892244
I1107 01:40:23.623795 22740 layer_factory.hpp:77] Creating layer res4b6_branch2b_relu
I1107 01:40:23.623802 22740 net.cpp:100] Creating Layer res4b6_branch2b_relu
I1107 01:40:23.623806 22740 net.cpp:444] res4b6_branch2b_relu <- res4b6_branch2b
I1107 01:40:23.623811 22740 net.cpp:405] res4b6_branch2b_relu -> res4b6_branch2b (in-place)
I1107 01:40:23.623983 22740 net.cpp:150] Setting up res4b6_branch2b_relu
I1107 01:40:23.623991 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.623994 22740 net.cpp:165] Memory required for data: 2683343700
I1107 01:40:23.623996 22740 layer_factory.hpp:77] Creating layer res4b6_branch2c
I1107 01:40:23.624006 22740 net.cpp:100] Creating Layer res4b6_branch2c
I1107 01:40:23.624009 22740 net.cpp:444] res4b6_branch2c <- res4b6_branch2b
I1107 01:40:23.624017 22740 net.cpp:418] res4b6_branch2c -> res4b6_branch2c
I1107 01:40:23.626940 22740 net.cpp:150] Setting up res4b6_branch2c
I1107 01:40:23.626951 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.626955 22740 net.cpp:165] Memory required for data: 2693149524
I1107 01:40:23.626958 22740 layer_factory.hpp:77] Creating layer bn4b6_branch2c
I1107 01:40:23.626966 22740 net.cpp:100] Creating Layer bn4b6_branch2c
I1107 01:40:23.626969 22740 net.cpp:444] bn4b6_branch2c <- res4b6_branch2c
I1107 01:40:23.626974 22740 net.cpp:405] bn4b6_branch2c -> res4b6_branch2c (in-place)
I1107 01:40:23.627430 22740 net.cpp:150] Setting up bn4b6_branch2c
I1107 01:40:23.627439 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.627440 22740 net.cpp:165] Memory required for data: 2702955348
I1107 01:40:23.627465 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2c
I1107 01:40:23.627471 22740 net.cpp:100] Creating Layer scale4b6_branch2c
I1107 01:40:23.627475 22740 net.cpp:444] scale4b6_branch2c <- res4b6_branch2c
I1107 01:40:23.627480 22740 net.cpp:405] scale4b6_branch2c -> res4b6_branch2c (in-place)
I1107 01:40:23.627538 22740 layer_factory.hpp:77] Creating layer scale4b6_branch2c
I1107 01:40:23.627765 22740 net.cpp:150] Setting up scale4b6_branch2c
I1107 01:40:23.627774 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.627775 22740 net.cpp:165] Memory required for data: 2712761172
I1107 01:40:23.627781 22740 layer_factory.hpp:77] Creating layer res4b6
I1107 01:40:23.627787 22740 net.cpp:100] Creating Layer res4b6
I1107 01:40:23.627792 22740 net.cpp:444] res4b6 <- res4b5_res4b5_relu_0_split_1
I1107 01:40:23.627796 22740 net.cpp:444] res4b6 <- res4b6_branch2c
I1107 01:40:23.627800 22740 net.cpp:418] res4b6 -> res4b6
I1107 01:40:23.627840 22740 net.cpp:150] Setting up res4b6
I1107 01:40:23.627846 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.627848 22740 net.cpp:165] Memory required for data: 2722566996
I1107 01:40:23.627851 22740 layer_factory.hpp:77] Creating layer res4b6_relu
I1107 01:40:23.627857 22740 net.cpp:100] Creating Layer res4b6_relu
I1107 01:40:23.627861 22740 net.cpp:444] res4b6_relu <- res4b6
I1107 01:40:23.627867 22740 net.cpp:405] res4b6_relu -> res4b6 (in-place)
I1107 01:40:23.628080 22740 net.cpp:150] Setting up res4b6_relu
I1107 01:40:23.628089 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.628092 22740 net.cpp:165] Memory required for data: 2732372820
I1107 01:40:23.628094 22740 layer_factory.hpp:77] Creating layer res4b6_res4b6_relu_0_split
I1107 01:40:23.628100 22740 net.cpp:100] Creating Layer res4b6_res4b6_relu_0_split
I1107 01:40:23.628103 22740 net.cpp:444] res4b6_res4b6_relu_0_split <- res4b6
I1107 01:40:23.628110 22740 net.cpp:418] res4b6_res4b6_relu_0_split -> res4b6_res4b6_relu_0_split_0
I1107 01:40:23.628118 22740 net.cpp:418] res4b6_res4b6_relu_0_split -> res4b6_res4b6_relu_0_split_1
I1107 01:40:23.628188 22740 net.cpp:150] Setting up res4b6_res4b6_relu_0_split
I1107 01:40:23.628195 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.628197 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.628199 22740 net.cpp:165] Memory required for data: 2751984468
I1107 01:40:23.628202 22740 layer_factory.hpp:77] Creating layer res4b7_branch2a
I1107 01:40:23.628211 22740 net.cpp:100] Creating Layer res4b7_branch2a
I1107 01:40:23.628216 22740 net.cpp:444] res4b7_branch2a <- res4b6_res4b6_relu_0_split_0
I1107 01:40:23.628222 22740 net.cpp:418] res4b7_branch2a -> res4b7_branch2a
I1107 01:40:23.629736 22740 net.cpp:150] Setting up res4b7_branch2a
I1107 01:40:23.629748 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.629750 22740 net.cpp:165] Memory required for data: 2754435924
I1107 01:40:23.629773 22740 layer_factory.hpp:77] Creating layer bn4b7_branch2a
I1107 01:40:23.629781 22740 net.cpp:100] Creating Layer bn4b7_branch2a
I1107 01:40:23.629783 22740 net.cpp:444] bn4b7_branch2a <- res4b7_branch2a
I1107 01:40:23.629791 22740 net.cpp:405] bn4b7_branch2a -> res4b7_branch2a (in-place)
I1107 01:40:23.630157 22740 net.cpp:150] Setting up bn4b7_branch2a
I1107 01:40:23.630165 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.630168 22740 net.cpp:165] Memory required for data: 2756887380
I1107 01:40:23.630174 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2a
I1107 01:40:23.630182 22740 net.cpp:100] Creating Layer scale4b7_branch2a
I1107 01:40:23.630187 22740 net.cpp:444] scale4b7_branch2a <- res4b7_branch2a
I1107 01:40:23.630192 22740 net.cpp:405] scale4b7_branch2a -> res4b7_branch2a (in-place)
I1107 01:40:23.630256 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2a
I1107 01:40:23.630471 22740 net.cpp:150] Setting up scale4b7_branch2a
I1107 01:40:23.630478 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.630481 22740 net.cpp:165] Memory required for data: 2759338836
I1107 01:40:23.630486 22740 layer_factory.hpp:77] Creating layer res4b7_branch2a_relu
I1107 01:40:23.630493 22740 net.cpp:100] Creating Layer res4b7_branch2a_relu
I1107 01:40:23.630497 22740 net.cpp:444] res4b7_branch2a_relu <- res4b7_branch2a
I1107 01:40:23.630502 22740 net.cpp:405] res4b7_branch2a_relu -> res4b7_branch2a (in-place)
I1107 01:40:23.630676 22740 net.cpp:150] Setting up res4b7_branch2a_relu
I1107 01:40:23.630699 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.630702 22740 net.cpp:165] Memory required for data: 2761790292
I1107 01:40:23.630705 22740 layer_factory.hpp:77] Creating layer res4b7_branch2b
I1107 01:40:23.630714 22740 net.cpp:100] Creating Layer res4b7_branch2b
I1107 01:40:23.630718 22740 net.cpp:444] res4b7_branch2b <- res4b7_branch2a
I1107 01:40:23.630725 22740 net.cpp:418] res4b7_branch2b -> res4b7_branch2b
I1107 01:40:23.634302 22740 net.cpp:150] Setting up res4b7_branch2b
I1107 01:40:23.634315 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.634317 22740 net.cpp:165] Memory required for data: 2764241748
I1107 01:40:23.634321 22740 layer_factory.hpp:77] Creating layer bn4b7_branch2b
I1107 01:40:23.634330 22740 net.cpp:100] Creating Layer bn4b7_branch2b
I1107 01:40:23.634333 22740 net.cpp:444] bn4b7_branch2b <- res4b7_branch2b
I1107 01:40:23.634340 22740 net.cpp:405] bn4b7_branch2b -> res4b7_branch2b (in-place)
I1107 01:40:23.634707 22740 net.cpp:150] Setting up bn4b7_branch2b
I1107 01:40:23.634714 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.634716 22740 net.cpp:165] Memory required for data: 2766693204
I1107 01:40:23.634740 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2b
I1107 01:40:23.634747 22740 net.cpp:100] Creating Layer scale4b7_branch2b
I1107 01:40:23.634750 22740 net.cpp:444] scale4b7_branch2b <- res4b7_branch2b
I1107 01:40:23.634757 22740 net.cpp:405] scale4b7_branch2b -> res4b7_branch2b (in-place)
I1107 01:40:23.634819 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2b
I1107 01:40:23.635015 22740 net.cpp:150] Setting up scale4b7_branch2b
I1107 01:40:23.635022 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.635025 22740 net.cpp:165] Memory required for data: 2769144660
I1107 01:40:23.635030 22740 layer_factory.hpp:77] Creating layer res4b7_branch2b_relu
I1107 01:40:23.635035 22740 net.cpp:100] Creating Layer res4b7_branch2b_relu
I1107 01:40:23.635038 22740 net.cpp:444] res4b7_branch2b_relu <- res4b7_branch2b
I1107 01:40:23.635045 22740 net.cpp:405] res4b7_branch2b_relu -> res4b7_branch2b (in-place)
I1107 01:40:23.635329 22740 net.cpp:150] Setting up res4b7_branch2b_relu
I1107 01:40:23.635339 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.635341 22740 net.cpp:165] Memory required for data: 2771596116
I1107 01:40:23.635344 22740 layer_factory.hpp:77] Creating layer res4b7_branch2c
I1107 01:40:23.635355 22740 net.cpp:100] Creating Layer res4b7_branch2c
I1107 01:40:23.635360 22740 net.cpp:444] res4b7_branch2c <- res4b7_branch2b
I1107 01:40:23.635368 22740 net.cpp:418] res4b7_branch2c -> res4b7_branch2c
I1107 01:40:23.638283 22740 net.cpp:150] Setting up res4b7_branch2c
I1107 01:40:23.638295 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.638298 22740 net.cpp:165] Memory required for data: 2781401940
I1107 01:40:23.638304 22740 layer_factory.hpp:77] Creating layer bn4b7_branch2c
I1107 01:40:23.638311 22740 net.cpp:100] Creating Layer bn4b7_branch2c
I1107 01:40:23.638314 22740 net.cpp:444] bn4b7_branch2c <- res4b7_branch2c
I1107 01:40:23.638322 22740 net.cpp:405] bn4b7_branch2c -> res4b7_branch2c (in-place)
I1107 01:40:23.638721 22740 net.cpp:150] Setting up bn4b7_branch2c
I1107 01:40:23.638728 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.638731 22740 net.cpp:165] Memory required for data: 2791207764
I1107 01:40:23.638754 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2c
I1107 01:40:23.638761 22740 net.cpp:100] Creating Layer scale4b7_branch2c
I1107 01:40:23.638764 22740 net.cpp:444] scale4b7_branch2c <- res4b7_branch2c
I1107 01:40:23.638770 22740 net.cpp:405] scale4b7_branch2c -> res4b7_branch2c (in-place)
I1107 01:40:23.638829 22740 layer_factory.hpp:77] Creating layer scale4b7_branch2c
I1107 01:40:23.639080 22740 net.cpp:150] Setting up scale4b7_branch2c
I1107 01:40:23.639104 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.639107 22740 net.cpp:165] Memory required for data: 2801013588
I1107 01:40:23.639112 22740 layer_factory.hpp:77] Creating layer res4b7
I1107 01:40:23.639120 22740 net.cpp:100] Creating Layer res4b7
I1107 01:40:23.639124 22740 net.cpp:444] res4b7 <- res4b6_res4b6_relu_0_split_1
I1107 01:40:23.639128 22740 net.cpp:444] res4b7 <- res4b7_branch2c
I1107 01:40:23.639134 22740 net.cpp:418] res4b7 -> res4b7
I1107 01:40:23.639194 22740 net.cpp:150] Setting up res4b7
I1107 01:40:23.639201 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.639204 22740 net.cpp:165] Memory required for data: 2810819412
I1107 01:40:23.639206 22740 layer_factory.hpp:77] Creating layer res4b7_relu
I1107 01:40:23.639212 22740 net.cpp:100] Creating Layer res4b7_relu
I1107 01:40:23.639215 22740 net.cpp:444] res4b7_relu <- res4b7
I1107 01:40:23.639221 22740 net.cpp:405] res4b7_relu -> res4b7 (in-place)
I1107 01:40:23.639914 22740 net.cpp:150] Setting up res4b7_relu
I1107 01:40:23.639925 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.639927 22740 net.cpp:165] Memory required for data: 2820625236
I1107 01:40:23.639948 22740 layer_factory.hpp:77] Creating layer res4b7_res4b7_relu_0_split
I1107 01:40:23.639955 22740 net.cpp:100] Creating Layer res4b7_res4b7_relu_0_split
I1107 01:40:23.639957 22740 net.cpp:444] res4b7_res4b7_relu_0_split <- res4b7
I1107 01:40:23.639963 22740 net.cpp:418] res4b7_res4b7_relu_0_split -> res4b7_res4b7_relu_0_split_0
I1107 01:40:23.639971 22740 net.cpp:418] res4b7_res4b7_relu_0_split -> res4b7_res4b7_relu_0_split_1
I1107 01:40:23.640040 22740 net.cpp:150] Setting up res4b7_res4b7_relu_0_split
I1107 01:40:23.640048 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.640050 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.640053 22740 net.cpp:165] Memory required for data: 2840236884
I1107 01:40:23.640054 22740 layer_factory.hpp:77] Creating layer res4b8_branch2a
I1107 01:40:23.640064 22740 net.cpp:100] Creating Layer res4b8_branch2a
I1107 01:40:23.640069 22740 net.cpp:444] res4b8_branch2a <- res4b7_res4b7_relu_0_split_0
I1107 01:40:23.640074 22740 net.cpp:418] res4b8_branch2a -> res4b8_branch2a
I1107 01:40:23.641196 22740 net.cpp:150] Setting up res4b8_branch2a
I1107 01:40:23.641206 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.641208 22740 net.cpp:165] Memory required for data: 2842688340
I1107 01:40:23.641230 22740 layer_factory.hpp:77] Creating layer bn4b8_branch2a
I1107 01:40:23.641238 22740 net.cpp:100] Creating Layer bn4b8_branch2a
I1107 01:40:23.641242 22740 net.cpp:444] bn4b8_branch2a <- res4b8_branch2a
I1107 01:40:23.641264 22740 net.cpp:405] bn4b8_branch2a -> res4b8_branch2a (in-place)
I1107 01:40:23.641660 22740 net.cpp:150] Setting up bn4b8_branch2a
I1107 01:40:23.641685 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.641686 22740 net.cpp:165] Memory required for data: 2845139796
I1107 01:40:23.641710 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2a
I1107 01:40:23.641718 22740 net.cpp:100] Creating Layer scale4b8_branch2a
I1107 01:40:23.641721 22740 net.cpp:444] scale4b8_branch2a <- res4b8_branch2a
I1107 01:40:23.641727 22740 net.cpp:405] scale4b8_branch2a -> res4b8_branch2a (in-place)
I1107 01:40:23.641791 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2a
I1107 01:40:23.641997 22740 net.cpp:150] Setting up scale4b8_branch2a
I1107 01:40:23.642004 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.642007 22740 net.cpp:165] Memory required for data: 2847591252
I1107 01:40:23.642012 22740 layer_factory.hpp:77] Creating layer res4b8_branch2a_relu
I1107 01:40:23.642017 22740 net.cpp:100] Creating Layer res4b8_branch2a_relu
I1107 01:40:23.642022 22740 net.cpp:444] res4b8_branch2a_relu <- res4b8_branch2a
I1107 01:40:23.642027 22740 net.cpp:405] res4b8_branch2a_relu -> res4b8_branch2a (in-place)
I1107 01:40:23.642604 22740 net.cpp:150] Setting up res4b8_branch2a_relu
I1107 01:40:23.642616 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.642619 22740 net.cpp:165] Memory required for data: 2850042708
I1107 01:40:23.642622 22740 layer_factory.hpp:77] Creating layer res4b8_branch2b
I1107 01:40:23.642632 22740 net.cpp:100] Creating Layer res4b8_branch2b
I1107 01:40:23.642637 22740 net.cpp:444] res4b8_branch2b <- res4b8_branch2a
I1107 01:40:23.642644 22740 net.cpp:418] res4b8_branch2b -> res4b8_branch2b
I1107 01:40:23.646281 22740 net.cpp:150] Setting up res4b8_branch2b
I1107 01:40:23.646293 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.646296 22740 net.cpp:165] Memory required for data: 2852494164
I1107 01:40:23.646301 22740 layer_factory.hpp:77] Creating layer bn4b8_branch2b
I1107 01:40:23.646307 22740 net.cpp:100] Creating Layer bn4b8_branch2b
I1107 01:40:23.646311 22740 net.cpp:444] bn4b8_branch2b <- res4b8_branch2b
I1107 01:40:23.646317 22740 net.cpp:405] bn4b8_branch2b -> res4b8_branch2b (in-place)
I1107 01:40:23.646692 22740 net.cpp:150] Setting up bn4b8_branch2b
I1107 01:40:23.646700 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.646703 22740 net.cpp:165] Memory required for data: 2854945620
I1107 01:40:23.646726 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2b
I1107 01:40:23.646733 22740 net.cpp:100] Creating Layer scale4b8_branch2b
I1107 01:40:23.646735 22740 net.cpp:444] scale4b8_branch2b <- res4b8_branch2b
I1107 01:40:23.646741 22740 net.cpp:405] scale4b8_branch2b -> res4b8_branch2b (in-place)
I1107 01:40:23.646802 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2b
I1107 01:40:23.647003 22740 net.cpp:150] Setting up scale4b8_branch2b
I1107 01:40:23.647011 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.647013 22740 net.cpp:165] Memory required for data: 2857397076
I1107 01:40:23.647017 22740 layer_factory.hpp:77] Creating layer res4b8_branch2b_relu
I1107 01:40:23.647024 22740 net.cpp:100] Creating Layer res4b8_branch2b_relu
I1107 01:40:23.647028 22740 net.cpp:444] res4b8_branch2b_relu <- res4b8_branch2b
I1107 01:40:23.647033 22740 net.cpp:405] res4b8_branch2b_relu -> res4b8_branch2b (in-place)
I1107 01:40:23.647359 22740 net.cpp:150] Setting up res4b8_branch2b_relu
I1107 01:40:23.647369 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.647372 22740 net.cpp:165] Memory required for data: 2859848532
I1107 01:40:23.647375 22740 layer_factory.hpp:77] Creating layer res4b8_branch2c
I1107 01:40:23.647385 22740 net.cpp:100] Creating Layer res4b8_branch2c
I1107 01:40:23.647388 22740 net.cpp:444] res4b8_branch2c <- res4b8_branch2b
I1107 01:40:23.647395 22740 net.cpp:418] res4b8_branch2c -> res4b8_branch2c
I1107 01:40:23.650441 22740 net.cpp:150] Setting up res4b8_branch2c
I1107 01:40:23.650454 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.650457 22740 net.cpp:165] Memory required for data: 2869654356
I1107 01:40:23.650461 22740 layer_factory.hpp:77] Creating layer bn4b8_branch2c
I1107 01:40:23.650470 22740 net.cpp:100] Creating Layer bn4b8_branch2c
I1107 01:40:23.650472 22740 net.cpp:444] bn4b8_branch2c <- res4b8_branch2c
I1107 01:40:23.650478 22740 net.cpp:405] bn4b8_branch2c -> res4b8_branch2c (in-place)
I1107 01:40:23.650873 22740 net.cpp:150] Setting up bn4b8_branch2c
I1107 01:40:23.650882 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.650883 22740 net.cpp:165] Memory required for data: 2879460180
I1107 01:40:23.650907 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2c
I1107 01:40:23.650914 22740 net.cpp:100] Creating Layer scale4b8_branch2c
I1107 01:40:23.650918 22740 net.cpp:444] scale4b8_branch2c <- res4b8_branch2c
I1107 01:40:23.650924 22740 net.cpp:405] scale4b8_branch2c -> res4b8_branch2c (in-place)
I1107 01:40:23.650985 22740 layer_factory.hpp:77] Creating layer scale4b8_branch2c
I1107 01:40:23.651233 22740 net.cpp:150] Setting up scale4b8_branch2c
I1107 01:40:23.651242 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.651245 22740 net.cpp:165] Memory required for data: 2889266004
I1107 01:40:23.651250 22740 layer_factory.hpp:77] Creating layer res4b8
I1107 01:40:23.651257 22740 net.cpp:100] Creating Layer res4b8
I1107 01:40:23.651262 22740 net.cpp:444] res4b8 <- res4b7_res4b7_relu_0_split_1
I1107 01:40:23.651265 22740 net.cpp:444] res4b8 <- res4b8_branch2c
I1107 01:40:23.651270 22740 net.cpp:418] res4b8 -> res4b8
I1107 01:40:23.651314 22740 net.cpp:150] Setting up res4b8
I1107 01:40:23.651320 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.651322 22740 net.cpp:165] Memory required for data: 2899071828
I1107 01:40:23.651325 22740 layer_factory.hpp:77] Creating layer res4b8_relu
I1107 01:40:23.651330 22740 net.cpp:100] Creating Layer res4b8_relu
I1107 01:40:23.651334 22740 net.cpp:444] res4b8_relu <- res4b8
I1107 01:40:23.651338 22740 net.cpp:405] res4b8_relu -> res4b8 (in-place)
I1107 01:40:23.651603 22740 net.cpp:150] Setting up res4b8_relu
I1107 01:40:23.651615 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.651619 22740 net.cpp:165] Memory required for data: 2908877652
I1107 01:40:23.651623 22740 layer_factory.hpp:77] Creating layer res4b8_res4b8_relu_0_split
I1107 01:40:23.651629 22740 net.cpp:100] Creating Layer res4b8_res4b8_relu_0_split
I1107 01:40:23.651633 22740 net.cpp:444] res4b8_res4b8_relu_0_split <- res4b8
I1107 01:40:23.651639 22740 net.cpp:418] res4b8_res4b8_relu_0_split -> res4b8_res4b8_relu_0_split_0
I1107 01:40:23.651646 22740 net.cpp:418] res4b8_res4b8_relu_0_split -> res4b8_res4b8_relu_0_split_1
I1107 01:40:23.651716 22740 net.cpp:150] Setting up res4b8_res4b8_relu_0_split
I1107 01:40:23.651724 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.651729 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.651731 22740 net.cpp:165] Memory required for data: 2928489300
I1107 01:40:23.651734 22740 layer_factory.hpp:77] Creating layer res4b9_branch2a
I1107 01:40:23.651746 22740 net.cpp:100] Creating Layer res4b9_branch2a
I1107 01:40:23.651751 22740 net.cpp:444] res4b9_branch2a <- res4b8_res4b8_relu_0_split_0
I1107 01:40:23.651757 22740 net.cpp:418] res4b9_branch2a -> res4b9_branch2a
I1107 01:40:23.653234 22740 net.cpp:150] Setting up res4b9_branch2a
I1107 01:40:23.653245 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.653247 22740 net.cpp:165] Memory required for data: 2930940756
I1107 01:40:23.653270 22740 layer_factory.hpp:77] Creating layer bn4b9_branch2a
I1107 01:40:23.653277 22740 net.cpp:100] Creating Layer bn4b9_branch2a
I1107 01:40:23.653295 22740 net.cpp:444] bn4b9_branch2a <- res4b9_branch2a
I1107 01:40:23.653301 22740 net.cpp:405] bn4b9_branch2a -> res4b9_branch2a (in-place)
I1107 01:40:23.653662 22740 net.cpp:150] Setting up bn4b9_branch2a
I1107 01:40:23.653669 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.653671 22740 net.cpp:165] Memory required for data: 2933392212
I1107 01:40:23.653695 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2a
I1107 01:40:23.653717 22740 net.cpp:100] Creating Layer scale4b9_branch2a
I1107 01:40:23.653720 22740 net.cpp:444] scale4b9_branch2a <- res4b9_branch2a
I1107 01:40:23.653726 22740 net.cpp:405] scale4b9_branch2a -> res4b9_branch2a (in-place)
I1107 01:40:23.653805 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2a
I1107 01:40:23.654006 22740 net.cpp:150] Setting up scale4b9_branch2a
I1107 01:40:23.654012 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.654014 22740 net.cpp:165] Memory required for data: 2935843668
I1107 01:40:23.654019 22740 layer_factory.hpp:77] Creating layer res4b9_branch2a_relu
I1107 01:40:23.654024 22740 net.cpp:100] Creating Layer res4b9_branch2a_relu
I1107 01:40:23.654028 22740 net.cpp:444] res4b9_branch2a_relu <- res4b9_branch2a
I1107 01:40:23.654032 22740 net.cpp:405] res4b9_branch2a_relu -> res4b9_branch2a (in-place)
I1107 01:40:23.654206 22740 net.cpp:150] Setting up res4b9_branch2a_relu
I1107 01:40:23.654214 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.654217 22740 net.cpp:165] Memory required for data: 2938295124
I1107 01:40:23.654219 22740 layer_factory.hpp:77] Creating layer res4b9_branch2b
I1107 01:40:23.654228 22740 net.cpp:100] Creating Layer res4b9_branch2b
I1107 01:40:23.654232 22740 net.cpp:444] res4b9_branch2b <- res4b9_branch2a
I1107 01:40:23.654240 22740 net.cpp:418] res4b9_branch2b -> res4b9_branch2b
I1107 01:40:23.657907 22740 net.cpp:150] Setting up res4b9_branch2b
I1107 01:40:23.657919 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.657922 22740 net.cpp:165] Memory required for data: 2940746580
I1107 01:40:23.657927 22740 layer_factory.hpp:77] Creating layer bn4b9_branch2b
I1107 01:40:23.657934 22740 net.cpp:100] Creating Layer bn4b9_branch2b
I1107 01:40:23.657938 22740 net.cpp:444] bn4b9_branch2b <- res4b9_branch2b
I1107 01:40:23.657944 22740 net.cpp:405] bn4b9_branch2b -> res4b9_branch2b (in-place)
I1107 01:40:23.658319 22740 net.cpp:150] Setting up bn4b9_branch2b
I1107 01:40:23.658326 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.658329 22740 net.cpp:165] Memory required for data: 2943198036
I1107 01:40:23.658352 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2b
I1107 01:40:23.658360 22740 net.cpp:100] Creating Layer scale4b9_branch2b
I1107 01:40:23.658362 22740 net.cpp:444] scale4b9_branch2b <- res4b9_branch2b
I1107 01:40:23.658367 22740 net.cpp:405] scale4b9_branch2b -> res4b9_branch2b (in-place)
I1107 01:40:23.658433 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2b
I1107 01:40:23.658651 22740 net.cpp:150] Setting up scale4b9_branch2b
I1107 01:40:23.658658 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.658660 22740 net.cpp:165] Memory required for data: 2945649492
I1107 01:40:23.658666 22740 layer_factory.hpp:77] Creating layer res4b9_branch2b_relu
I1107 01:40:23.658671 22740 net.cpp:100] Creating Layer res4b9_branch2b_relu
I1107 01:40:23.658676 22740 net.cpp:444] res4b9_branch2b_relu <- res4b9_branch2b
I1107 01:40:23.658680 22740 net.cpp:405] res4b9_branch2b_relu -> res4b9_branch2b (in-place)
I1107 01:40:23.658915 22740 net.cpp:150] Setting up res4b9_branch2b_relu
I1107 01:40:23.658923 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.658926 22740 net.cpp:165] Memory required for data: 2948100948
I1107 01:40:23.658929 22740 layer_factory.hpp:77] Creating layer res4b9_branch2c
I1107 01:40:23.658957 22740 net.cpp:100] Creating Layer res4b9_branch2c
I1107 01:40:23.658962 22740 net.cpp:444] res4b9_branch2c <- res4b9_branch2b
I1107 01:40:23.658968 22740 net.cpp:418] res4b9_branch2c -> res4b9_branch2c
I1107 01:40:23.662147 22740 net.cpp:150] Setting up res4b9_branch2c
I1107 01:40:23.662159 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.662163 22740 net.cpp:165] Memory required for data: 2957906772
I1107 01:40:23.662168 22740 layer_factory.hpp:77] Creating layer bn4b9_branch2c
I1107 01:40:23.662174 22740 net.cpp:100] Creating Layer bn4b9_branch2c
I1107 01:40:23.662178 22740 net.cpp:444] bn4b9_branch2c <- res4b9_branch2c
I1107 01:40:23.662184 22740 net.cpp:405] bn4b9_branch2c -> res4b9_branch2c (in-place)
I1107 01:40:23.662564 22740 net.cpp:150] Setting up bn4b9_branch2c
I1107 01:40:23.662570 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.662572 22740 net.cpp:165] Memory required for data: 2967712596
I1107 01:40:23.662596 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2c
I1107 01:40:23.662603 22740 net.cpp:100] Creating Layer scale4b9_branch2c
I1107 01:40:23.662606 22740 net.cpp:444] scale4b9_branch2c <- res4b9_branch2c
I1107 01:40:23.662612 22740 net.cpp:405] scale4b9_branch2c -> res4b9_branch2c (in-place)
I1107 01:40:23.662672 22740 layer_factory.hpp:77] Creating layer scale4b9_branch2c
I1107 01:40:23.662888 22740 net.cpp:150] Setting up scale4b9_branch2c
I1107 01:40:23.662895 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.662899 22740 net.cpp:165] Memory required for data: 2977518420
I1107 01:40:23.662902 22740 layer_factory.hpp:77] Creating layer res4b9
I1107 01:40:23.662910 22740 net.cpp:100] Creating Layer res4b9
I1107 01:40:23.662914 22740 net.cpp:444] res4b9 <- res4b8_res4b8_relu_0_split_1
I1107 01:40:23.662919 22740 net.cpp:444] res4b9 <- res4b9_branch2c
I1107 01:40:23.662924 22740 net.cpp:418] res4b9 -> res4b9
I1107 01:40:23.662966 22740 net.cpp:150] Setting up res4b9
I1107 01:40:23.662971 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.662973 22740 net.cpp:165] Memory required for data: 2987324244
I1107 01:40:23.662976 22740 layer_factory.hpp:77] Creating layer res4b9_relu
I1107 01:40:23.662982 22740 net.cpp:100] Creating Layer res4b9_relu
I1107 01:40:23.662986 22740 net.cpp:444] res4b9_relu <- res4b9
I1107 01:40:23.662991 22740 net.cpp:405] res4b9_relu -> res4b9 (in-place)
I1107 01:40:23.663660 22740 net.cpp:150] Setting up res4b9_relu
I1107 01:40:23.663671 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.663673 22740 net.cpp:165] Memory required for data: 2997130068
I1107 01:40:23.663694 22740 layer_factory.hpp:77] Creating layer res4b9_res4b9_relu_0_split
I1107 01:40:23.663707 22740 net.cpp:100] Creating Layer res4b9_res4b9_relu_0_split
I1107 01:40:23.663709 22740 net.cpp:444] res4b9_res4b9_relu_0_split <- res4b9
I1107 01:40:23.663715 22740 net.cpp:418] res4b9_res4b9_relu_0_split -> res4b9_res4b9_relu_0_split_0
I1107 01:40:23.663722 22740 net.cpp:418] res4b9_res4b9_relu_0_split -> res4b9_res4b9_relu_0_split_1
I1107 01:40:23.663810 22740 net.cpp:150] Setting up res4b9_res4b9_relu_0_split
I1107 01:40:23.663817 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.663820 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.663823 22740 net.cpp:165] Memory required for data: 3016741716
I1107 01:40:23.663825 22740 layer_factory.hpp:77] Creating layer res4b10_branch2a
I1107 01:40:23.663835 22740 net.cpp:100] Creating Layer res4b10_branch2a
I1107 01:40:23.663838 22740 net.cpp:444] res4b10_branch2a <- res4b9_res4b9_relu_0_split_0
I1107 01:40:23.663846 22740 net.cpp:418] res4b10_branch2a -> res4b10_branch2a
I1107 01:40:23.664929 22740 net.cpp:150] Setting up res4b10_branch2a
I1107 01:40:23.664942 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.664944 22740 net.cpp:165] Memory required for data: 3019193172
I1107 01:40:23.664968 22740 layer_factory.hpp:77] Creating layer bn4b10_branch2a
I1107 01:40:23.664993 22740 net.cpp:100] Creating Layer bn4b10_branch2a
I1107 01:40:23.664996 22740 net.cpp:444] bn4b10_branch2a <- res4b10_branch2a
I1107 01:40:23.665001 22740 net.cpp:405] bn4b10_branch2a -> res4b10_branch2a (in-place)
I1107 01:40:23.665391 22740 net.cpp:150] Setting up bn4b10_branch2a
I1107 01:40:23.665398 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.665401 22740 net.cpp:165] Memory required for data: 3021644628
I1107 01:40:23.665408 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2a
I1107 01:40:23.665416 22740 net.cpp:100] Creating Layer scale4b10_branch2a
I1107 01:40:23.665421 22740 net.cpp:444] scale4b10_branch2a <- res4b10_branch2a
I1107 01:40:23.665427 22740 net.cpp:405] scale4b10_branch2a -> res4b10_branch2a (in-place)
I1107 01:40:23.665494 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2a
I1107 01:40:23.665716 22740 net.cpp:150] Setting up scale4b10_branch2a
I1107 01:40:23.665724 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.665726 22740 net.cpp:165] Memory required for data: 3024096084
I1107 01:40:23.665732 22740 layer_factory.hpp:77] Creating layer res4b10_branch2a_relu
I1107 01:40:23.665738 22740 net.cpp:100] Creating Layer res4b10_branch2a_relu
I1107 01:40:23.665741 22740 net.cpp:444] res4b10_branch2a_relu <- res4b10_branch2a
I1107 01:40:23.665746 22740 net.cpp:405] res4b10_branch2a_relu -> res4b10_branch2a (in-place)
I1107 01:40:23.666371 22740 net.cpp:150] Setting up res4b10_branch2a_relu
I1107 01:40:23.666383 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.666386 22740 net.cpp:165] Memory required for data: 3026547540
I1107 01:40:23.666389 22740 layer_factory.hpp:77] Creating layer res4b10_branch2b
I1107 01:40:23.666399 22740 net.cpp:100] Creating Layer res4b10_branch2b
I1107 01:40:23.666404 22740 net.cpp:444] res4b10_branch2b <- res4b10_branch2a
I1107 01:40:23.666411 22740 net.cpp:418] res4b10_branch2b -> res4b10_branch2b
I1107 01:40:23.670505 22740 net.cpp:150] Setting up res4b10_branch2b
I1107 01:40:23.670516 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.670537 22740 net.cpp:165] Memory required for data: 3028998996
I1107 01:40:23.670542 22740 layer_factory.hpp:77] Creating layer bn4b10_branch2b
I1107 01:40:23.670552 22740 net.cpp:100] Creating Layer bn4b10_branch2b
I1107 01:40:23.670554 22740 net.cpp:444] bn4b10_branch2b <- res4b10_branch2b
I1107 01:40:23.670578 22740 net.cpp:405] bn4b10_branch2b -> res4b10_branch2b (in-place)
I1107 01:40:23.670953 22740 net.cpp:150] Setting up bn4b10_branch2b
I1107 01:40:23.670960 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.670964 22740 net.cpp:165] Memory required for data: 3031450452
I1107 01:40:23.670986 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2b
I1107 01:40:23.670994 22740 net.cpp:100] Creating Layer scale4b10_branch2b
I1107 01:40:23.670997 22740 net.cpp:444] scale4b10_branch2b <- res4b10_branch2b
I1107 01:40:23.671003 22740 net.cpp:405] scale4b10_branch2b -> res4b10_branch2b (in-place)
I1107 01:40:23.671133 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2b
I1107 01:40:23.671346 22740 net.cpp:150] Setting up scale4b10_branch2b
I1107 01:40:23.671353 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.671356 22740 net.cpp:165] Memory required for data: 3033901908
I1107 01:40:23.671361 22740 layer_factory.hpp:77] Creating layer res4b10_branch2b_relu
I1107 01:40:23.671386 22740 net.cpp:100] Creating Layer res4b10_branch2b_relu
I1107 01:40:23.671391 22740 net.cpp:444] res4b10_branch2b_relu <- res4b10_branch2b
I1107 01:40:23.671412 22740 net.cpp:405] res4b10_branch2b_relu -> res4b10_branch2b (in-place)
I1107 01:40:23.671607 22740 net.cpp:150] Setting up res4b10_branch2b_relu
I1107 01:40:23.671615 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.671617 22740 net.cpp:165] Memory required for data: 3036353364
I1107 01:40:23.671620 22740 layer_factory.hpp:77] Creating layer res4b10_branch2c
I1107 01:40:23.671629 22740 net.cpp:100] Creating Layer res4b10_branch2c
I1107 01:40:23.671633 22740 net.cpp:444] res4b10_branch2c <- res4b10_branch2b
I1107 01:40:23.671640 22740 net.cpp:418] res4b10_branch2c -> res4b10_branch2c
I1107 01:40:23.674553 22740 net.cpp:150] Setting up res4b10_branch2c
I1107 01:40:23.674566 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.674567 22740 net.cpp:165] Memory required for data: 3046159188
I1107 01:40:23.674592 22740 layer_factory.hpp:77] Creating layer bn4b10_branch2c
I1107 01:40:23.674598 22740 net.cpp:100] Creating Layer bn4b10_branch2c
I1107 01:40:23.674602 22740 net.cpp:444] bn4b10_branch2c <- res4b10_branch2c
I1107 01:40:23.674608 22740 net.cpp:405] bn4b10_branch2c -> res4b10_branch2c (in-place)
I1107 01:40:23.675001 22740 net.cpp:150] Setting up bn4b10_branch2c
I1107 01:40:23.675009 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675010 22740 net.cpp:165] Memory required for data: 3055965012
I1107 01:40:23.675034 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2c
I1107 01:40:23.675041 22740 net.cpp:100] Creating Layer scale4b10_branch2c
I1107 01:40:23.675045 22740 net.cpp:444] scale4b10_branch2c <- res4b10_branch2c
I1107 01:40:23.675055 22740 net.cpp:405] scale4b10_branch2c -> res4b10_branch2c (in-place)
I1107 01:40:23.675159 22740 layer_factory.hpp:77] Creating layer scale4b10_branch2c
I1107 01:40:23.675403 22740 net.cpp:150] Setting up scale4b10_branch2c
I1107 01:40:23.675411 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675415 22740 net.cpp:165] Memory required for data: 3065770836
I1107 01:40:23.675420 22740 layer_factory.hpp:77] Creating layer res4b10
I1107 01:40:23.675426 22740 net.cpp:100] Creating Layer res4b10
I1107 01:40:23.675431 22740 net.cpp:444] res4b10 <- res4b9_res4b9_relu_0_split_1
I1107 01:40:23.675434 22740 net.cpp:444] res4b10 <- res4b10_branch2c
I1107 01:40:23.675441 22740 net.cpp:418] res4b10 -> res4b10
I1107 01:40:23.675482 22740 net.cpp:150] Setting up res4b10
I1107 01:40:23.675487 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675505 22740 net.cpp:165] Memory required for data: 3075576660
I1107 01:40:23.675508 22740 layer_factory.hpp:77] Creating layer res4b10_relu
I1107 01:40:23.675514 22740 net.cpp:100] Creating Layer res4b10_relu
I1107 01:40:23.675518 22740 net.cpp:444] res4b10_relu <- res4b10
I1107 01:40:23.675523 22740 net.cpp:405] res4b10_relu -> res4b10 (in-place)
I1107 01:40:23.675740 22740 net.cpp:150] Setting up res4b10_relu
I1107 01:40:23.675750 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675751 22740 net.cpp:165] Memory required for data: 3085382484
I1107 01:40:23.675755 22740 layer_factory.hpp:77] Creating layer res4b10_res4b10_relu_0_split
I1107 01:40:23.675760 22740 net.cpp:100] Creating Layer res4b10_res4b10_relu_0_split
I1107 01:40:23.675765 22740 net.cpp:444] res4b10_res4b10_relu_0_split <- res4b10
I1107 01:40:23.675771 22740 net.cpp:418] res4b10_res4b10_relu_0_split -> res4b10_res4b10_relu_0_split_0
I1107 01:40:23.675777 22740 net.cpp:418] res4b10_res4b10_relu_0_split -> res4b10_res4b10_relu_0_split_1
I1107 01:40:23.675851 22740 net.cpp:150] Setting up res4b10_res4b10_relu_0_split
I1107 01:40:23.675859 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675863 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.675864 22740 net.cpp:165] Memory required for data: 3104994132
I1107 01:40:23.675868 22740 layer_factory.hpp:77] Creating layer res4b11_branch2a
I1107 01:40:23.675876 22740 net.cpp:100] Creating Layer res4b11_branch2a
I1107 01:40:23.675880 22740 net.cpp:444] res4b11_branch2a <- res4b10_res4b10_relu_0_split_0
I1107 01:40:23.675889 22740 net.cpp:418] res4b11_branch2a -> res4b11_branch2a
I1107 01:40:23.677397 22740 net.cpp:150] Setting up res4b11_branch2a
I1107 01:40:23.677408 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.677410 22740 net.cpp:165] Memory required for data: 3107445588
I1107 01:40:23.677433 22740 layer_factory.hpp:77] Creating layer bn4b11_branch2a
I1107 01:40:23.677440 22740 net.cpp:100] Creating Layer bn4b11_branch2a
I1107 01:40:23.677443 22740 net.cpp:444] bn4b11_branch2a <- res4b11_branch2a
I1107 01:40:23.677449 22740 net.cpp:405] bn4b11_branch2a -> res4b11_branch2a (in-place)
I1107 01:40:23.677870 22740 net.cpp:150] Setting up bn4b11_branch2a
I1107 01:40:23.677880 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.677881 22740 net.cpp:165] Memory required for data: 3109897044
I1107 01:40:23.677906 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2a
I1107 01:40:23.677912 22740 net.cpp:100] Creating Layer scale4b11_branch2a
I1107 01:40:23.677917 22740 net.cpp:444] scale4b11_branch2a <- res4b11_branch2a
I1107 01:40:23.677922 22740 net.cpp:405] scale4b11_branch2a -> res4b11_branch2a (in-place)
I1107 01:40:23.678021 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2a
I1107 01:40:23.678228 22740 net.cpp:150] Setting up scale4b11_branch2a
I1107 01:40:23.678236 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.678238 22740 net.cpp:165] Memory required for data: 3112348500
I1107 01:40:23.678243 22740 layer_factory.hpp:77] Creating layer res4b11_branch2a_relu
I1107 01:40:23.678248 22740 net.cpp:100] Creating Layer res4b11_branch2a_relu
I1107 01:40:23.678252 22740 net.cpp:444] res4b11_branch2a_relu <- res4b11_branch2a
I1107 01:40:23.678258 22740 net.cpp:405] res4b11_branch2a_relu -> res4b11_branch2a (in-place)
I1107 01:40:23.678549 22740 net.cpp:150] Setting up res4b11_branch2a_relu
I1107 01:40:23.678557 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.678560 22740 net.cpp:165] Memory required for data: 3114799956
I1107 01:40:23.678562 22740 layer_factory.hpp:77] Creating layer res4b11_branch2b
I1107 01:40:23.678586 22740 net.cpp:100] Creating Layer res4b11_branch2b
I1107 01:40:23.678588 22740 net.cpp:444] res4b11_branch2b <- res4b11_branch2a
I1107 01:40:23.678594 22740 net.cpp:418] res4b11_branch2b -> res4b11_branch2b
I1107 01:40:23.682397 22740 net.cpp:150] Setting up res4b11_branch2b
I1107 01:40:23.682410 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.682412 22740 net.cpp:165] Memory required for data: 3117251412
I1107 01:40:23.682416 22740 layer_factory.hpp:77] Creating layer bn4b11_branch2b
I1107 01:40:23.682425 22740 net.cpp:100] Creating Layer bn4b11_branch2b
I1107 01:40:23.682428 22740 net.cpp:444] bn4b11_branch2b <- res4b11_branch2b
I1107 01:40:23.682435 22740 net.cpp:405] bn4b11_branch2b -> res4b11_branch2b (in-place)
I1107 01:40:23.682823 22740 net.cpp:150] Setting up bn4b11_branch2b
I1107 01:40:23.682832 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.682833 22740 net.cpp:165] Memory required for data: 3119702868
I1107 01:40:23.682857 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2b
I1107 01:40:23.682864 22740 net.cpp:100] Creating Layer scale4b11_branch2b
I1107 01:40:23.682868 22740 net.cpp:444] scale4b11_branch2b <- res4b11_branch2b
I1107 01:40:23.682873 22740 net.cpp:405] scale4b11_branch2b -> res4b11_branch2b (in-place)
I1107 01:40:23.682938 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2b
I1107 01:40:23.683250 22740 net.cpp:150] Setting up scale4b11_branch2b
I1107 01:40:23.683259 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.683261 22740 net.cpp:165] Memory required for data: 3122154324
I1107 01:40:23.683267 22740 layer_factory.hpp:77] Creating layer res4b11_branch2b_relu
I1107 01:40:23.683290 22740 net.cpp:100] Creating Layer res4b11_branch2b_relu
I1107 01:40:23.683293 22740 net.cpp:444] res4b11_branch2b_relu <- res4b11_branch2b
I1107 01:40:23.683298 22740 net.cpp:405] res4b11_branch2b_relu -> res4b11_branch2b (in-place)
I1107 01:40:23.683547 22740 net.cpp:150] Setting up res4b11_branch2b_relu
I1107 01:40:23.683554 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.683557 22740 net.cpp:165] Memory required for data: 3124605780
I1107 01:40:23.683560 22740 layer_factory.hpp:77] Creating layer res4b11_branch2c
I1107 01:40:23.683569 22740 net.cpp:100] Creating Layer res4b11_branch2c
I1107 01:40:23.683574 22740 net.cpp:444] res4b11_branch2c <- res4b11_branch2b
I1107 01:40:23.683581 22740 net.cpp:418] res4b11_branch2c -> res4b11_branch2c
I1107 01:40:23.686604 22740 net.cpp:150] Setting up res4b11_branch2c
I1107 01:40:23.686615 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.686619 22740 net.cpp:165] Memory required for data: 3134411604
I1107 01:40:23.686624 22740 layer_factory.hpp:77] Creating layer bn4b11_branch2c
I1107 01:40:23.686630 22740 net.cpp:100] Creating Layer bn4b11_branch2c
I1107 01:40:23.686635 22740 net.cpp:444] bn4b11_branch2c <- res4b11_branch2c
I1107 01:40:23.686640 22740 net.cpp:405] bn4b11_branch2c -> res4b11_branch2c (in-place)
I1107 01:40:23.687026 22740 net.cpp:150] Setting up bn4b11_branch2c
I1107 01:40:23.687033 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.687036 22740 net.cpp:165] Memory required for data: 3144217428
I1107 01:40:23.687064 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2c
I1107 01:40:23.687090 22740 net.cpp:100] Creating Layer scale4b11_branch2c
I1107 01:40:23.687110 22740 net.cpp:444] scale4b11_branch2c <- res4b11_branch2c
I1107 01:40:23.687117 22740 net.cpp:405] scale4b11_branch2c -> res4b11_branch2c (in-place)
I1107 01:40:23.687186 22740 layer_factory.hpp:77] Creating layer scale4b11_branch2c
I1107 01:40:23.687450 22740 net.cpp:150] Setting up scale4b11_branch2c
I1107 01:40:23.687471 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.687474 22740 net.cpp:165] Memory required for data: 3154023252
I1107 01:40:23.687479 22740 layer_factory.hpp:77] Creating layer res4b11
I1107 01:40:23.687499 22740 net.cpp:100] Creating Layer res4b11
I1107 01:40:23.687501 22740 net.cpp:444] res4b11 <- res4b10_res4b10_relu_0_split_1
I1107 01:40:23.687505 22740 net.cpp:444] res4b11 <- res4b11_branch2c
I1107 01:40:23.687510 22740 net.cpp:418] res4b11 -> res4b11
I1107 01:40:23.687551 22740 net.cpp:150] Setting up res4b11
I1107 01:40:23.687556 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.687559 22740 net.cpp:165] Memory required for data: 3163829076
I1107 01:40:23.687561 22740 layer_factory.hpp:77] Creating layer res4b11_relu
I1107 01:40:23.687567 22740 net.cpp:100] Creating Layer res4b11_relu
I1107 01:40:23.687571 22740 net.cpp:444] res4b11_relu <- res4b11
I1107 01:40:23.687574 22740 net.cpp:405] res4b11_relu -> res4b11 (in-place)
I1107 01:40:23.688221 22740 net.cpp:150] Setting up res4b11_relu
I1107 01:40:23.688233 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.688236 22740 net.cpp:165] Memory required for data: 3173634900
I1107 01:40:23.688254 22740 layer_factory.hpp:77] Creating layer res4b11_res4b11_relu_0_split
I1107 01:40:23.688261 22740 net.cpp:100] Creating Layer res4b11_res4b11_relu_0_split
I1107 01:40:23.688263 22740 net.cpp:444] res4b11_res4b11_relu_0_split <- res4b11
I1107 01:40:23.688271 22740 net.cpp:418] res4b11_res4b11_relu_0_split -> res4b11_res4b11_relu_0_split_0
I1107 01:40:23.688282 22740 net.cpp:418] res4b11_res4b11_relu_0_split -> res4b11_res4b11_relu_0_split_1
I1107 01:40:23.688359 22740 net.cpp:150] Setting up res4b11_res4b11_relu_0_split
I1107 01:40:23.688367 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.688370 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.688374 22740 net.cpp:165] Memory required for data: 3193246548
I1107 01:40:23.688376 22740 layer_factory.hpp:77] Creating layer res4b12_branch2a
I1107 01:40:23.688385 22740 net.cpp:100] Creating Layer res4b12_branch2a
I1107 01:40:23.688390 22740 net.cpp:444] res4b12_branch2a <- res4b11_res4b11_relu_0_split_0
I1107 01:40:23.688396 22740 net.cpp:418] res4b12_branch2a -> res4b12_branch2a
I1107 01:40:23.689510 22740 net.cpp:150] Setting up res4b12_branch2a
I1107 01:40:23.689519 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.689522 22740 net.cpp:165] Memory required for data: 3195698004
I1107 01:40:23.689527 22740 layer_factory.hpp:77] Creating layer bn4b12_branch2a
I1107 01:40:23.689534 22740 net.cpp:100] Creating Layer bn4b12_branch2a
I1107 01:40:23.689538 22740 net.cpp:444] bn4b12_branch2a <- res4b12_branch2a
I1107 01:40:23.689543 22740 net.cpp:405] bn4b12_branch2a -> res4b12_branch2a (in-place)
I1107 01:40:23.689918 22740 net.cpp:150] Setting up bn4b12_branch2a
I1107 01:40:23.689924 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.689926 22740 net.cpp:165] Memory required for data: 3198149460
I1107 01:40:23.689949 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2a
I1107 01:40:23.689956 22740 net.cpp:100] Creating Layer scale4b12_branch2a
I1107 01:40:23.689960 22740 net.cpp:444] scale4b12_branch2a <- res4b12_branch2a
I1107 01:40:23.689965 22740 net.cpp:405] scale4b12_branch2a -> res4b12_branch2a (in-place)
I1107 01:40:23.690049 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2a
I1107 01:40:23.690258 22740 net.cpp:150] Setting up scale4b12_branch2a
I1107 01:40:23.690265 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.690268 22740 net.cpp:165] Memory required for data: 3200600916
I1107 01:40:23.690274 22740 layer_factory.hpp:77] Creating layer res4b12_branch2a_relu
I1107 01:40:23.690279 22740 net.cpp:100] Creating Layer res4b12_branch2a_relu
I1107 01:40:23.690282 22740 net.cpp:444] res4b12_branch2a_relu <- res4b12_branch2a
I1107 01:40:23.690287 22740 net.cpp:405] res4b12_branch2a_relu -> res4b12_branch2a (in-place)
I1107 01:40:23.690922 22740 net.cpp:150] Setting up res4b12_branch2a_relu
I1107 01:40:23.690934 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.690937 22740 net.cpp:165] Memory required for data: 3203052372
I1107 01:40:23.690958 22740 layer_factory.hpp:77] Creating layer res4b12_branch2b
I1107 01:40:23.690984 22740 net.cpp:100] Creating Layer res4b12_branch2b
I1107 01:40:23.690989 22740 net.cpp:444] res4b12_branch2b <- res4b12_branch2a
I1107 01:40:23.691011 22740 net.cpp:418] res4b12_branch2b -> res4b12_branch2b
I1107 01:40:23.694809 22740 net.cpp:150] Setting up res4b12_branch2b
I1107 01:40:23.694821 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.694824 22740 net.cpp:165] Memory required for data: 3205503828
I1107 01:40:23.694829 22740 layer_factory.hpp:77] Creating layer bn4b12_branch2b
I1107 01:40:23.694836 22740 net.cpp:100] Creating Layer bn4b12_branch2b
I1107 01:40:23.694839 22740 net.cpp:444] bn4b12_branch2b <- res4b12_branch2b
I1107 01:40:23.694845 22740 net.cpp:405] bn4b12_branch2b -> res4b12_branch2b (in-place)
I1107 01:40:23.695282 22740 net.cpp:150] Setting up bn4b12_branch2b
I1107 01:40:23.695291 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.695293 22740 net.cpp:165] Memory required for data: 3207955284
I1107 01:40:23.695317 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2b
I1107 01:40:23.695324 22740 net.cpp:100] Creating Layer scale4b12_branch2b
I1107 01:40:23.695327 22740 net.cpp:444] scale4b12_branch2b <- res4b12_branch2b
I1107 01:40:23.695333 22740 net.cpp:405] scale4b12_branch2b -> res4b12_branch2b (in-place)
I1107 01:40:23.695415 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2b
I1107 01:40:23.695647 22740 net.cpp:150] Setting up scale4b12_branch2b
I1107 01:40:23.695654 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.695657 22740 net.cpp:165] Memory required for data: 3210406740
I1107 01:40:23.695662 22740 layer_factory.hpp:77] Creating layer res4b12_branch2b_relu
I1107 01:40:23.695668 22740 net.cpp:100] Creating Layer res4b12_branch2b_relu
I1107 01:40:23.695672 22740 net.cpp:444] res4b12_branch2b_relu <- res4b12_branch2b
I1107 01:40:23.695677 22740 net.cpp:405] res4b12_branch2b_relu -> res4b12_branch2b (in-place)
I1107 01:40:23.695890 22740 net.cpp:150] Setting up res4b12_branch2b_relu
I1107 01:40:23.695899 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.695904 22740 net.cpp:165] Memory required for data: 3212858196
I1107 01:40:23.695906 22740 layer_factory.hpp:77] Creating layer res4b12_branch2c
I1107 01:40:23.695915 22740 net.cpp:100] Creating Layer res4b12_branch2c
I1107 01:40:23.695920 22740 net.cpp:444] res4b12_branch2c <- res4b12_branch2b
I1107 01:40:23.695927 22740 net.cpp:418] res4b12_branch2c -> res4b12_branch2c
I1107 01:40:23.698992 22740 net.cpp:150] Setting up res4b12_branch2c
I1107 01:40:23.699004 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.699007 22740 net.cpp:165] Memory required for data: 3222664020
I1107 01:40:23.699030 22740 layer_factory.hpp:77] Creating layer bn4b12_branch2c
I1107 01:40:23.699038 22740 net.cpp:100] Creating Layer bn4b12_branch2c
I1107 01:40:23.699041 22740 net.cpp:444] bn4b12_branch2c <- res4b12_branch2c
I1107 01:40:23.699048 22740 net.cpp:405] bn4b12_branch2c -> res4b12_branch2c (in-place)
I1107 01:40:23.699582 22740 net.cpp:150] Setting up bn4b12_branch2c
I1107 01:40:23.699590 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.699594 22740 net.cpp:165] Memory required for data: 3232469844
I1107 01:40:23.699616 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2c
I1107 01:40:23.699625 22740 net.cpp:100] Creating Layer scale4b12_branch2c
I1107 01:40:23.699627 22740 net.cpp:444] scale4b12_branch2c <- res4b12_branch2c
I1107 01:40:23.699633 22740 net.cpp:405] scale4b12_branch2c -> res4b12_branch2c (in-place)
I1107 01:40:23.699697 22740 layer_factory.hpp:77] Creating layer scale4b12_branch2c
I1107 01:40:23.699935 22740 net.cpp:150] Setting up scale4b12_branch2c
I1107 01:40:23.699942 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.699946 22740 net.cpp:165] Memory required for data: 3242275668
I1107 01:40:23.699951 22740 layer_factory.hpp:77] Creating layer res4b12
I1107 01:40:23.699959 22740 net.cpp:100] Creating Layer res4b12
I1107 01:40:23.699962 22740 net.cpp:444] res4b12 <- res4b11_res4b11_relu_0_split_1
I1107 01:40:23.699966 22740 net.cpp:444] res4b12 <- res4b12_branch2c
I1107 01:40:23.699971 22740 net.cpp:418] res4b12 -> res4b12
I1107 01:40:23.700012 22740 net.cpp:150] Setting up res4b12
I1107 01:40:23.700019 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.700021 22740 net.cpp:165] Memory required for data: 3252081492
I1107 01:40:23.700023 22740 layer_factory.hpp:77] Creating layer res4b12_relu
I1107 01:40:23.700029 22740 net.cpp:100] Creating Layer res4b12_relu
I1107 01:40:23.700032 22740 net.cpp:444] res4b12_relu <- res4b12
I1107 01:40:23.700038 22740 net.cpp:405] res4b12_relu -> res4b12 (in-place)
I1107 01:40:23.700253 22740 net.cpp:150] Setting up res4b12_relu
I1107 01:40:23.700261 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.700264 22740 net.cpp:165] Memory required for data: 3261887316
I1107 01:40:23.700268 22740 layer_factory.hpp:77] Creating layer res4b12_res4b12_relu_0_split
I1107 01:40:23.700273 22740 net.cpp:100] Creating Layer res4b12_res4b12_relu_0_split
I1107 01:40:23.700278 22740 net.cpp:444] res4b12_res4b12_relu_0_split <- res4b12
I1107 01:40:23.700284 22740 net.cpp:418] res4b12_res4b12_relu_0_split -> res4b12_res4b12_relu_0_split_0
I1107 01:40:23.700291 22740 net.cpp:418] res4b12_res4b12_relu_0_split -> res4b12_res4b12_relu_0_split_1
I1107 01:40:23.700366 22740 net.cpp:150] Setting up res4b12_res4b12_relu_0_split
I1107 01:40:23.700373 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.700392 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.700393 22740 net.cpp:165] Memory required for data: 3281498964
I1107 01:40:23.700397 22740 layer_factory.hpp:77] Creating layer res4b13_branch2a
I1107 01:40:23.700404 22740 net.cpp:100] Creating Layer res4b13_branch2a
I1107 01:40:23.700409 22740 net.cpp:444] res4b13_branch2a <- res4b12_res4b12_relu_0_split_0
I1107 01:40:23.700417 22740 net.cpp:418] res4b13_branch2a -> res4b13_branch2a
I1107 01:40:23.701925 22740 net.cpp:150] Setting up res4b13_branch2a
I1107 01:40:23.701939 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.701941 22740 net.cpp:165] Memory required for data: 3283950420
I1107 01:40:23.701961 22740 layer_factory.hpp:77] Creating layer bn4b13_branch2a
I1107 01:40:23.701968 22740 net.cpp:100] Creating Layer bn4b13_branch2a
I1107 01:40:23.701972 22740 net.cpp:444] bn4b13_branch2a <- res4b13_branch2a
I1107 01:40:23.701979 22740 net.cpp:405] bn4b13_branch2a -> res4b13_branch2a (in-place)
I1107 01:40:23.702411 22740 net.cpp:150] Setting up bn4b13_branch2a
I1107 01:40:23.702419 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.702420 22740 net.cpp:165] Memory required for data: 3286401876
I1107 01:40:23.702441 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2a
I1107 01:40:23.702450 22740 net.cpp:100] Creating Layer scale4b13_branch2a
I1107 01:40:23.702452 22740 net.cpp:444] scale4b13_branch2a <- res4b13_branch2a
I1107 01:40:23.702458 22740 net.cpp:405] scale4b13_branch2a -> res4b13_branch2a (in-place)
I1107 01:40:23.702527 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2a
I1107 01:40:23.702744 22740 net.cpp:150] Setting up scale4b13_branch2a
I1107 01:40:23.702750 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.702754 22740 net.cpp:165] Memory required for data: 3288853332
I1107 01:40:23.702759 22740 layer_factory.hpp:77] Creating layer res4b13_branch2a_relu
I1107 01:40:23.702765 22740 net.cpp:100] Creating Layer res4b13_branch2a_relu
I1107 01:40:23.702769 22740 net.cpp:444] res4b13_branch2a_relu <- res4b13_branch2a
I1107 01:40:23.702774 22740 net.cpp:405] res4b13_branch2a_relu -> res4b13_branch2a (in-place)
I1107 01:40:23.702982 22740 net.cpp:150] Setting up res4b13_branch2a_relu
I1107 01:40:23.702991 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.702993 22740 net.cpp:165] Memory required for data: 3291304788
I1107 01:40:23.702996 22740 layer_factory.hpp:77] Creating layer res4b13_branch2b
I1107 01:40:23.703006 22740 net.cpp:100] Creating Layer res4b13_branch2b
I1107 01:40:23.703011 22740 net.cpp:444] res4b13_branch2b <- res4b13_branch2a
I1107 01:40:23.703017 22740 net.cpp:418] res4b13_branch2b -> res4b13_branch2b
I1107 01:40:23.706660 22740 net.cpp:150] Setting up res4b13_branch2b
I1107 01:40:23.706673 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.706676 22740 net.cpp:165] Memory required for data: 3293756244
I1107 01:40:23.706681 22740 layer_factory.hpp:77] Creating layer bn4b13_branch2b
I1107 01:40:23.706688 22740 net.cpp:100] Creating Layer bn4b13_branch2b
I1107 01:40:23.706691 22740 net.cpp:444] bn4b13_branch2b <- res4b13_branch2b
I1107 01:40:23.706697 22740 net.cpp:405] bn4b13_branch2b -> res4b13_branch2b (in-place)
I1107 01:40:23.707221 22740 net.cpp:150] Setting up bn4b13_branch2b
I1107 01:40:23.707228 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.707231 22740 net.cpp:165] Memory required for data: 3296207700
I1107 01:40:23.707255 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2b
I1107 01:40:23.707263 22740 net.cpp:100] Creating Layer scale4b13_branch2b
I1107 01:40:23.707267 22740 net.cpp:444] scale4b13_branch2b <- res4b13_branch2b
I1107 01:40:23.707273 22740 net.cpp:405] scale4b13_branch2b -> res4b13_branch2b (in-place)
I1107 01:40:23.707348 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2b
I1107 01:40:23.707617 22740 net.cpp:150] Setting up scale4b13_branch2b
I1107 01:40:23.707638 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.707641 22740 net.cpp:165] Memory required for data: 3298659156
I1107 01:40:23.707664 22740 layer_factory.hpp:77] Creating layer res4b13_branch2b_relu
I1107 01:40:23.707669 22740 net.cpp:100] Creating Layer res4b13_branch2b_relu
I1107 01:40:23.707671 22740 net.cpp:444] res4b13_branch2b_relu <- res4b13_branch2b
I1107 01:40:23.707677 22740 net.cpp:405] res4b13_branch2b_relu -> res4b13_branch2b (in-place)
I1107 01:40:23.707880 22740 net.cpp:150] Setting up res4b13_branch2b_relu
I1107 01:40:23.707888 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.707890 22740 net.cpp:165] Memory required for data: 3301110612
I1107 01:40:23.707893 22740 layer_factory.hpp:77] Creating layer res4b13_branch2c
I1107 01:40:23.707902 22740 net.cpp:100] Creating Layer res4b13_branch2c
I1107 01:40:23.707906 22740 net.cpp:444] res4b13_branch2c <- res4b13_branch2b
I1107 01:40:23.707912 22740 net.cpp:418] res4b13_branch2c -> res4b13_branch2c
I1107 01:40:23.710773 22740 net.cpp:150] Setting up res4b13_branch2c
I1107 01:40:23.710786 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.710788 22740 net.cpp:165] Memory required for data: 3310916436
I1107 01:40:23.710793 22740 layer_factory.hpp:77] Creating layer bn4b13_branch2c
I1107 01:40:23.710801 22740 net.cpp:100] Creating Layer bn4b13_branch2c
I1107 01:40:23.710804 22740 net.cpp:444] bn4b13_branch2c <- res4b13_branch2c
I1107 01:40:23.710810 22740 net.cpp:405] bn4b13_branch2c -> res4b13_branch2c (in-place)
I1107 01:40:23.713196 22740 net.cpp:150] Setting up bn4b13_branch2c
I1107 01:40:23.713205 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.713207 22740 net.cpp:165] Memory required for data: 3320722260
I1107 01:40:23.713213 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2c
I1107 01:40:23.713220 22740 net.cpp:100] Creating Layer scale4b13_branch2c
I1107 01:40:23.713223 22740 net.cpp:444] scale4b13_branch2c <- res4b13_branch2c
I1107 01:40:23.713229 22740 net.cpp:405] scale4b13_branch2c -> res4b13_branch2c (in-place)
I1107 01:40:23.713313 22740 layer_factory.hpp:77] Creating layer scale4b13_branch2c
I1107 01:40:23.713536 22740 net.cpp:150] Setting up scale4b13_branch2c
I1107 01:40:23.713542 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.713546 22740 net.cpp:165] Memory required for data: 3330528084
I1107 01:40:23.713551 22740 layer_factory.hpp:77] Creating layer res4b13
I1107 01:40:23.713562 22740 net.cpp:100] Creating Layer res4b13
I1107 01:40:23.713567 22740 net.cpp:444] res4b13 <- res4b12_res4b12_relu_0_split_1
I1107 01:40:23.713570 22740 net.cpp:444] res4b13 <- res4b13_branch2c
I1107 01:40:23.713575 22740 net.cpp:418] res4b13 -> res4b13
I1107 01:40:23.713618 22740 net.cpp:150] Setting up res4b13
I1107 01:40:23.713624 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.713626 22740 net.cpp:165] Memory required for data: 3340333908
I1107 01:40:23.713629 22740 layer_factory.hpp:77] Creating layer res4b13_relu
I1107 01:40:23.713635 22740 net.cpp:100] Creating Layer res4b13_relu
I1107 01:40:23.713639 22740 net.cpp:444] res4b13_relu <- res4b13
I1107 01:40:23.713644 22740 net.cpp:405] res4b13_relu -> res4b13 (in-place)
I1107 01:40:23.714243 22740 net.cpp:150] Setting up res4b13_relu
I1107 01:40:23.714256 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.714257 22740 net.cpp:165] Memory required for data: 3350139732
I1107 01:40:23.714260 22740 layer_factory.hpp:77] Creating layer res4b13_res4b13_relu_0_split
I1107 01:40:23.714267 22740 net.cpp:100] Creating Layer res4b13_res4b13_relu_0_split
I1107 01:40:23.714270 22740 net.cpp:444] res4b13_res4b13_relu_0_split <- res4b13
I1107 01:40:23.714277 22740 net.cpp:418] res4b13_res4b13_relu_0_split -> res4b13_res4b13_relu_0_split_0
I1107 01:40:23.714283 22740 net.cpp:418] res4b13_res4b13_relu_0_split -> res4b13_res4b13_relu_0_split_1
I1107 01:40:23.714364 22740 net.cpp:150] Setting up res4b13_res4b13_relu_0_split
I1107 01:40:23.714370 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.714373 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.714375 22740 net.cpp:165] Memory required for data: 3369751380
I1107 01:40:23.714377 22740 layer_factory.hpp:77] Creating layer res4b14_branch2a
I1107 01:40:23.714387 22740 net.cpp:100] Creating Layer res4b14_branch2a
I1107 01:40:23.714391 22740 net.cpp:444] res4b14_branch2a <- res4b13_res4b13_relu_0_split_0
I1107 01:40:23.714398 22740 net.cpp:418] res4b14_branch2a -> res4b14_branch2a
I1107 01:40:23.715565 22740 net.cpp:150] Setting up res4b14_branch2a
I1107 01:40:23.715576 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.715579 22740 net.cpp:165] Memory required for data: 3372202836
I1107 01:40:23.715601 22740 layer_factory.hpp:77] Creating layer bn4b14_branch2a
I1107 01:40:23.715608 22740 net.cpp:100] Creating Layer bn4b14_branch2a
I1107 01:40:23.715612 22740 net.cpp:444] bn4b14_branch2a <- res4b14_branch2a
I1107 01:40:23.715618 22740 net.cpp:405] bn4b14_branch2a -> res4b14_branch2a (in-place)
I1107 01:40:23.716028 22740 net.cpp:150] Setting up bn4b14_branch2a
I1107 01:40:23.716037 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.716039 22740 net.cpp:165] Memory required for data: 3374654292
I1107 01:40:23.716063 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2a
I1107 01:40:23.716070 22740 net.cpp:100] Creating Layer scale4b14_branch2a
I1107 01:40:23.716073 22740 net.cpp:444] scale4b14_branch2a <- res4b14_branch2a
I1107 01:40:23.716079 22740 net.cpp:405] scale4b14_branch2a -> res4b14_branch2a (in-place)
I1107 01:40:23.716146 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2a
I1107 01:40:23.716364 22740 net.cpp:150] Setting up scale4b14_branch2a
I1107 01:40:23.716373 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.716378 22740 net.cpp:165] Memory required for data: 3377105748
I1107 01:40:23.716383 22740 layer_factory.hpp:77] Creating layer res4b14_branch2a_relu
I1107 01:40:23.716388 22740 net.cpp:100] Creating Layer res4b14_branch2a_relu
I1107 01:40:23.716393 22740 net.cpp:444] res4b14_branch2a_relu <- res4b14_branch2a
I1107 01:40:23.716398 22740 net.cpp:405] res4b14_branch2a_relu -> res4b14_branch2a (in-place)
I1107 01:40:23.717008 22740 net.cpp:150] Setting up res4b14_branch2a_relu
I1107 01:40:23.717020 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.717022 22740 net.cpp:165] Memory required for data: 3379557204
I1107 01:40:23.717025 22740 layer_factory.hpp:77] Creating layer res4b14_branch2b
I1107 01:40:23.717036 22740 net.cpp:100] Creating Layer res4b14_branch2b
I1107 01:40:23.717041 22740 net.cpp:444] res4b14_branch2b <- res4b14_branch2a
I1107 01:40:23.717048 22740 net.cpp:418] res4b14_branch2b -> res4b14_branch2b
I1107 01:40:23.720851 22740 net.cpp:150] Setting up res4b14_branch2b
I1107 01:40:23.720865 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.720866 22740 net.cpp:165] Memory required for data: 3382008660
I1107 01:40:23.720871 22740 layer_factory.hpp:77] Creating layer bn4b14_branch2b
I1107 01:40:23.720880 22740 net.cpp:100] Creating Layer bn4b14_branch2b
I1107 01:40:23.720883 22740 net.cpp:444] bn4b14_branch2b <- res4b14_branch2b
I1107 01:40:23.720890 22740 net.cpp:405] bn4b14_branch2b -> res4b14_branch2b (in-place)
I1107 01:40:23.721294 22740 net.cpp:150] Setting up bn4b14_branch2b
I1107 01:40:23.721302 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.721304 22740 net.cpp:165] Memory required for data: 3384460116
I1107 01:40:23.721328 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2b
I1107 01:40:23.721335 22740 net.cpp:100] Creating Layer scale4b14_branch2b
I1107 01:40:23.721338 22740 net.cpp:444] scale4b14_branch2b <- res4b14_branch2b
I1107 01:40:23.721343 22740 net.cpp:405] scale4b14_branch2b -> res4b14_branch2b (in-place)
I1107 01:40:23.721411 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2b
I1107 01:40:23.721632 22740 net.cpp:150] Setting up scale4b14_branch2b
I1107 01:40:23.721638 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.721642 22740 net.cpp:165] Memory required for data: 3386911572
I1107 01:40:23.721647 22740 layer_factory.hpp:77] Creating layer res4b14_branch2b_relu
I1107 01:40:23.721652 22740 net.cpp:100] Creating Layer res4b14_branch2b_relu
I1107 01:40:23.721655 22740 net.cpp:444] res4b14_branch2b_relu <- res4b14_branch2b
I1107 01:40:23.721660 22740 net.cpp:405] res4b14_branch2b_relu -> res4b14_branch2b (in-place)
I1107 01:40:23.722287 22740 net.cpp:150] Setting up res4b14_branch2b_relu
I1107 01:40:23.722299 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.722301 22740 net.cpp:165] Memory required for data: 3389363028
I1107 01:40:23.722319 22740 layer_factory.hpp:77] Creating layer res4b14_branch2c
I1107 01:40:23.722328 22740 net.cpp:100] Creating Layer res4b14_branch2c
I1107 01:40:23.722332 22740 net.cpp:444] res4b14_branch2c <- res4b14_branch2b
I1107 01:40:23.722339 22740 net.cpp:418] res4b14_branch2c -> res4b14_branch2c
I1107 01:40:23.725306 22740 net.cpp:150] Setting up res4b14_branch2c
I1107 01:40:23.725318 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.725322 22740 net.cpp:165] Memory required for data: 3399168852
I1107 01:40:23.725327 22740 layer_factory.hpp:77] Creating layer bn4b14_branch2c
I1107 01:40:23.725334 22740 net.cpp:100] Creating Layer bn4b14_branch2c
I1107 01:40:23.725337 22740 net.cpp:444] bn4b14_branch2c <- res4b14_branch2c
I1107 01:40:23.725344 22740 net.cpp:405] bn4b14_branch2c -> res4b14_branch2c (in-place)
I1107 01:40:23.725792 22740 net.cpp:150] Setting up bn4b14_branch2c
I1107 01:40:23.725800 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.725801 22740 net.cpp:165] Memory required for data: 3408974676
I1107 01:40:23.725807 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2c
I1107 01:40:23.725813 22740 net.cpp:100] Creating Layer scale4b14_branch2c
I1107 01:40:23.725816 22740 net.cpp:444] scale4b14_branch2c <- res4b14_branch2c
I1107 01:40:23.725822 22740 net.cpp:405] scale4b14_branch2c -> res4b14_branch2c (in-place)
I1107 01:40:23.725903 22740 layer_factory.hpp:77] Creating layer scale4b14_branch2c
I1107 01:40:23.726135 22740 net.cpp:150] Setting up scale4b14_branch2c
I1107 01:40:23.726143 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.726146 22740 net.cpp:165] Memory required for data: 3418780500
I1107 01:40:23.726151 22740 layer_factory.hpp:77] Creating layer res4b14
I1107 01:40:23.726158 22740 net.cpp:100] Creating Layer res4b14
I1107 01:40:23.726162 22740 net.cpp:444] res4b14 <- res4b13_res4b13_relu_0_split_1
I1107 01:40:23.726166 22740 net.cpp:444] res4b14 <- res4b14_branch2c
I1107 01:40:23.726172 22740 net.cpp:418] res4b14 -> res4b14
I1107 01:40:23.726215 22740 net.cpp:150] Setting up res4b14
I1107 01:40:23.726222 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.726224 22740 net.cpp:165] Memory required for data: 3428586324
I1107 01:40:23.726227 22740 layer_factory.hpp:77] Creating layer res4b14_relu
I1107 01:40:23.726233 22740 net.cpp:100] Creating Layer res4b14_relu
I1107 01:40:23.726235 22740 net.cpp:444] res4b14_relu <- res4b14
I1107 01:40:23.726241 22740 net.cpp:405] res4b14_relu -> res4b14 (in-place)
I1107 01:40:23.726418 22740 net.cpp:150] Setting up res4b14_relu
I1107 01:40:23.726426 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.726429 22740 net.cpp:165] Memory required for data: 3438392148
I1107 01:40:23.726431 22740 layer_factory.hpp:77] Creating layer res4b14_res4b14_relu_0_split
I1107 01:40:23.726438 22740 net.cpp:100] Creating Layer res4b14_res4b14_relu_0_split
I1107 01:40:23.726441 22740 net.cpp:444] res4b14_res4b14_relu_0_split <- res4b14
I1107 01:40:23.726449 22740 net.cpp:418] res4b14_res4b14_relu_0_split -> res4b14_res4b14_relu_0_split_0
I1107 01:40:23.726455 22740 net.cpp:418] res4b14_res4b14_relu_0_split -> res4b14_res4b14_relu_0_split_1
I1107 01:40:23.726531 22740 net.cpp:150] Setting up res4b14_res4b14_relu_0_split
I1107 01:40:23.726538 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.726541 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.726543 22740 net.cpp:165] Memory required for data: 3458003796
I1107 01:40:23.726546 22740 layer_factory.hpp:77] Creating layer res4b15_branch2a
I1107 01:40:23.726554 22740 net.cpp:100] Creating Layer res4b15_branch2a
I1107 01:40:23.726557 22740 net.cpp:444] res4b15_branch2a <- res4b14_res4b14_relu_0_split_0
I1107 01:40:23.726564 22740 net.cpp:418] res4b15_branch2a -> res4b15_branch2a
I1107 01:40:23.728229 22740 net.cpp:150] Setting up res4b15_branch2a
I1107 01:40:23.728241 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.728245 22740 net.cpp:165] Memory required for data: 3460455252
I1107 01:40:23.728267 22740 layer_factory.hpp:77] Creating layer bn4b15_branch2a
I1107 01:40:23.728276 22740 net.cpp:100] Creating Layer bn4b15_branch2a
I1107 01:40:23.728278 22740 net.cpp:444] bn4b15_branch2a <- res4b15_branch2a
I1107 01:40:23.728284 22740 net.cpp:405] bn4b15_branch2a -> res4b15_branch2a (in-place)
I1107 01:40:23.728699 22740 net.cpp:150] Setting up bn4b15_branch2a
I1107 01:40:23.728708 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.728709 22740 net.cpp:165] Memory required for data: 3462906708
I1107 01:40:23.728729 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2a
I1107 01:40:23.728736 22740 net.cpp:100] Creating Layer scale4b15_branch2a
I1107 01:40:23.728739 22740 net.cpp:444] scale4b15_branch2a <- res4b15_branch2a
I1107 01:40:23.728745 22740 net.cpp:405] scale4b15_branch2a -> res4b15_branch2a (in-place)
I1107 01:40:23.728811 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2a
I1107 01:40:23.729020 22740 net.cpp:150] Setting up scale4b15_branch2a
I1107 01:40:23.729027 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.729029 22740 net.cpp:165] Memory required for data: 3465358164
I1107 01:40:23.729034 22740 layer_factory.hpp:77] Creating layer res4b15_branch2a_relu
I1107 01:40:23.729041 22740 net.cpp:100] Creating Layer res4b15_branch2a_relu
I1107 01:40:23.729045 22740 net.cpp:444] res4b15_branch2a_relu <- res4b15_branch2a
I1107 01:40:23.729049 22740 net.cpp:405] res4b15_branch2a_relu -> res4b15_branch2a (in-place)
I1107 01:40:23.729240 22740 net.cpp:150] Setting up res4b15_branch2a_relu
I1107 01:40:23.729249 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.729251 22740 net.cpp:165] Memory required for data: 3467809620
I1107 01:40:23.729254 22740 layer_factory.hpp:77] Creating layer res4b15_branch2b
I1107 01:40:23.729264 22740 net.cpp:100] Creating Layer res4b15_branch2b
I1107 01:40:23.729267 22740 net.cpp:444] res4b15_branch2b <- res4b15_branch2a
I1107 01:40:23.729274 22740 net.cpp:418] res4b15_branch2b -> res4b15_branch2b
I1107 01:40:23.732889 22740 net.cpp:150] Setting up res4b15_branch2b
I1107 01:40:23.732902 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.732904 22740 net.cpp:165] Memory required for data: 3470261076
I1107 01:40:23.732909 22740 layer_factory.hpp:77] Creating layer bn4b15_branch2b
I1107 01:40:23.732915 22740 net.cpp:100] Creating Layer bn4b15_branch2b
I1107 01:40:23.732918 22740 net.cpp:444] bn4b15_branch2b <- res4b15_branch2b
I1107 01:40:23.732924 22740 net.cpp:405] bn4b15_branch2b -> res4b15_branch2b (in-place)
I1107 01:40:23.733322 22740 net.cpp:150] Setting up bn4b15_branch2b
I1107 01:40:23.733330 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.733332 22740 net.cpp:165] Memory required for data: 3472712532
I1107 01:40:23.733355 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2b
I1107 01:40:23.733362 22740 net.cpp:100] Creating Layer scale4b15_branch2b
I1107 01:40:23.733366 22740 net.cpp:444] scale4b15_branch2b <- res4b15_branch2b
I1107 01:40:23.733371 22740 net.cpp:405] scale4b15_branch2b -> res4b15_branch2b (in-place)
I1107 01:40:23.733438 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2b
I1107 01:40:23.733650 22740 net.cpp:150] Setting up scale4b15_branch2b
I1107 01:40:23.733659 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.733661 22740 net.cpp:165] Memory required for data: 3475163988
I1107 01:40:23.733666 22740 layer_factory.hpp:77] Creating layer res4b15_branch2b_relu
I1107 01:40:23.733674 22740 net.cpp:100] Creating Layer res4b15_branch2b_relu
I1107 01:40:23.733676 22740 net.cpp:444] res4b15_branch2b_relu <- res4b15_branch2b
I1107 01:40:23.733680 22740 net.cpp:405] res4b15_branch2b_relu -> res4b15_branch2b (in-place)
I1107 01:40:23.733872 22740 net.cpp:150] Setting up res4b15_branch2b_relu
I1107 01:40:23.733881 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.733883 22740 net.cpp:165] Memory required for data: 3477615444
I1107 01:40:23.733886 22740 layer_factory.hpp:77] Creating layer res4b15_branch2c
I1107 01:40:23.733896 22740 net.cpp:100] Creating Layer res4b15_branch2c
I1107 01:40:23.733899 22740 net.cpp:444] res4b15_branch2c <- res4b15_branch2b
I1107 01:40:23.733906 22740 net.cpp:418] res4b15_branch2c -> res4b15_branch2c
I1107 01:40:23.736941 22740 net.cpp:150] Setting up res4b15_branch2c
I1107 01:40:23.736954 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.736958 22740 net.cpp:165] Memory required for data: 3487421268
I1107 01:40:23.736961 22740 layer_factory.hpp:77] Creating layer bn4b15_branch2c
I1107 01:40:23.736968 22740 net.cpp:100] Creating Layer bn4b15_branch2c
I1107 01:40:23.736971 22740 net.cpp:444] bn4b15_branch2c <- res4b15_branch2c
I1107 01:40:23.736979 22740 net.cpp:405] bn4b15_branch2c -> res4b15_branch2c (in-place)
I1107 01:40:23.737386 22740 net.cpp:150] Setting up bn4b15_branch2c
I1107 01:40:23.737393 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.737396 22740 net.cpp:165] Memory required for data: 3497227092
I1107 01:40:23.737419 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2c
I1107 01:40:23.737426 22740 net.cpp:100] Creating Layer scale4b15_branch2c
I1107 01:40:23.737429 22740 net.cpp:444] scale4b15_branch2c <- res4b15_branch2c
I1107 01:40:23.737435 22740 net.cpp:405] scale4b15_branch2c -> res4b15_branch2c (in-place)
I1107 01:40:23.737500 22740 layer_factory.hpp:77] Creating layer scale4b15_branch2c
I1107 01:40:23.737733 22740 net.cpp:150] Setting up scale4b15_branch2c
I1107 01:40:23.737740 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.737743 22740 net.cpp:165] Memory required for data: 3507032916
I1107 01:40:23.737748 22740 layer_factory.hpp:77] Creating layer res4b15
I1107 01:40:23.737756 22740 net.cpp:100] Creating Layer res4b15
I1107 01:40:23.737759 22740 net.cpp:444] res4b15 <- res4b14_res4b14_relu_0_split_1
I1107 01:40:23.737763 22740 net.cpp:444] res4b15 <- res4b15_branch2c
I1107 01:40:23.737768 22740 net.cpp:418] res4b15 -> res4b15
I1107 01:40:23.737812 22740 net.cpp:150] Setting up res4b15
I1107 01:40:23.737818 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.737821 22740 net.cpp:165] Memory required for data: 3516838740
I1107 01:40:23.737823 22740 layer_factory.hpp:77] Creating layer res4b15_relu
I1107 01:40:23.737846 22740 net.cpp:100] Creating Layer res4b15_relu
I1107 01:40:23.737849 22740 net.cpp:444] res4b15_relu <- res4b15
I1107 01:40:23.737855 22740 net.cpp:405] res4b15_relu -> res4b15 (in-place)
I1107 01:40:23.738472 22740 net.cpp:150] Setting up res4b15_relu
I1107 01:40:23.738484 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.738487 22740 net.cpp:165] Memory required for data: 3526644564
I1107 01:40:23.738505 22740 layer_factory.hpp:77] Creating layer res4b15_res4b15_relu_0_split
I1107 01:40:23.738512 22740 net.cpp:100] Creating Layer res4b15_res4b15_relu_0_split
I1107 01:40:23.738514 22740 net.cpp:444] res4b15_res4b15_relu_0_split <- res4b15
I1107 01:40:23.738520 22740 net.cpp:418] res4b15_res4b15_relu_0_split -> res4b15_res4b15_relu_0_split_0
I1107 01:40:23.738526 22740 net.cpp:418] res4b15_res4b15_relu_0_split -> res4b15_res4b15_relu_0_split_1
I1107 01:40:23.738606 22740 net.cpp:150] Setting up res4b15_res4b15_relu_0_split
I1107 01:40:23.738615 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.738617 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.738620 22740 net.cpp:165] Memory required for data: 3546256212
I1107 01:40:23.738622 22740 layer_factory.hpp:77] Creating layer res4b16_branch2a
I1107 01:40:23.738631 22740 net.cpp:100] Creating Layer res4b16_branch2a
I1107 01:40:23.738633 22740 net.cpp:444] res4b16_branch2a <- res4b15_res4b15_relu_0_split_0
I1107 01:40:23.738641 22740 net.cpp:418] res4b16_branch2a -> res4b16_branch2a
I1107 01:40:23.739835 22740 net.cpp:150] Setting up res4b16_branch2a
I1107 01:40:23.739862 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.739866 22740 net.cpp:165] Memory required for data: 3548707668
I1107 01:40:23.739888 22740 layer_factory.hpp:77] Creating layer bn4b16_branch2a
I1107 01:40:23.739913 22740 net.cpp:100] Creating Layer bn4b16_branch2a
I1107 01:40:23.739917 22740 net.cpp:444] bn4b16_branch2a <- res4b16_branch2a
I1107 01:40:23.739925 22740 net.cpp:405] bn4b16_branch2a -> res4b16_branch2a (in-place)
I1107 01:40:23.740377 22740 net.cpp:150] Setting up bn4b16_branch2a
I1107 01:40:23.740384 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.740387 22740 net.cpp:165] Memory required for data: 3551159124
I1107 01:40:23.740411 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2a
I1107 01:40:23.740418 22740 net.cpp:100] Creating Layer scale4b16_branch2a
I1107 01:40:23.740422 22740 net.cpp:444] scale4b16_branch2a <- res4b16_branch2a
I1107 01:40:23.740427 22740 net.cpp:405] scale4b16_branch2a -> res4b16_branch2a (in-place)
I1107 01:40:23.740517 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2a
I1107 01:40:23.740749 22740 net.cpp:150] Setting up scale4b16_branch2a
I1107 01:40:23.740756 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.740758 22740 net.cpp:165] Memory required for data: 3553610580
I1107 01:40:23.740763 22740 layer_factory.hpp:77] Creating layer res4b16_branch2a_relu
I1107 01:40:23.740769 22740 net.cpp:100] Creating Layer res4b16_branch2a_relu
I1107 01:40:23.740773 22740 net.cpp:444] res4b16_branch2a_relu <- res4b16_branch2a
I1107 01:40:23.740777 22740 net.cpp:405] res4b16_branch2a_relu -> res4b16_branch2a (in-place)
I1107 01:40:23.741387 22740 net.cpp:150] Setting up res4b16_branch2a_relu
I1107 01:40:23.741399 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.741400 22740 net.cpp:165] Memory required for data: 3556062036
I1107 01:40:23.741403 22740 layer_factory.hpp:77] Creating layer res4b16_branch2b
I1107 01:40:23.741428 22740 net.cpp:100] Creating Layer res4b16_branch2b
I1107 01:40:23.741432 22740 net.cpp:444] res4b16_branch2b <- res4b16_branch2a
I1107 01:40:23.741439 22740 net.cpp:418] res4b16_branch2b -> res4b16_branch2b
I1107 01:40:23.745131 22740 net.cpp:150] Setting up res4b16_branch2b
I1107 01:40:23.745143 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.745146 22740 net.cpp:165] Memory required for data: 3558513492
I1107 01:40:23.745151 22740 layer_factory.hpp:77] Creating layer bn4b16_branch2b
I1107 01:40:23.745158 22740 net.cpp:100] Creating Layer bn4b16_branch2b
I1107 01:40:23.745162 22740 net.cpp:444] bn4b16_branch2b <- res4b16_branch2b
I1107 01:40:23.745169 22740 net.cpp:405] bn4b16_branch2b -> res4b16_branch2b (in-place)
I1107 01:40:23.745579 22740 net.cpp:150] Setting up bn4b16_branch2b
I1107 01:40:23.745587 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.745589 22740 net.cpp:165] Memory required for data: 3560964948
I1107 01:40:23.745614 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2b
I1107 01:40:23.745621 22740 net.cpp:100] Creating Layer scale4b16_branch2b
I1107 01:40:23.745625 22740 net.cpp:444] scale4b16_branch2b <- res4b16_branch2b
I1107 01:40:23.745630 22740 net.cpp:405] scale4b16_branch2b -> res4b16_branch2b (in-place)
I1107 01:40:23.745702 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2b
I1107 01:40:23.745925 22740 net.cpp:150] Setting up scale4b16_branch2b
I1107 01:40:23.745932 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.745934 22740 net.cpp:165] Memory required for data: 3563416404
I1107 01:40:23.745939 22740 layer_factory.hpp:77] Creating layer res4b16_branch2b_relu
I1107 01:40:23.745944 22740 net.cpp:100] Creating Layer res4b16_branch2b_relu
I1107 01:40:23.745952 22740 net.cpp:444] res4b16_branch2b_relu <- res4b16_branch2b
I1107 01:40:23.745957 22740 net.cpp:405] res4b16_branch2b_relu -> res4b16_branch2b (in-place)
I1107 01:40:23.746201 22740 net.cpp:150] Setting up res4b16_branch2b_relu
I1107 01:40:23.746209 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.746212 22740 net.cpp:165] Memory required for data: 3565867860
I1107 01:40:23.746215 22740 layer_factory.hpp:77] Creating layer res4b16_branch2c
I1107 01:40:23.746225 22740 net.cpp:100] Creating Layer res4b16_branch2c
I1107 01:40:23.746229 22740 net.cpp:444] res4b16_branch2c <- res4b16_branch2b
I1107 01:40:23.746237 22740 net.cpp:418] res4b16_branch2c -> res4b16_branch2c
I1107 01:40:23.749272 22740 net.cpp:150] Setting up res4b16_branch2c
I1107 01:40:23.749285 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.749302 22740 net.cpp:165] Memory required for data: 3575673684
I1107 01:40:23.749307 22740 layer_factory.hpp:77] Creating layer bn4b16_branch2c
I1107 01:40:23.749315 22740 net.cpp:100] Creating Layer bn4b16_branch2c
I1107 01:40:23.749336 22740 net.cpp:444] bn4b16_branch2c <- res4b16_branch2c
I1107 01:40:23.749342 22740 net.cpp:405] bn4b16_branch2c -> res4b16_branch2c (in-place)
I1107 01:40:23.749752 22740 net.cpp:150] Setting up bn4b16_branch2c
I1107 01:40:23.749758 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.749761 22740 net.cpp:165] Memory required for data: 3585479508
I1107 01:40:23.749784 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2c
I1107 01:40:23.749791 22740 net.cpp:100] Creating Layer scale4b16_branch2c
I1107 01:40:23.749795 22740 net.cpp:444] scale4b16_branch2c <- res4b16_branch2c
I1107 01:40:23.749800 22740 net.cpp:405] scale4b16_branch2c -> res4b16_branch2c (in-place)
I1107 01:40:23.749866 22740 layer_factory.hpp:77] Creating layer scale4b16_branch2c
I1107 01:40:23.750120 22740 net.cpp:150] Setting up scale4b16_branch2c
I1107 01:40:23.750128 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.750131 22740 net.cpp:165] Memory required for data: 3595285332
I1107 01:40:23.750136 22740 layer_factory.hpp:77] Creating layer res4b16
I1107 01:40:23.750143 22740 net.cpp:100] Creating Layer res4b16
I1107 01:40:23.750146 22740 net.cpp:444] res4b16 <- res4b15_res4b15_relu_0_split_1
I1107 01:40:23.750150 22740 net.cpp:444] res4b16 <- res4b16_branch2c
I1107 01:40:23.750174 22740 net.cpp:418] res4b16 -> res4b16
I1107 01:40:23.750238 22740 net.cpp:150] Setting up res4b16
I1107 01:40:23.750246 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.750247 22740 net.cpp:165] Memory required for data: 3605091156
I1107 01:40:23.750250 22740 layer_factory.hpp:77] Creating layer res4b16_relu
I1107 01:40:23.750257 22740 net.cpp:100] Creating Layer res4b16_relu
I1107 01:40:23.750260 22740 net.cpp:444] res4b16_relu <- res4b16
I1107 01:40:23.750265 22740 net.cpp:405] res4b16_relu -> res4b16 (in-place)
I1107 01:40:23.750457 22740 net.cpp:150] Setting up res4b16_relu
I1107 01:40:23.750465 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.750468 22740 net.cpp:165] Memory required for data: 3614896980
I1107 01:40:23.750471 22740 layer_factory.hpp:77] Creating layer res4b16_res4b16_relu_0_split
I1107 01:40:23.750476 22740 net.cpp:100] Creating Layer res4b16_res4b16_relu_0_split
I1107 01:40:23.750481 22740 net.cpp:444] res4b16_res4b16_relu_0_split <- res4b16
I1107 01:40:23.750488 22740 net.cpp:418] res4b16_res4b16_relu_0_split -> res4b16_res4b16_relu_0_split_0
I1107 01:40:23.750495 22740 net.cpp:418] res4b16_res4b16_relu_0_split -> res4b16_res4b16_relu_0_split_1
I1107 01:40:23.750591 22740 net.cpp:150] Setting up res4b16_res4b16_relu_0_split
I1107 01:40:23.750597 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.750600 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.750602 22740 net.cpp:165] Memory required for data: 3634508628
I1107 01:40:23.750604 22740 layer_factory.hpp:77] Creating layer res4b17_branch2a
I1107 01:40:23.750615 22740 net.cpp:100] Creating Layer res4b17_branch2a
I1107 01:40:23.750619 22740 net.cpp:444] res4b17_branch2a <- res4b16_res4b16_relu_0_split_0
I1107 01:40:23.750627 22740 net.cpp:418] res4b17_branch2a -> res4b17_branch2a
I1107 01:40:23.752321 22740 net.cpp:150] Setting up res4b17_branch2a
I1107 01:40:23.752333 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.752336 22740 net.cpp:165] Memory required for data: 3636960084
I1107 01:40:23.752357 22740 layer_factory.hpp:77] Creating layer bn4b17_branch2a
I1107 01:40:23.752364 22740 net.cpp:100] Creating Layer bn4b17_branch2a
I1107 01:40:23.752368 22740 net.cpp:444] bn4b17_branch2a <- res4b17_branch2a
I1107 01:40:23.752374 22740 net.cpp:405] bn4b17_branch2a -> res4b17_branch2a (in-place)
I1107 01:40:23.752799 22740 net.cpp:150] Setting up bn4b17_branch2a
I1107 01:40:23.752805 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.752809 22740 net.cpp:165] Memory required for data: 3639411540
I1107 01:40:23.752832 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2a
I1107 01:40:23.752840 22740 net.cpp:100] Creating Layer scale4b17_branch2a
I1107 01:40:23.752843 22740 net.cpp:444] scale4b17_branch2a <- res4b17_branch2a
I1107 01:40:23.752848 22740 net.cpp:405] scale4b17_branch2a -> res4b17_branch2a (in-place)
I1107 01:40:23.752920 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2a
I1107 01:40:23.753161 22740 net.cpp:150] Setting up scale4b17_branch2a
I1107 01:40:23.753186 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.753190 22740 net.cpp:165] Memory required for data: 3641862996
I1107 01:40:23.753195 22740 layer_factory.hpp:77] Creating layer res4b17_branch2a_relu
I1107 01:40:23.753201 22740 net.cpp:100] Creating Layer res4b17_branch2a_relu
I1107 01:40:23.753206 22740 net.cpp:444] res4b17_branch2a_relu <- res4b17_branch2a
I1107 01:40:23.753227 22740 net.cpp:405] res4b17_branch2a_relu -> res4b17_branch2a (in-place)
I1107 01:40:23.753417 22740 net.cpp:150] Setting up res4b17_branch2a_relu
I1107 01:40:23.753425 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.753427 22740 net.cpp:165] Memory required for data: 3644314452
I1107 01:40:23.753430 22740 layer_factory.hpp:77] Creating layer res4b17_branch2b
I1107 01:40:23.753439 22740 net.cpp:100] Creating Layer res4b17_branch2b
I1107 01:40:23.753444 22740 net.cpp:444] res4b17_branch2b <- res4b17_branch2a
I1107 01:40:23.753451 22740 net.cpp:418] res4b17_branch2b -> res4b17_branch2b
I1107 01:40:23.757127 22740 net.cpp:150] Setting up res4b17_branch2b
I1107 01:40:23.757138 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.757141 22740 net.cpp:165] Memory required for data: 3646765908
I1107 01:40:23.757146 22740 layer_factory.hpp:77] Creating layer bn4b17_branch2b
I1107 01:40:23.757154 22740 net.cpp:100] Creating Layer bn4b17_branch2b
I1107 01:40:23.757158 22740 net.cpp:444] bn4b17_branch2b <- res4b17_branch2b
I1107 01:40:23.757164 22740 net.cpp:405] bn4b17_branch2b -> res4b17_branch2b (in-place)
I1107 01:40:23.757587 22740 net.cpp:150] Setting up bn4b17_branch2b
I1107 01:40:23.757594 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.757596 22740 net.cpp:165] Memory required for data: 3649217364
I1107 01:40:23.757621 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2b
I1107 01:40:23.757627 22740 net.cpp:100] Creating Layer scale4b17_branch2b
I1107 01:40:23.757632 22740 net.cpp:444] scale4b17_branch2b <- res4b17_branch2b
I1107 01:40:23.757637 22740 net.cpp:405] scale4b17_branch2b -> res4b17_branch2b (in-place)
I1107 01:40:23.757710 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2b
I1107 01:40:23.757937 22740 net.cpp:150] Setting up scale4b17_branch2b
I1107 01:40:23.757946 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.757947 22740 net.cpp:165] Memory required for data: 3651668820
I1107 01:40:23.757952 22740 layer_factory.hpp:77] Creating layer res4b17_branch2b_relu
I1107 01:40:23.757959 22740 net.cpp:100] Creating Layer res4b17_branch2b_relu
I1107 01:40:23.757962 22740 net.cpp:444] res4b17_branch2b_relu <- res4b17_branch2b
I1107 01:40:23.757967 22740 net.cpp:405] res4b17_branch2b_relu -> res4b17_branch2b (in-place)
I1107 01:40:23.758188 22740 net.cpp:150] Setting up res4b17_branch2b_relu
I1107 01:40:23.758195 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.758198 22740 net.cpp:165] Memory required for data: 3654120276
I1107 01:40:23.758201 22740 layer_factory.hpp:77] Creating layer res4b17_branch2c
I1107 01:40:23.758211 22740 net.cpp:100] Creating Layer res4b17_branch2c
I1107 01:40:23.758215 22740 net.cpp:444] res4b17_branch2c <- res4b17_branch2b
I1107 01:40:23.758222 22740 net.cpp:418] res4b17_branch2c -> res4b17_branch2c
I1107 01:40:23.761258 22740 net.cpp:150] Setting up res4b17_branch2c
I1107 01:40:23.761270 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.761273 22740 net.cpp:165] Memory required for data: 3663926100
I1107 01:40:23.761293 22740 layer_factory.hpp:77] Creating layer bn4b17_branch2c
I1107 01:40:23.761301 22740 net.cpp:100] Creating Layer bn4b17_branch2c
I1107 01:40:23.761303 22740 net.cpp:444] bn4b17_branch2c <- res4b17_branch2c
I1107 01:40:23.761325 22740 net.cpp:405] bn4b17_branch2c -> res4b17_branch2c (in-place)
I1107 01:40:23.761751 22740 net.cpp:150] Setting up bn4b17_branch2c
I1107 01:40:23.761759 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.761761 22740 net.cpp:165] Memory required for data: 3673731924
I1107 01:40:23.761785 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2c
I1107 01:40:23.761791 22740 net.cpp:100] Creating Layer scale4b17_branch2c
I1107 01:40:23.761795 22740 net.cpp:444] scale4b17_branch2c <- res4b17_branch2c
I1107 01:40:23.761801 22740 net.cpp:405] scale4b17_branch2c -> res4b17_branch2c (in-place)
I1107 01:40:23.761868 22740 layer_factory.hpp:77] Creating layer scale4b17_branch2c
I1107 01:40:23.762125 22740 net.cpp:150] Setting up scale4b17_branch2c
I1107 01:40:23.762132 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.762135 22740 net.cpp:165] Memory required for data: 3683537748
I1107 01:40:23.762140 22740 layer_factory.hpp:77] Creating layer res4b17
I1107 01:40:23.762146 22740 net.cpp:100] Creating Layer res4b17
I1107 01:40:23.762150 22740 net.cpp:444] res4b17 <- res4b16_res4b16_relu_0_split_1
I1107 01:40:23.762153 22740 net.cpp:444] res4b17 <- res4b17_branch2c
I1107 01:40:23.762157 22740 net.cpp:418] res4b17 -> res4b17
I1107 01:40:23.762220 22740 net.cpp:150] Setting up res4b17
I1107 01:40:23.762244 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.762248 22740 net.cpp:165] Memory required for data: 3693343572
I1107 01:40:23.762249 22740 layer_factory.hpp:77] Creating layer res4b17_relu
I1107 01:40:23.762255 22740 net.cpp:100] Creating Layer res4b17_relu
I1107 01:40:23.762259 22740 net.cpp:444] res4b17_relu <- res4b17
I1107 01:40:23.762264 22740 net.cpp:405] res4b17_relu -> res4b17 (in-place)
I1107 01:40:23.762897 22740 net.cpp:150] Setting up res4b17_relu
I1107 01:40:23.762909 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.762912 22740 net.cpp:165] Memory required for data: 3703149396
I1107 01:40:23.762914 22740 layer_factory.hpp:77] Creating layer res4b17_res4b17_relu_0_split
I1107 01:40:23.762920 22740 net.cpp:100] Creating Layer res4b17_res4b17_relu_0_split
I1107 01:40:23.762923 22740 net.cpp:444] res4b17_res4b17_relu_0_split <- res4b17
I1107 01:40:23.762928 22740 net.cpp:418] res4b17_res4b17_relu_0_split -> res4b17_res4b17_relu_0_split_0
I1107 01:40:23.762934 22740 net.cpp:418] res4b17_res4b17_relu_0_split -> res4b17_res4b17_relu_0_split_1
I1107 01:40:23.763013 22740 net.cpp:150] Setting up res4b17_res4b17_relu_0_split
I1107 01:40:23.763020 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.763023 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.763025 22740 net.cpp:165] Memory required for data: 3722761044
I1107 01:40:23.763027 22740 layer_factory.hpp:77] Creating layer res4b18_branch2a
I1107 01:40:23.763036 22740 net.cpp:100] Creating Layer res4b18_branch2a
I1107 01:40:23.763039 22740 net.cpp:444] res4b18_branch2a <- res4b17_res4b17_relu_0_split_0
I1107 01:40:23.763044 22740 net.cpp:418] res4b18_branch2a -> res4b18_branch2a
I1107 01:40:23.764255 22740 net.cpp:150] Setting up res4b18_branch2a
I1107 01:40:23.764266 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.764268 22740 net.cpp:165] Memory required for data: 3725212500
I1107 01:40:23.764292 22740 layer_factory.hpp:77] Creating layer bn4b18_branch2a
I1107 01:40:23.764298 22740 net.cpp:100] Creating Layer bn4b18_branch2a
I1107 01:40:23.764302 22740 net.cpp:444] bn4b18_branch2a <- res4b18_branch2a
I1107 01:40:23.764307 22740 net.cpp:405] bn4b18_branch2a -> res4b18_branch2a (in-place)
I1107 01:40:23.764729 22740 net.cpp:150] Setting up bn4b18_branch2a
I1107 01:40:23.764735 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.764737 22740 net.cpp:165] Memory required for data: 3727663956
I1107 01:40:23.764761 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2a
I1107 01:40:23.764768 22740 net.cpp:100] Creating Layer scale4b18_branch2a
I1107 01:40:23.764772 22740 net.cpp:444] scale4b18_branch2a <- res4b18_branch2a
I1107 01:40:23.764777 22740 net.cpp:405] scale4b18_branch2a -> res4b18_branch2a (in-place)
I1107 01:40:23.764849 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2a
I1107 01:40:23.765087 22740 net.cpp:150] Setting up scale4b18_branch2a
I1107 01:40:23.765095 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.765099 22740 net.cpp:165] Memory required for data: 3730115412
I1107 01:40:23.765102 22740 layer_factory.hpp:77] Creating layer res4b18_branch2a_relu
I1107 01:40:23.765125 22740 net.cpp:100] Creating Layer res4b18_branch2a_relu
I1107 01:40:23.765130 22740 net.cpp:444] res4b18_branch2a_relu <- res4b18_branch2a
I1107 01:40:23.765133 22740 net.cpp:405] res4b18_branch2a_relu -> res4b18_branch2a (in-place)
I1107 01:40:23.765746 22740 net.cpp:150] Setting up res4b18_branch2a_relu
I1107 01:40:23.765760 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.765763 22740 net.cpp:165] Memory required for data: 3732566868
I1107 01:40:23.765780 22740 layer_factory.hpp:77] Creating layer res4b18_branch2b
I1107 01:40:23.765789 22740 net.cpp:100] Creating Layer res4b18_branch2b
I1107 01:40:23.765792 22740 net.cpp:444] res4b18_branch2b <- res4b18_branch2a
I1107 01:40:23.765799 22740 net.cpp:418] res4b18_branch2b -> res4b18_branch2b
I1107 01:40:23.769477 22740 net.cpp:150] Setting up res4b18_branch2b
I1107 01:40:23.769490 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.769492 22740 net.cpp:165] Memory required for data: 3735018324
I1107 01:40:23.769497 22740 layer_factory.hpp:77] Creating layer bn4b18_branch2b
I1107 01:40:23.769505 22740 net.cpp:100] Creating Layer bn4b18_branch2b
I1107 01:40:23.769508 22740 net.cpp:444] bn4b18_branch2b <- res4b18_branch2b
I1107 01:40:23.769513 22740 net.cpp:405] bn4b18_branch2b -> res4b18_branch2b (in-place)
I1107 01:40:23.769927 22740 net.cpp:150] Setting up bn4b18_branch2b
I1107 01:40:23.769935 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.769937 22740 net.cpp:165] Memory required for data: 3737469780
I1107 01:40:23.769961 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2b
I1107 01:40:23.769968 22740 net.cpp:100] Creating Layer scale4b18_branch2b
I1107 01:40:23.769971 22740 net.cpp:444] scale4b18_branch2b <- res4b18_branch2b
I1107 01:40:23.769976 22740 net.cpp:405] scale4b18_branch2b -> res4b18_branch2b (in-place)
I1107 01:40:23.770047 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2b
I1107 01:40:23.770267 22740 net.cpp:150] Setting up scale4b18_branch2b
I1107 01:40:23.770274 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.770277 22740 net.cpp:165] Memory required for data: 3739921236
I1107 01:40:23.770282 22740 layer_factory.hpp:77] Creating layer res4b18_branch2b_relu
I1107 01:40:23.770287 22740 net.cpp:100] Creating Layer res4b18_branch2b_relu
I1107 01:40:23.770294 22740 net.cpp:444] res4b18_branch2b_relu <- res4b18_branch2b
I1107 01:40:23.770298 22740 net.cpp:405] res4b18_branch2b_relu -> res4b18_branch2b (in-place)
I1107 01:40:23.770521 22740 net.cpp:150] Setting up res4b18_branch2b_relu
I1107 01:40:23.770530 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.770532 22740 net.cpp:165] Memory required for data: 3742372692
I1107 01:40:23.770535 22740 layer_factory.hpp:77] Creating layer res4b18_branch2c
I1107 01:40:23.770545 22740 net.cpp:100] Creating Layer res4b18_branch2c
I1107 01:40:23.770550 22740 net.cpp:444] res4b18_branch2c <- res4b18_branch2b
I1107 01:40:23.770555 22740 net.cpp:418] res4b18_branch2c -> res4b18_branch2c
I1107 01:40:23.774060 22740 net.cpp:150] Setting up res4b18_branch2c
I1107 01:40:23.774071 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.774075 22740 net.cpp:165] Memory required for data: 3752178516
I1107 01:40:23.774093 22740 layer_factory.hpp:77] Creating layer bn4b18_branch2c
I1107 01:40:23.774101 22740 net.cpp:100] Creating Layer bn4b18_branch2c
I1107 01:40:23.774104 22740 net.cpp:444] bn4b18_branch2c <- res4b18_branch2c
I1107 01:40:23.774127 22740 net.cpp:405] bn4b18_branch2c -> res4b18_branch2c (in-place)
I1107 01:40:23.774541 22740 net.cpp:150] Setting up bn4b18_branch2c
I1107 01:40:23.774549 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.774551 22740 net.cpp:165] Memory required for data: 3761984340
I1107 01:40:23.774574 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2c
I1107 01:40:23.774581 22740 net.cpp:100] Creating Layer scale4b18_branch2c
I1107 01:40:23.774585 22740 net.cpp:444] scale4b18_branch2c <- res4b18_branch2c
I1107 01:40:23.774590 22740 net.cpp:405] scale4b18_branch2c -> res4b18_branch2c (in-place)
I1107 01:40:23.774657 22740 layer_factory.hpp:77] Creating layer scale4b18_branch2c
I1107 01:40:23.774912 22740 net.cpp:150] Setting up scale4b18_branch2c
I1107 01:40:23.774921 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.774924 22740 net.cpp:165] Memory required for data: 3771790164
I1107 01:40:23.774929 22740 layer_factory.hpp:77] Creating layer res4b18
I1107 01:40:23.774935 22740 net.cpp:100] Creating Layer res4b18
I1107 01:40:23.774937 22740 net.cpp:444] res4b18 <- res4b17_res4b17_relu_0_split_1
I1107 01:40:23.774941 22740 net.cpp:444] res4b18 <- res4b18_branch2c
I1107 01:40:23.774945 22740 net.cpp:418] res4b18 -> res4b18
I1107 01:40:23.775007 22740 net.cpp:150] Setting up res4b18
I1107 01:40:23.775029 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.775032 22740 net.cpp:165] Memory required for data: 3781595988
I1107 01:40:23.775034 22740 layer_factory.hpp:77] Creating layer res4b18_relu
I1107 01:40:23.775040 22740 net.cpp:100] Creating Layer res4b18_relu
I1107 01:40:23.775044 22740 net.cpp:444] res4b18_relu <- res4b18
I1107 01:40:23.775054 22740 net.cpp:405] res4b18_relu -> res4b18 (in-place)
I1107 01:40:23.775300 22740 net.cpp:150] Setting up res4b18_relu
I1107 01:40:23.775324 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.775327 22740 net.cpp:165] Memory required for data: 3791401812
I1107 01:40:23.775329 22740 layer_factory.hpp:77] Creating layer res4b18_res4b18_relu_0_split
I1107 01:40:23.775336 22740 net.cpp:100] Creating Layer res4b18_res4b18_relu_0_split
I1107 01:40:23.775341 22740 net.cpp:444] res4b18_res4b18_relu_0_split <- res4b18
I1107 01:40:23.775347 22740 net.cpp:418] res4b18_res4b18_relu_0_split -> res4b18_res4b18_relu_0_split_0
I1107 01:40:23.775353 22740 net.cpp:418] res4b18_res4b18_relu_0_split -> res4b18_res4b18_relu_0_split_1
I1107 01:40:23.775467 22740 net.cpp:150] Setting up res4b18_res4b18_relu_0_split
I1107 01:40:23.775475 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.775477 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.775480 22740 net.cpp:165] Memory required for data: 3811013460
I1107 01:40:23.775482 22740 layer_factory.hpp:77] Creating layer res4b19_branch2a
I1107 01:40:23.775491 22740 net.cpp:100] Creating Layer res4b19_branch2a
I1107 01:40:23.775496 22740 net.cpp:444] res4b19_branch2a <- res4b18_res4b18_relu_0_split_0
I1107 01:40:23.775501 22740 net.cpp:418] res4b19_branch2a -> res4b19_branch2a
I1107 01:40:23.777040 22740 net.cpp:150] Setting up res4b19_branch2a
I1107 01:40:23.777051 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.777055 22740 net.cpp:165] Memory required for data: 3813464916
I1107 01:40:23.777058 22740 layer_factory.hpp:77] Creating layer bn4b19_branch2a
I1107 01:40:23.777066 22740 net.cpp:100] Creating Layer bn4b19_branch2a
I1107 01:40:23.777070 22740 net.cpp:444] bn4b19_branch2a <- res4b19_branch2a
I1107 01:40:23.777075 22740 net.cpp:405] bn4b19_branch2a -> res4b19_branch2a (in-place)
I1107 01:40:23.777485 22740 net.cpp:150] Setting up bn4b19_branch2a
I1107 01:40:23.777493 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.777494 22740 net.cpp:165] Memory required for data: 3815916372
I1107 01:40:23.777518 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2a
I1107 01:40:23.777524 22740 net.cpp:100] Creating Layer scale4b19_branch2a
I1107 01:40:23.777528 22740 net.cpp:444] scale4b19_branch2a <- res4b19_branch2a
I1107 01:40:23.777532 22740 net.cpp:405] scale4b19_branch2a -> res4b19_branch2a (in-place)
I1107 01:40:23.777600 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2a
I1107 01:40:23.777812 22740 net.cpp:150] Setting up scale4b19_branch2a
I1107 01:40:23.777819 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.777822 22740 net.cpp:165] Memory required for data: 3818367828
I1107 01:40:23.777827 22740 layer_factory.hpp:77] Creating layer res4b19_branch2a_relu
I1107 01:40:23.777832 22740 net.cpp:100] Creating Layer res4b19_branch2a_relu
I1107 01:40:23.777837 22740 net.cpp:444] res4b19_branch2a_relu <- res4b19_branch2a
I1107 01:40:23.777840 22740 net.cpp:405] res4b19_branch2a_relu -> res4b19_branch2a (in-place)
I1107 01:40:23.778069 22740 net.cpp:150] Setting up res4b19_branch2a_relu
I1107 01:40:23.778079 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.778081 22740 net.cpp:165] Memory required for data: 3820819284
I1107 01:40:23.778084 22740 layer_factory.hpp:77] Creating layer res4b19_branch2b
I1107 01:40:23.778093 22740 net.cpp:100] Creating Layer res4b19_branch2b
I1107 01:40:23.778097 22740 net.cpp:444] res4b19_branch2b <- res4b19_branch2a
I1107 01:40:23.778105 22740 net.cpp:418] res4b19_branch2b -> res4b19_branch2b
I1107 01:40:23.781808 22740 net.cpp:150] Setting up res4b19_branch2b
I1107 01:40:23.781821 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.781823 22740 net.cpp:165] Memory required for data: 3823270740
I1107 01:40:23.781827 22740 layer_factory.hpp:77] Creating layer bn4b19_branch2b
I1107 01:40:23.781834 22740 net.cpp:100] Creating Layer bn4b19_branch2b
I1107 01:40:23.781838 22740 net.cpp:444] bn4b19_branch2b <- res4b19_branch2b
I1107 01:40:23.781842 22740 net.cpp:405] bn4b19_branch2b -> res4b19_branch2b (in-place)
I1107 01:40:23.782279 22740 net.cpp:150] Setting up bn4b19_branch2b
I1107 01:40:23.782286 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.782289 22740 net.cpp:165] Memory required for data: 3825722196
I1107 01:40:23.782312 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2b
I1107 01:40:23.782320 22740 net.cpp:100] Creating Layer scale4b19_branch2b
I1107 01:40:23.782322 22740 net.cpp:444] scale4b19_branch2b <- res4b19_branch2b
I1107 01:40:23.782327 22740 net.cpp:405] scale4b19_branch2b -> res4b19_branch2b (in-place)
I1107 01:40:23.782398 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2b
I1107 01:40:23.782631 22740 net.cpp:150] Setting up scale4b19_branch2b
I1107 01:40:23.782639 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.782641 22740 net.cpp:165] Memory required for data: 3828173652
I1107 01:40:23.782646 22740 layer_factory.hpp:77] Creating layer res4b19_branch2b_relu
I1107 01:40:23.782652 22740 net.cpp:100] Creating Layer res4b19_branch2b_relu
I1107 01:40:23.782660 22740 net.cpp:444] res4b19_branch2b_relu <- res4b19_branch2b
I1107 01:40:23.782663 22740 net.cpp:405] res4b19_branch2b_relu -> res4b19_branch2b (in-place)
I1107 01:40:23.782838 22740 net.cpp:150] Setting up res4b19_branch2b_relu
I1107 01:40:23.782846 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.782850 22740 net.cpp:165] Memory required for data: 3830625108
I1107 01:40:23.782851 22740 layer_factory.hpp:77] Creating layer res4b19_branch2c
I1107 01:40:23.782860 22740 net.cpp:100] Creating Layer res4b19_branch2c
I1107 01:40:23.782865 22740 net.cpp:444] res4b19_branch2c <- res4b19_branch2b
I1107 01:40:23.782869 22740 net.cpp:418] res4b19_branch2c -> res4b19_branch2c
I1107 01:40:23.785936 22740 net.cpp:150] Setting up res4b19_branch2c
I1107 01:40:23.785948 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.785951 22740 net.cpp:165] Memory required for data: 3840430932
I1107 01:40:23.785955 22740 layer_factory.hpp:77] Creating layer bn4b19_branch2c
I1107 01:40:23.785964 22740 net.cpp:100] Creating Layer bn4b19_branch2c
I1107 01:40:23.785966 22740 net.cpp:444] bn4b19_branch2c <- res4b19_branch2c
I1107 01:40:23.785972 22740 net.cpp:405] bn4b19_branch2c -> res4b19_branch2c (in-place)
I1107 01:40:23.786393 22740 net.cpp:150] Setting up bn4b19_branch2c
I1107 01:40:23.786401 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.786402 22740 net.cpp:165] Memory required for data: 3850236756
I1107 01:40:23.786427 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2c
I1107 01:40:23.786433 22740 net.cpp:100] Creating Layer scale4b19_branch2c
I1107 01:40:23.786437 22740 net.cpp:444] scale4b19_branch2c <- res4b19_branch2c
I1107 01:40:23.786442 22740 net.cpp:405] scale4b19_branch2c -> res4b19_branch2c (in-place)
I1107 01:40:23.786511 22740 layer_factory.hpp:77] Creating layer scale4b19_branch2c
I1107 01:40:23.786749 22740 net.cpp:150] Setting up scale4b19_branch2c
I1107 01:40:23.786757 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.786759 22740 net.cpp:165] Memory required for data: 3860042580
I1107 01:40:23.786764 22740 layer_factory.hpp:77] Creating layer res4b19
I1107 01:40:23.786769 22740 net.cpp:100] Creating Layer res4b19
I1107 01:40:23.786778 22740 net.cpp:444] res4b19 <- res4b18_res4b18_relu_0_split_1
I1107 01:40:23.786782 22740 net.cpp:444] res4b19 <- res4b19_branch2c
I1107 01:40:23.786787 22740 net.cpp:418] res4b19 -> res4b19
I1107 01:40:23.786849 22740 net.cpp:150] Setting up res4b19
I1107 01:40:23.786854 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.786856 22740 net.cpp:165] Memory required for data: 3869848404
I1107 01:40:23.786859 22740 layer_factory.hpp:77] Creating layer res4b19_relu
I1107 01:40:23.786881 22740 net.cpp:100] Creating Layer res4b19_relu
I1107 01:40:23.786885 22740 net.cpp:444] res4b19_relu <- res4b19
I1107 01:40:23.786890 22740 net.cpp:405] res4b19_relu -> res4b19 (in-place)
I1107 01:40:23.787611 22740 net.cpp:150] Setting up res4b19_relu
I1107 01:40:23.787622 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.787624 22740 net.cpp:165] Memory required for data: 3879654228
I1107 01:40:23.787645 22740 layer_factory.hpp:77] Creating layer res4b19_res4b19_relu_0_split
I1107 01:40:23.787652 22740 net.cpp:100] Creating Layer res4b19_res4b19_relu_0_split
I1107 01:40:23.787654 22740 net.cpp:444] res4b19_res4b19_relu_0_split <- res4b19
I1107 01:40:23.787659 22740 net.cpp:418] res4b19_res4b19_relu_0_split -> res4b19_res4b19_relu_0_split_0
I1107 01:40:23.787665 22740 net.cpp:418] res4b19_res4b19_relu_0_split -> res4b19_res4b19_relu_0_split_1
I1107 01:40:23.787746 22740 net.cpp:150] Setting up res4b19_res4b19_relu_0_split
I1107 01:40:23.787753 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.787756 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.787758 22740 net.cpp:165] Memory required for data: 3899265876
I1107 01:40:23.787760 22740 layer_factory.hpp:77] Creating layer res4b20_branch2a
I1107 01:40:23.787768 22740 net.cpp:100] Creating Layer res4b20_branch2a
I1107 01:40:23.787773 22740 net.cpp:444] res4b20_branch2a <- res4b19_res4b19_relu_0_split_0
I1107 01:40:23.787780 22740 net.cpp:418] res4b20_branch2a -> res4b20_branch2a
I1107 01:40:23.788926 22740 net.cpp:150] Setting up res4b20_branch2a
I1107 01:40:23.788936 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.788939 22740 net.cpp:165] Memory required for data: 3901717332
I1107 01:40:23.788959 22740 layer_factory.hpp:77] Creating layer bn4b20_branch2a
I1107 01:40:23.788965 22740 net.cpp:100] Creating Layer bn4b20_branch2a
I1107 01:40:23.788969 22740 net.cpp:444] bn4b20_branch2a <- res4b20_branch2a
I1107 01:40:23.788975 22740 net.cpp:405] bn4b20_branch2a -> res4b20_branch2a (in-place)
I1107 01:40:23.789397 22740 net.cpp:150] Setting up bn4b20_branch2a
I1107 01:40:23.789404 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.789407 22740 net.cpp:165] Memory required for data: 3904168788
I1107 01:40:23.789466 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2a
I1107 01:40:23.789558 22740 net.cpp:100] Creating Layer scale4b20_branch2a
I1107 01:40:23.789569 22740 net.cpp:444] scale4b20_branch2a <- res4b20_branch2a
I1107 01:40:23.789579 22740 net.cpp:405] scale4b20_branch2a -> res4b20_branch2a (in-place)
I1107 01:40:23.789662 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2a
I1107 01:40:23.789983 22740 net.cpp:150] Setting up scale4b20_branch2a
I1107 01:40:23.789990 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.789993 22740 net.cpp:165] Memory required for data: 3906620244
I1107 01:40:23.790015 22740 layer_factory.hpp:77] Creating layer res4b20_branch2a_relu
I1107 01:40:23.790022 22740 net.cpp:100] Creating Layer res4b20_branch2a_relu
I1107 01:40:23.790025 22740 net.cpp:444] res4b20_branch2a_relu <- res4b20_branch2a
I1107 01:40:23.790030 22740 net.cpp:405] res4b20_branch2a_relu -> res4b20_branch2a (in-place)
I1107 01:40:23.790675 22740 net.cpp:150] Setting up res4b20_branch2a_relu
I1107 01:40:23.790686 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.790688 22740 net.cpp:165] Memory required for data: 3909071700
I1107 01:40:23.790706 22740 layer_factory.hpp:77] Creating layer res4b20_branch2b
I1107 01:40:23.790715 22740 net.cpp:100] Creating Layer res4b20_branch2b
I1107 01:40:23.790719 22740 net.cpp:444] res4b20_branch2b <- res4b20_branch2a
I1107 01:40:23.790725 22740 net.cpp:418] res4b20_branch2b -> res4b20_branch2b
I1107 01:40:23.794564 22740 net.cpp:150] Setting up res4b20_branch2b
I1107 01:40:23.794577 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.794579 22740 net.cpp:165] Memory required for data: 3911523156
I1107 01:40:23.794584 22740 layer_factory.hpp:77] Creating layer bn4b20_branch2b
I1107 01:40:23.794592 22740 net.cpp:100] Creating Layer bn4b20_branch2b
I1107 01:40:23.794595 22740 net.cpp:444] bn4b20_branch2b <- res4b20_branch2b
I1107 01:40:23.794600 22740 net.cpp:405] bn4b20_branch2b -> res4b20_branch2b (in-place)
I1107 01:40:23.795027 22740 net.cpp:150] Setting up bn4b20_branch2b
I1107 01:40:23.795035 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.795037 22740 net.cpp:165] Memory required for data: 3913974612
I1107 01:40:23.795066 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2b
I1107 01:40:23.795092 22740 net.cpp:100] Creating Layer scale4b20_branch2b
I1107 01:40:23.795112 22740 net.cpp:444] scale4b20_branch2b <- res4b20_branch2b
I1107 01:40:23.795117 22740 net.cpp:405] scale4b20_branch2b -> res4b20_branch2b (in-place)
I1107 01:40:23.795197 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2b
I1107 01:40:23.795464 22740 net.cpp:150] Setting up scale4b20_branch2b
I1107 01:40:23.795487 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.795490 22740 net.cpp:165] Memory required for data: 3916426068
I1107 01:40:23.795512 22740 layer_factory.hpp:77] Creating layer res4b20_branch2b_relu
I1107 01:40:23.795517 22740 net.cpp:100] Creating Layer res4b20_branch2b_relu
I1107 01:40:23.795521 22740 net.cpp:444] res4b20_branch2b_relu <- res4b20_branch2b
I1107 01:40:23.795526 22740 net.cpp:405] res4b20_branch2b_relu -> res4b20_branch2b (in-place)
I1107 01:40:23.795742 22740 net.cpp:150] Setting up res4b20_branch2b_relu
I1107 01:40:23.795752 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.795754 22740 net.cpp:165] Memory required for data: 3918877524
I1107 01:40:23.795756 22740 layer_factory.hpp:77] Creating layer res4b20_branch2c
I1107 01:40:23.795765 22740 net.cpp:100] Creating Layer res4b20_branch2c
I1107 01:40:23.795769 22740 net.cpp:444] res4b20_branch2c <- res4b20_branch2b
I1107 01:40:23.795775 22740 net.cpp:418] res4b20_branch2c -> res4b20_branch2c
I1107 01:40:23.798732 22740 net.cpp:150] Setting up res4b20_branch2c
I1107 01:40:23.798744 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.798748 22740 net.cpp:165] Memory required for data: 3928683348
I1107 01:40:23.798769 22740 layer_factory.hpp:77] Creating layer bn4b20_branch2c
I1107 01:40:23.798776 22740 net.cpp:100] Creating Layer bn4b20_branch2c
I1107 01:40:23.798779 22740 net.cpp:444] bn4b20_branch2c <- res4b20_branch2c
I1107 01:40:23.798784 22740 net.cpp:405] bn4b20_branch2c -> res4b20_branch2c (in-place)
I1107 01:40:23.799332 22740 net.cpp:150] Setting up bn4b20_branch2c
I1107 01:40:23.799341 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.799345 22740 net.cpp:165] Memory required for data: 3938489172
I1107 01:40:23.799368 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2c
I1107 01:40:23.799376 22740 net.cpp:100] Creating Layer scale4b20_branch2c
I1107 01:40:23.799379 22740 net.cpp:444] scale4b20_branch2c <- res4b20_branch2c
I1107 01:40:23.799386 22740 net.cpp:405] scale4b20_branch2c -> res4b20_branch2c (in-place)
I1107 01:40:23.799526 22740 layer_factory.hpp:77] Creating layer scale4b20_branch2c
I1107 01:40:23.799809 22740 net.cpp:150] Setting up scale4b20_branch2c
I1107 01:40:23.799816 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.799834 22740 net.cpp:165] Memory required for data: 3948294996
I1107 01:40:23.799839 22740 layer_factory.hpp:77] Creating layer res4b20
I1107 01:40:23.799862 22740 net.cpp:100] Creating Layer res4b20
I1107 01:40:23.799866 22740 net.cpp:444] res4b20 <- res4b19_res4b19_relu_0_split_1
I1107 01:40:23.799870 22740 net.cpp:444] res4b20 <- res4b20_branch2c
I1107 01:40:23.799875 22740 net.cpp:418] res4b20 -> res4b20
I1107 01:40:23.799973 22740 net.cpp:150] Setting up res4b20
I1107 01:40:23.799979 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.799981 22740 net.cpp:165] Memory required for data: 3958100820
I1107 01:40:23.799984 22740 layer_factory.hpp:77] Creating layer res4b20_relu
I1107 01:40:23.800007 22740 net.cpp:100] Creating Layer res4b20_relu
I1107 01:40:23.800010 22740 net.cpp:444] res4b20_relu <- res4b20
I1107 01:40:23.800016 22740 net.cpp:405] res4b20_relu -> res4b20 (in-place)
I1107 01:40:23.800217 22740 net.cpp:150] Setting up res4b20_relu
I1107 01:40:23.800226 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.800230 22740 net.cpp:165] Memory required for data: 3967906644
I1107 01:40:23.800232 22740 layer_factory.hpp:77] Creating layer res4b20_res4b20_relu_0_split
I1107 01:40:23.800238 22740 net.cpp:100] Creating Layer res4b20_res4b20_relu_0_split
I1107 01:40:23.800242 22740 net.cpp:444] res4b20_res4b20_relu_0_split <- res4b20
I1107 01:40:23.800247 22740 net.cpp:418] res4b20_res4b20_relu_0_split -> res4b20_res4b20_relu_0_split_0
I1107 01:40:23.800259 22740 net.cpp:418] res4b20_res4b20_relu_0_split -> res4b20_res4b20_relu_0_split_1
I1107 01:40:23.800376 22740 net.cpp:150] Setting up res4b20_res4b20_relu_0_split
I1107 01:40:23.800384 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.800386 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.800389 22740 net.cpp:165] Memory required for data: 3987518292
I1107 01:40:23.800391 22740 layer_factory.hpp:77] Creating layer res4b21_branch2a
I1107 01:40:23.800398 22740 net.cpp:100] Creating Layer res4b21_branch2a
I1107 01:40:23.800403 22740 net.cpp:444] res4b21_branch2a <- res4b20_res4b20_relu_0_split_0
I1107 01:40:23.800408 22740 net.cpp:418] res4b21_branch2a -> res4b21_branch2a
I1107 01:40:23.802057 22740 net.cpp:150] Setting up res4b21_branch2a
I1107 01:40:23.802070 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.802073 22740 net.cpp:165] Memory required for data: 3989969748
I1107 01:40:23.802093 22740 layer_factory.hpp:77] Creating layer bn4b21_branch2a
I1107 01:40:23.802103 22740 net.cpp:100] Creating Layer bn4b21_branch2a
I1107 01:40:23.802105 22740 net.cpp:444] bn4b21_branch2a <- res4b21_branch2a
I1107 01:40:23.802112 22740 net.cpp:405] bn4b21_branch2a -> res4b21_branch2a (in-place)
I1107 01:40:23.802592 22740 net.cpp:150] Setting up bn4b21_branch2a
I1107 01:40:23.802598 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.802600 22740 net.cpp:165] Memory required for data: 3992421204
I1107 01:40:23.802624 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2a
I1107 01:40:23.802633 22740 net.cpp:100] Creating Layer scale4b21_branch2a
I1107 01:40:23.802635 22740 net.cpp:444] scale4b21_branch2a <- res4b21_branch2a
I1107 01:40:23.802640 22740 net.cpp:405] scale4b21_branch2a -> res4b21_branch2a (in-place)
I1107 01:40:23.802731 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2a
I1107 01:40:23.802961 22740 net.cpp:150] Setting up scale4b21_branch2a
I1107 01:40:23.802968 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.802971 22740 net.cpp:165] Memory required for data: 3994872660
I1107 01:40:23.802976 22740 layer_factory.hpp:77] Creating layer res4b21_branch2a_relu
I1107 01:40:23.802981 22740 net.cpp:100] Creating Layer res4b21_branch2a_relu
I1107 01:40:23.802986 22740 net.cpp:444] res4b21_branch2a_relu <- res4b21_branch2a
I1107 01:40:23.802990 22740 net.cpp:405] res4b21_branch2a_relu -> res4b21_branch2a (in-place)
I1107 01:40:23.803280 22740 net.cpp:150] Setting up res4b21_branch2a_relu
I1107 01:40:23.803289 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.803292 22740 net.cpp:165] Memory required for data: 3997324116
I1107 01:40:23.803295 22740 layer_factory.hpp:77] Creating layer res4b21_branch2b
I1107 01:40:23.803320 22740 net.cpp:100] Creating Layer res4b21_branch2b
I1107 01:40:23.803324 22740 net.cpp:444] res4b21_branch2b <- res4b21_branch2a
I1107 01:40:23.803328 22740 net.cpp:418] res4b21_branch2b -> res4b21_branch2b
I1107 01:40:23.807147 22740 net.cpp:150] Setting up res4b21_branch2b
I1107 01:40:23.807160 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.807163 22740 net.cpp:165] Memory required for data: 3999775572
I1107 01:40:23.807183 22740 layer_factory.hpp:77] Creating layer bn4b21_branch2b
I1107 01:40:23.807193 22740 net.cpp:100] Creating Layer bn4b21_branch2b
I1107 01:40:23.807196 22740 net.cpp:444] bn4b21_branch2b <- res4b21_branch2b
I1107 01:40:23.807219 22740 net.cpp:405] bn4b21_branch2b -> res4b21_branch2b (in-place)
I1107 01:40:23.807683 22740 net.cpp:150] Setting up bn4b21_branch2b
I1107 01:40:23.807692 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.807693 22740 net.cpp:165] Memory required for data: 4002227028
I1107 01:40:23.807716 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2b
I1107 01:40:23.807724 22740 net.cpp:100] Creating Layer scale4b21_branch2b
I1107 01:40:23.807728 22740 net.cpp:444] scale4b21_branch2b <- res4b21_branch2b
I1107 01:40:23.807732 22740 net.cpp:405] scale4b21_branch2b -> res4b21_branch2b (in-place)
I1107 01:40:23.807808 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2b
I1107 01:40:23.808043 22740 net.cpp:150] Setting up scale4b21_branch2b
I1107 01:40:23.808086 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.808095 22740 net.cpp:165] Memory required for data: 4004678484
I1107 01:40:23.808127 22740 layer_factory.hpp:77] Creating layer res4b21_branch2b_relu
I1107 01:40:23.808140 22740 net.cpp:100] Creating Layer res4b21_branch2b_relu
I1107 01:40:23.808151 22740 net.cpp:444] res4b21_branch2b_relu <- res4b21_branch2b
I1107 01:40:23.808161 22740 net.cpp:405] res4b21_branch2b_relu -> res4b21_branch2b (in-place)
I1107 01:40:23.808369 22740 net.cpp:150] Setting up res4b21_branch2b_relu
I1107 01:40:23.808377 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.808380 22740 net.cpp:165] Memory required for data: 4007129940
I1107 01:40:23.808383 22740 layer_factory.hpp:77] Creating layer res4b21_branch2c
I1107 01:40:23.808393 22740 net.cpp:100] Creating Layer res4b21_branch2c
I1107 01:40:23.808413 22740 net.cpp:444] res4b21_branch2c <- res4b21_branch2b
I1107 01:40:23.808420 22740 net.cpp:418] res4b21_branch2c -> res4b21_branch2c
I1107 01:40:23.811424 22740 net.cpp:150] Setting up res4b21_branch2c
I1107 01:40:23.811435 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.811439 22740 net.cpp:165] Memory required for data: 4016935764
I1107 01:40:23.811442 22740 layer_factory.hpp:77] Creating layer bn4b21_branch2c
I1107 01:40:23.811450 22740 net.cpp:100] Creating Layer bn4b21_branch2c
I1107 01:40:23.811453 22740 net.cpp:444] bn4b21_branch2c <- res4b21_branch2c
I1107 01:40:23.811458 22740 net.cpp:405] bn4b21_branch2c -> res4b21_branch2c (in-place)
I1107 01:40:23.811939 22740 net.cpp:150] Setting up bn4b21_branch2c
I1107 01:40:23.811946 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.811949 22740 net.cpp:165] Memory required for data: 4026741588
I1107 01:40:23.811954 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2c
I1107 01:40:23.811961 22740 net.cpp:100] Creating Layer scale4b21_branch2c
I1107 01:40:23.811964 22740 net.cpp:444] scale4b21_branch2c <- res4b21_branch2c
I1107 01:40:23.811969 22740 net.cpp:405] scale4b21_branch2c -> res4b21_branch2c (in-place)
I1107 01:40:23.812055 22740 layer_factory.hpp:77] Creating layer scale4b21_branch2c
I1107 01:40:23.812300 22740 net.cpp:150] Setting up scale4b21_branch2c
I1107 01:40:23.812307 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.812309 22740 net.cpp:165] Memory required for data: 4036547412
I1107 01:40:23.812314 22740 layer_factory.hpp:77] Creating layer res4b21
I1107 01:40:23.812320 22740 net.cpp:100] Creating Layer res4b21
I1107 01:40:23.812325 22740 net.cpp:444] res4b21 <- res4b20_res4b20_relu_0_split_1
I1107 01:40:23.812328 22740 net.cpp:444] res4b21 <- res4b21_branch2c
I1107 01:40:23.812333 22740 net.cpp:418] res4b21 -> res4b21
I1107 01:40:23.812377 22740 net.cpp:150] Setting up res4b21
I1107 01:40:23.812383 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.812386 22740 net.cpp:165] Memory required for data: 4046353236
I1107 01:40:23.812388 22740 layer_factory.hpp:77] Creating layer res4b21_relu
I1107 01:40:23.812396 22740 net.cpp:100] Creating Layer res4b21_relu
I1107 01:40:23.812399 22740 net.cpp:444] res4b21_relu <- res4b21
I1107 01:40:23.812404 22740 net.cpp:405] res4b21_relu -> res4b21 (in-place)
I1107 01:40:23.813065 22740 net.cpp:150] Setting up res4b21_relu
I1107 01:40:23.813077 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.813079 22740 net.cpp:165] Memory required for data: 4056159060
I1107 01:40:23.813098 22740 layer_factory.hpp:77] Creating layer res4b21_res4b21_relu_0_split
I1107 01:40:23.813104 22740 net.cpp:100] Creating Layer res4b21_res4b21_relu_0_split
I1107 01:40:23.813108 22740 net.cpp:444] res4b21_res4b21_relu_0_split <- res4b21
I1107 01:40:23.813114 22740 net.cpp:418] res4b21_res4b21_relu_0_split -> res4b21_res4b21_relu_0_split_0
I1107 01:40:23.813138 22740 net.cpp:418] res4b21_res4b21_relu_0_split -> res4b21_res4b21_relu_0_split_1
I1107 01:40:23.813256 22740 net.cpp:150] Setting up res4b21_res4b21_relu_0_split
I1107 01:40:23.813262 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.813266 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.813267 22740 net.cpp:165] Memory required for data: 4075770708
I1107 01:40:23.813269 22740 layer_factory.hpp:77] Creating layer res4b22_branch2a
I1107 01:40:23.813278 22740 net.cpp:100] Creating Layer res4b22_branch2a
I1107 01:40:23.813283 22740 net.cpp:444] res4b22_branch2a <- res4b21_res4b21_relu_0_split_0
I1107 01:40:23.813288 22740 net.cpp:418] res4b22_branch2a -> res4b22_branch2a
I1107 01:40:23.814410 22740 net.cpp:150] Setting up res4b22_branch2a
I1107 01:40:23.814419 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.814422 22740 net.cpp:165] Memory required for data: 4078222164
I1107 01:40:23.814441 22740 layer_factory.hpp:77] Creating layer bn4b22_branch2a
I1107 01:40:23.814447 22740 net.cpp:100] Creating Layer bn4b22_branch2a
I1107 01:40:23.814451 22740 net.cpp:444] bn4b22_branch2a <- res4b22_branch2a
I1107 01:40:23.814455 22740 net.cpp:405] bn4b22_branch2a -> res4b22_branch2a (in-place)
I1107 01:40:23.814913 22740 net.cpp:150] Setting up bn4b22_branch2a
I1107 01:40:23.814959 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.814982 22740 net.cpp:165] Memory required for data: 4080673620
I1107 01:40:23.815011 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2a
I1107 01:40:23.815024 22740 net.cpp:100] Creating Layer scale4b22_branch2a
I1107 01:40:23.815033 22740 net.cpp:444] scale4b22_branch2a <- res4b22_branch2a
I1107 01:40:23.815044 22740 net.cpp:405] scale4b22_branch2a -> res4b22_branch2a (in-place)
I1107 01:40:23.815213 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2a
I1107 01:40:23.815536 22740 net.cpp:150] Setting up scale4b22_branch2a
I1107 01:40:23.815542 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.815544 22740 net.cpp:165] Memory required for data: 4083125076
I1107 01:40:23.815563 22740 layer_factory.hpp:77] Creating layer res4b22_branch2a_relu
I1107 01:40:23.815568 22740 net.cpp:100] Creating Layer res4b22_branch2a_relu
I1107 01:40:23.815572 22740 net.cpp:444] res4b22_branch2a_relu <- res4b22_branch2a
I1107 01:40:23.815577 22740 net.cpp:405] res4b22_branch2a_relu -> res4b22_branch2a (in-place)
I1107 01:40:23.816246 22740 net.cpp:150] Setting up res4b22_branch2a_relu
I1107 01:40:23.816258 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.816262 22740 net.cpp:165] Memory required for data: 4085576532
I1107 01:40:23.816278 22740 layer_factory.hpp:77] Creating layer res4b22_branch2b
I1107 01:40:23.816287 22740 net.cpp:100] Creating Layer res4b22_branch2b
I1107 01:40:23.816290 22740 net.cpp:444] res4b22_branch2b <- res4b22_branch2a
I1107 01:40:23.816298 22740 net.cpp:418] res4b22_branch2b -> res4b22_branch2b
I1107 01:40:23.819989 22740 net.cpp:150] Setting up res4b22_branch2b
I1107 01:40:23.820024 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.820031 22740 net.cpp:165] Memory required for data: 4088027988
I1107 01:40:23.820065 22740 layer_factory.hpp:77] Creating layer bn4b22_branch2b
I1107 01:40:23.820080 22740 net.cpp:100] Creating Layer bn4b22_branch2b
I1107 01:40:23.820091 22740 net.cpp:444] bn4b22_branch2b <- res4b22_branch2b
I1107 01:40:23.820101 22740 net.cpp:405] bn4b22_branch2b -> res4b22_branch2b (in-place)
I1107 01:40:23.820536 22740 net.cpp:150] Setting up bn4b22_branch2b
I1107 01:40:23.820544 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.820545 22740 net.cpp:165] Memory required for data: 4090479444
I1107 01:40:23.820569 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2b
I1107 01:40:23.820576 22740 net.cpp:100] Creating Layer scale4b22_branch2b
I1107 01:40:23.820580 22740 net.cpp:444] scale4b22_branch2b <- res4b22_branch2b
I1107 01:40:23.820585 22740 net.cpp:405] scale4b22_branch2b -> res4b22_branch2b (in-place)
I1107 01:40:23.820660 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2b
I1107 01:40:23.820947 22740 net.cpp:150] Setting up scale4b22_branch2b
I1107 01:40:23.820955 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.820956 22740 net.cpp:165] Memory required for data: 4092930900
I1107 01:40:23.820979 22740 layer_factory.hpp:77] Creating layer res4b22_branch2b_relu
I1107 01:40:23.820986 22740 net.cpp:100] Creating Layer res4b22_branch2b_relu
I1107 01:40:23.820989 22740 net.cpp:444] res4b22_branch2b_relu <- res4b22_branch2b
I1107 01:40:23.820993 22740 net.cpp:405] res4b22_branch2b_relu -> res4b22_branch2b (in-place)
I1107 01:40:23.821219 22740 net.cpp:150] Setting up res4b22_branch2b_relu
I1107 01:40:23.821228 22740 net.cpp:157] Top shape: 1 256 38 63 (612864)
I1107 01:40:23.821230 22740 net.cpp:165] Memory required for data: 4095382356
I1107 01:40:23.821233 22740 layer_factory.hpp:77] Creating layer res4b22_branch2c
I1107 01:40:23.821243 22740 net.cpp:100] Creating Layer res4b22_branch2c
I1107 01:40:23.821245 22740 net.cpp:444] res4b22_branch2c <- res4b22_branch2b
I1107 01:40:23.821250 22740 net.cpp:418] res4b22_branch2c -> res4b22_branch2c
I1107 01:40:23.824380 22740 net.cpp:150] Setting up res4b22_branch2c
I1107 01:40:23.824393 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.824395 22740 net.cpp:165] Memory required for data: 4105188180
I1107 01:40:23.824399 22740 layer_factory.hpp:77] Creating layer bn4b22_branch2c
I1107 01:40:23.824406 22740 net.cpp:100] Creating Layer bn4b22_branch2c
I1107 01:40:23.824410 22740 net.cpp:444] bn4b22_branch2c <- res4b22_branch2c
I1107 01:40:23.824415 22740 net.cpp:405] bn4b22_branch2c -> res4b22_branch2c (in-place)
I1107 01:40:23.824859 22740 net.cpp:150] Setting up bn4b22_branch2c
I1107 01:40:23.824867 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.824869 22740 net.cpp:165] Memory required for data: 4114994004
I1107 01:40:23.824892 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2c
I1107 01:40:23.824899 22740 net.cpp:100] Creating Layer scale4b22_branch2c
I1107 01:40:23.824903 22740 net.cpp:444] scale4b22_branch2c <- res4b22_branch2c
I1107 01:40:23.824908 22740 net.cpp:405] scale4b22_branch2c -> res4b22_branch2c (in-place)
I1107 01:40:23.824980 22740 layer_factory.hpp:77] Creating layer scale4b22_branch2c
I1107 01:40:23.825228 22740 net.cpp:150] Setting up scale4b22_branch2c
I1107 01:40:23.825237 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825238 22740 net.cpp:165] Memory required for data: 4124799828
I1107 01:40:23.825243 22740 layer_factory.hpp:77] Creating layer res4b22
I1107 01:40:23.825268 22740 net.cpp:100] Creating Layer res4b22
I1107 01:40:23.825273 22740 net.cpp:444] res4b22 <- res4b21_res4b21_relu_0_split_1
I1107 01:40:23.825276 22740 net.cpp:444] res4b22 <- res4b22_branch2c
I1107 01:40:23.825280 22740 net.cpp:418] res4b22 -> res4b22
I1107 01:40:23.825346 22740 net.cpp:150] Setting up res4b22
I1107 01:40:23.825353 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825356 22740 net.cpp:165] Memory required for data: 4134605652
I1107 01:40:23.825357 22740 layer_factory.hpp:77] Creating layer res4b22_relu
I1107 01:40:23.825364 22740 net.cpp:100] Creating Layer res4b22_relu
I1107 01:40:23.825367 22740 net.cpp:444] res4b22_relu <- res4b22
I1107 01:40:23.825373 22740 net.cpp:405] res4b22_relu -> res4b22 (in-place)
I1107 01:40:23.825568 22740 net.cpp:150] Setting up res4b22_relu
I1107 01:40:23.825577 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825579 22740 net.cpp:165] Memory required for data: 4144411476
I1107 01:40:23.825599 22740 layer_factory.hpp:77] Creating layer res4b22_res4b22_relu_0_split
I1107 01:40:23.825605 22740 net.cpp:100] Creating Layer res4b22_res4b22_relu_0_split
I1107 01:40:23.825609 22740 net.cpp:444] res4b22_res4b22_relu_0_split <- res4b22
I1107 01:40:23.825633 22740 net.cpp:418] res4b22_res4b22_relu_0_split -> res4b22_res4b22_relu_0_split_0
I1107 01:40:23.825639 22740 net.cpp:418] res4b22_res4b22_relu_0_split -> res4b22_res4b22_relu_0_split_1
I1107 01:40:23.825645 22740 net.cpp:418] res4b22_res4b22_relu_0_split -> res4b22_res4b22_relu_0_split_2
I1107 01:40:23.825750 22740 net.cpp:150] Setting up res4b22_res4b22_relu_0_split
I1107 01:40:23.825757 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825759 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825762 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:23.825764 22740 net.cpp:165] Memory required for data: 4173828948
I1107 01:40:23.825767 22740 layer_factory.hpp:77] Creating layer res5a_branch1
I1107 01:40:23.825775 22740 net.cpp:100] Creating Layer res5a_branch1
I1107 01:40:23.825779 22740 net.cpp:444] res5a_branch1 <- res4b22_res4b22_relu_0_split_0
I1107 01:40:23.825785 22740 net.cpp:418] res5a_branch1 -> res5a_branch1
I1107 01:40:23.832492 22740 net.cpp:150] Setting up res5a_branch1
I1107 01:40:23.832504 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.832507 22740 net.cpp:165] Memory required for data: 4193440596
I1107 01:40:23.832512 22740 layer_factory.hpp:77] Creating layer bn5a_branch1
I1107 01:40:23.832520 22740 net.cpp:100] Creating Layer bn5a_branch1
I1107 01:40:23.832522 22740 net.cpp:444] bn5a_branch1 <- res5a_branch1
I1107 01:40:23.832527 22740 net.cpp:405] bn5a_branch1 -> res5a_branch1 (in-place)
I1107 01:40:23.832973 22740 net.cpp:150] Setting up bn5a_branch1
I1107 01:40:23.832980 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.832983 22740 net.cpp:165] Memory required for data: 4213052244
I1107 01:40:23.833005 22740 layer_factory.hpp:77] Creating layer scale5a_branch1
I1107 01:40:23.833030 22740 net.cpp:100] Creating Layer scale5a_branch1
I1107 01:40:23.833034 22740 net.cpp:444] scale5a_branch1 <- res5a_branch1
I1107 01:40:23.833039 22740 net.cpp:405] scale5a_branch1 -> res5a_branch1 (in-place)
I1107 01:40:23.833125 22740 layer_factory.hpp:77] Creating layer scale5a_branch1
I1107 01:40:23.834775 22740 net.cpp:150] Setting up scale5a_branch1
I1107 01:40:23.834825 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.834851 22740 net.cpp:165] Memory required for data: 4232663892
I1107 01:40:23.834868 22740 layer_factory.hpp:77] Creating layer res5a_branch2a
I1107 01:40:23.834902 22740 net.cpp:100] Creating Layer res5a_branch2a
I1107 01:40:23.834911 22740 net.cpp:444] res5a_branch2a <- res4b22_res4b22_relu_0_split_1
I1107 01:40:23.834923 22740 net.cpp:418] res5a_branch2a -> res5a_branch2a
I1107 01:40:23.838091 22740 net.cpp:150] Setting up res5a_branch2a
I1107 01:40:23.838104 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.838106 22740 net.cpp:165] Memory required for data: 4237566804
I1107 01:40:23.838110 22740 layer_factory.hpp:77] Creating layer bn5a_branch2a
I1107 01:40:23.838119 22740 net.cpp:100] Creating Layer bn5a_branch2a
I1107 01:40:23.838121 22740 net.cpp:444] bn5a_branch2a <- res5a_branch2a
I1107 01:40:23.838127 22740 net.cpp:405] bn5a_branch2a -> res5a_branch2a (in-place)
I1107 01:40:23.838569 22740 net.cpp:150] Setting up bn5a_branch2a
I1107 01:40:23.838577 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.838579 22740 net.cpp:165] Memory required for data: 4242469716
I1107 01:40:23.838603 22740 layer_factory.hpp:77] Creating layer scale5a_branch2a
I1107 01:40:23.838609 22740 net.cpp:100] Creating Layer scale5a_branch2a
I1107 01:40:23.838613 22740 net.cpp:444] scale5a_branch2a <- res5a_branch2a
I1107 01:40:23.838618 22740 net.cpp:405] scale5a_branch2a -> res5a_branch2a (in-place)
I1107 01:40:23.838690 22740 layer_factory.hpp:77] Creating layer scale5a_branch2a
I1107 01:40:23.838929 22740 net.cpp:150] Setting up scale5a_branch2a
I1107 01:40:23.838937 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.838939 22740 net.cpp:165] Memory required for data: 4247372628
I1107 01:40:23.838944 22740 layer_factory.hpp:77] Creating layer res5a_branch2a_relu
I1107 01:40:23.838950 22740 net.cpp:100] Creating Layer res5a_branch2a_relu
I1107 01:40:23.838958 22740 net.cpp:444] res5a_branch2a_relu <- res5a_branch2a
I1107 01:40:23.838961 22740 net.cpp:405] res5a_branch2a_relu -> res5a_branch2a (in-place)
I1107 01:40:23.839272 22740 net.cpp:150] Setting up res5a_branch2a_relu
I1107 01:40:23.839282 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.839284 22740 net.cpp:165] Memory required for data: 4252275540
I1107 01:40:23.839287 22740 layer_factory.hpp:77] Creating layer res5a_branch2b
I1107 01:40:23.839315 22740 net.cpp:100] Creating Layer res5a_branch2b
I1107 01:40:23.839318 22740 net.cpp:444] res5a_branch2b <- res5a_branch2a
I1107 01:40:23.839325 22740 net.cpp:418] res5a_branch2b -> res5a_branch2b
I1107 01:40:23.844997 22740 net.cpp:150] Setting up res5a_branch2b
I1107 01:40:23.845010 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.845012 22740 net.cpp:165] Memory required for data: 4257178452
I1107 01:40:23.845016 22740 layer_factory.hpp:77] Creating layer bn5a_branch2b
I1107 01:40:23.845023 22740 net.cpp:100] Creating Layer bn5a_branch2b
I1107 01:40:23.845026 22740 net.cpp:444] bn5a_branch2b <- res5a_branch2b
I1107 01:40:23.845031 22740 net.cpp:405] bn5a_branch2b -> res5a_branch2b (in-place)
I1107 01:40:23.845475 22740 net.cpp:150] Setting up bn5a_branch2b
I1107 01:40:23.845482 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.845484 22740 net.cpp:165] Memory required for data: 4262081364
I1107 01:40:23.845509 22740 layer_factory.hpp:77] Creating layer scale5a_branch2b
I1107 01:40:23.845515 22740 net.cpp:100] Creating Layer scale5a_branch2b
I1107 01:40:23.845517 22740 net.cpp:444] scale5a_branch2b <- res5a_branch2b
I1107 01:40:23.845523 22740 net.cpp:405] scale5a_branch2b -> res5a_branch2b (in-place)
I1107 01:40:23.845593 22740 layer_factory.hpp:77] Creating layer scale5a_branch2b
I1107 01:40:23.845834 22740 net.cpp:150] Setting up scale5a_branch2b
I1107 01:40:23.845841 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.845844 22740 net.cpp:165] Memory required for data: 4266984276
I1107 01:40:23.845849 22740 layer_factory.hpp:77] Creating layer res5a_branch2b_relu
I1107 01:40:23.845854 22740 net.cpp:100] Creating Layer res5a_branch2b_relu
I1107 01:40:23.845877 22740 net.cpp:444] res5a_branch2b_relu <- res5a_branch2b
I1107 01:40:23.845882 22740 net.cpp:405] res5a_branch2b_relu -> res5a_branch2b (in-place)
I1107 01:40:23.846101 22740 net.cpp:150] Setting up res5a_branch2b_relu
I1107 01:40:23.846109 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.846112 22740 net.cpp:165] Memory required for data: 4271887188
I1107 01:40:23.846115 22740 layer_factory.hpp:77] Creating layer res5a_branch2c
I1107 01:40:23.846124 22740 net.cpp:100] Creating Layer res5a_branch2c
I1107 01:40:23.846129 22740 net.cpp:444] res5a_branch2c <- res5a_branch2b
I1107 01:40:23.846137 22740 net.cpp:418] res5a_branch2c -> res5a_branch2c
I1107 01:40:23.850363 22740 net.cpp:150] Setting up res5a_branch2c
I1107 01:40:23.850375 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.850378 22740 net.cpp:165] Memory required for data: 4291498836
I1107 01:40:23.850401 22740 layer_factory.hpp:77] Creating layer bn5a_branch2c
I1107 01:40:23.850409 22740 net.cpp:100] Creating Layer bn5a_branch2c
I1107 01:40:23.850412 22740 net.cpp:444] bn5a_branch2c <- res5a_branch2c
I1107 01:40:23.850419 22740 net.cpp:405] bn5a_branch2c -> res5a_branch2c (in-place)
I1107 01:40:23.850880 22740 net.cpp:150] Setting up bn5a_branch2c
I1107 01:40:23.850927 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.850934 22740 net.cpp:165] Memory required for data: 4311110484
I1107 01:40:23.850951 22740 layer_factory.hpp:77] Creating layer scale5a_branch2c
I1107 01:40:23.850965 22740 net.cpp:100] Creating Layer scale5a_branch2c
I1107 01:40:23.850975 22740 net.cpp:444] scale5a_branch2c <- res5a_branch2c
I1107 01:40:23.850987 22740 net.cpp:405] scale5a_branch2c -> res5a_branch2c (in-place)
I1107 01:40:23.851116 22740 layer_factory.hpp:77] Creating layer scale5a_branch2c
I1107 01:40:23.851429 22740 net.cpp:150] Setting up scale5a_branch2c
I1107 01:40:23.851436 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.851438 22740 net.cpp:165] Memory required for data: 4330722132
I1107 01:40:23.851461 22740 layer_factory.hpp:77] Creating layer res5a
I1107 01:40:23.851467 22740 net.cpp:100] Creating Layer res5a
I1107 01:40:23.851471 22740 net.cpp:444] res5a <- res5a_branch1
I1107 01:40:23.851475 22740 net.cpp:444] res5a <- res5a_branch2c
I1107 01:40:23.851480 22740 net.cpp:418] res5a -> res5a
I1107 01:40:23.851528 22740 net.cpp:150] Setting up res5a
I1107 01:40:23.851536 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.851538 22740 net.cpp:165] Memory required for data: 4350333780
I1107 01:40:23.851541 22740 layer_factory.hpp:77] Creating layer res5a_relu
I1107 01:40:23.851547 22740 net.cpp:100] Creating Layer res5a_relu
I1107 01:40:23.851549 22740 net.cpp:444] res5a_relu <- res5a
I1107 01:40:23.851554 22740 net.cpp:405] res5a_relu -> res5a (in-place)
I1107 01:40:23.852223 22740 net.cpp:150] Setting up res5a_relu
I1107 01:40:23.852234 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.852237 22740 net.cpp:165] Memory required for data: 4369945428
I1107 01:40:23.852258 22740 layer_factory.hpp:77] Creating layer res5a_res5a_relu_0_split
I1107 01:40:23.852264 22740 net.cpp:100] Creating Layer res5a_res5a_relu_0_split
I1107 01:40:23.852285 22740 net.cpp:444] res5a_res5a_relu_0_split <- res5a
I1107 01:40:23.852291 22740 net.cpp:418] res5a_res5a_relu_0_split -> res5a_res5a_relu_0_split_0
I1107 01:40:23.852298 22740 net.cpp:418] res5a_res5a_relu_0_split -> res5a_res5a_relu_0_split_1
I1107 01:40:23.852388 22740 net.cpp:150] Setting up res5a_res5a_relu_0_split
I1107 01:40:23.852396 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.852399 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.852401 22740 net.cpp:165] Memory required for data: 4409168724
I1107 01:40:23.852404 22740 layer_factory.hpp:77] Creating layer res5b_branch2a
I1107 01:40:23.852414 22740 net.cpp:100] Creating Layer res5b_branch2a
I1107 01:40:23.852418 22740 net.cpp:444] res5b_branch2a <- res5a_res5a_relu_0_split_0
I1107 01:40:23.852424 22740 net.cpp:418] res5b_branch2a -> res5b_branch2a
I1107 01:40:23.856395 22740 net.cpp:150] Setting up res5b_branch2a
I1107 01:40:23.856406 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.856410 22740 net.cpp:165] Memory required for data: 4414071636
I1107 01:40:23.856428 22740 layer_factory.hpp:77] Creating layer bn5b_branch2a
I1107 01:40:23.856436 22740 net.cpp:100] Creating Layer bn5b_branch2a
I1107 01:40:23.856439 22740 net.cpp:444] bn5b_branch2a <- res5b_branch2a
I1107 01:40:23.856447 22740 net.cpp:405] bn5b_branch2a -> res5b_branch2a (in-place)
I1107 01:40:23.856884 22740 net.cpp:150] Setting up bn5b_branch2a
I1107 01:40:23.856891 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.856894 22740 net.cpp:165] Memory required for data: 4418974548
I1107 01:40:23.856917 22740 layer_factory.hpp:77] Creating layer scale5b_branch2a
I1107 01:40:23.856925 22740 net.cpp:100] Creating Layer scale5b_branch2a
I1107 01:40:23.856928 22740 net.cpp:444] scale5b_branch2a <- res5b_branch2a
I1107 01:40:23.856933 22740 net.cpp:405] scale5b_branch2a -> res5b_branch2a (in-place)
I1107 01:40:23.857005 22740 layer_factory.hpp:77] Creating layer scale5b_branch2a
I1107 01:40:23.857292 22740 net.cpp:150] Setting up scale5b_branch2a
I1107 01:40:23.857316 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.857318 22740 net.cpp:165] Memory required for data: 4423877460
I1107 01:40:23.857323 22740 layer_factory.hpp:77] Creating layer res5b_branch2a_relu
I1107 01:40:23.857347 22740 net.cpp:100] Creating Layer res5b_branch2a_relu
I1107 01:40:23.857350 22740 net.cpp:444] res5b_branch2a_relu <- res5b_branch2a
I1107 01:40:23.857354 22740 net.cpp:405] res5b_branch2a_relu -> res5b_branch2a (in-place)
I1107 01:40:23.858039 22740 net.cpp:150] Setting up res5b_branch2a_relu
I1107 01:40:23.858052 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.858053 22740 net.cpp:165] Memory required for data: 4428780372
I1107 01:40:23.858057 22740 layer_factory.hpp:77] Creating layer res5b_branch2b
I1107 01:40:23.858084 22740 net.cpp:100] Creating Layer res5b_branch2b
I1107 01:40:23.858088 22740 net.cpp:444] res5b_branch2b <- res5b_branch2a
I1107 01:40:23.858093 22740 net.cpp:418] res5b_branch2b -> res5b_branch2b
I1107 01:40:23.863993 22740 net.cpp:150] Setting up res5b_branch2b
I1107 01:40:23.864006 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.864007 22740 net.cpp:165] Memory required for data: 4433683284
I1107 01:40:23.864012 22740 layer_factory.hpp:77] Creating layer bn5b_branch2b
I1107 01:40:23.864022 22740 net.cpp:100] Creating Layer bn5b_branch2b
I1107 01:40:23.864024 22740 net.cpp:444] bn5b_branch2b <- res5b_branch2b
I1107 01:40:23.864029 22740 net.cpp:405] bn5b_branch2b -> res5b_branch2b (in-place)
I1107 01:40:23.864475 22740 net.cpp:150] Setting up bn5b_branch2b
I1107 01:40:23.864483 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.864485 22740 net.cpp:165] Memory required for data: 4438586196
I1107 01:40:23.864508 22740 layer_factory.hpp:77] Creating layer scale5b_branch2b
I1107 01:40:23.864516 22740 net.cpp:100] Creating Layer scale5b_branch2b
I1107 01:40:23.864519 22740 net.cpp:444] scale5b_branch2b <- res5b_branch2b
I1107 01:40:23.864524 22740 net.cpp:405] scale5b_branch2b -> res5b_branch2b (in-place)
I1107 01:40:23.864598 22740 layer_factory.hpp:77] Creating layer scale5b_branch2b
I1107 01:40:23.864841 22740 net.cpp:150] Setting up scale5b_branch2b
I1107 01:40:23.864848 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.864850 22740 net.cpp:165] Memory required for data: 4443489108
I1107 01:40:23.864856 22740 layer_factory.hpp:77] Creating layer res5b_branch2b_relu
I1107 01:40:23.864861 22740 net.cpp:100] Creating Layer res5b_branch2b_relu
I1107 01:40:23.864884 22740 net.cpp:444] res5b_branch2b_relu <- res5b_branch2b
I1107 01:40:23.864888 22740 net.cpp:405] res5b_branch2b_relu -> res5b_branch2b (in-place)
I1107 01:40:23.865105 22740 net.cpp:150] Setting up res5b_branch2b_relu
I1107 01:40:23.865113 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.865116 22740 net.cpp:165] Memory required for data: 4448392020
I1107 01:40:23.865119 22740 layer_factory.hpp:77] Creating layer res5b_branch2c
I1107 01:40:23.865128 22740 net.cpp:100] Creating Layer res5b_branch2c
I1107 01:40:23.865134 22740 net.cpp:444] res5b_branch2c <- res5b_branch2b
I1107 01:40:23.865139 22740 net.cpp:418] res5b_branch2c -> res5b_branch2c
I1107 01:40:23.869341 22740 net.cpp:150] Setting up res5b_branch2c
I1107 01:40:23.869354 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.869357 22740 net.cpp:165] Memory required for data: 4468003668
I1107 01:40:23.869361 22740 layer_factory.hpp:77] Creating layer bn5b_branch2c
I1107 01:40:23.869369 22740 net.cpp:100] Creating Layer bn5b_branch2c
I1107 01:40:23.869371 22740 net.cpp:444] bn5b_branch2c <- res5b_branch2c
I1107 01:40:23.869379 22740 net.cpp:405] bn5b_branch2c -> res5b_branch2c (in-place)
I1107 01:40:23.869819 22740 net.cpp:150] Setting up bn5b_branch2c
I1107 01:40:23.869827 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.869829 22740 net.cpp:165] Memory required for data: 4487615316
I1107 01:40:23.869853 22740 layer_factory.hpp:77] Creating layer scale5b_branch2c
I1107 01:40:23.869860 22740 net.cpp:100] Creating Layer scale5b_branch2c
I1107 01:40:23.869863 22740 net.cpp:444] scale5b_branch2c <- res5b_branch2c
I1107 01:40:23.869868 22740 net.cpp:405] scale5b_branch2c -> res5b_branch2c (in-place)
I1107 01:40:23.869943 22740 layer_factory.hpp:77] Creating layer scale5b_branch2c
I1107 01:40:23.870172 22740 net.cpp:150] Setting up scale5b_branch2c
I1107 01:40:23.870179 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.870182 22740 net.cpp:165] Memory required for data: 4507226964
I1107 01:40:23.870187 22740 layer_factory.hpp:77] Creating layer res5b
I1107 01:40:23.870192 22740 net.cpp:100] Creating Layer res5b
I1107 01:40:23.870200 22740 net.cpp:444] res5b <- res5a_res5a_relu_0_split_1
I1107 01:40:23.870204 22740 net.cpp:444] res5b <- res5b_branch2c
I1107 01:40:23.870208 22740 net.cpp:418] res5b -> res5b
I1107 01:40:23.870288 22740 net.cpp:150] Setting up res5b
I1107 01:40:23.870296 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.870297 22740 net.cpp:165] Memory required for data: 4526838612
I1107 01:40:23.870301 22740 layer_factory.hpp:77] Creating layer res5b_relu
I1107 01:40:23.870307 22740 net.cpp:100] Creating Layer res5b_relu
I1107 01:40:23.870316 22740 net.cpp:444] res5b_relu <- res5b
I1107 01:40:23.870321 22740 net.cpp:405] res5b_relu -> res5b (in-place)
I1107 01:40:23.870518 22740 net.cpp:150] Setting up res5b_relu
I1107 01:40:23.870527 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.870530 22740 net.cpp:165] Memory required for data: 4546450260
I1107 01:40:23.870553 22740 layer_factory.hpp:77] Creating layer res5b_res5b_relu_0_split
I1107 01:40:23.870559 22740 net.cpp:100] Creating Layer res5b_res5b_relu_0_split
I1107 01:40:23.870581 22740 net.cpp:444] res5b_res5b_relu_0_split <- res5b
I1107 01:40:23.870586 22740 net.cpp:418] res5b_res5b_relu_0_split -> res5b_res5b_relu_0_split_0
I1107 01:40:23.870591 22740 net.cpp:418] res5b_res5b_relu_0_split -> res5b_res5b_relu_0_split_1
I1107 01:40:23.870676 22740 net.cpp:150] Setting up res5b_res5b_relu_0_split
I1107 01:40:23.870683 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.870687 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.870688 22740 net.cpp:165] Memory required for data: 4585673556
I1107 01:40:23.870690 22740 layer_factory.hpp:77] Creating layer res5c_branch2a
I1107 01:40:23.870699 22740 net.cpp:100] Creating Layer res5c_branch2a
I1107 01:40:23.870703 22740 net.cpp:444] res5c_branch2a <- res5b_res5b_relu_0_split_0
I1107 01:40:23.870709 22740 net.cpp:418] res5c_branch2a -> res5c_branch2a
I1107 01:40:23.874939 22740 net.cpp:150] Setting up res5c_branch2a
I1107 01:40:23.874953 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.874955 22740 net.cpp:165] Memory required for data: 4590576468
I1107 01:40:23.874960 22740 layer_factory.hpp:77] Creating layer bn5c_branch2a
I1107 01:40:23.874966 22740 net.cpp:100] Creating Layer bn5c_branch2a
I1107 01:40:23.874970 22740 net.cpp:444] bn5c_branch2a <- res5c_branch2a
I1107 01:40:23.874974 22740 net.cpp:405] bn5c_branch2a -> res5c_branch2a (in-place)
I1107 01:40:23.875514 22740 net.cpp:150] Setting up bn5c_branch2a
I1107 01:40:23.875521 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.875524 22740 net.cpp:165] Memory required for data: 4595479380
I1107 01:40:23.875547 22740 layer_factory.hpp:77] Creating layer scale5c_branch2a
I1107 01:40:23.875555 22740 net.cpp:100] Creating Layer scale5c_branch2a
I1107 01:40:23.875557 22740 net.cpp:444] scale5c_branch2a <- res5c_branch2a
I1107 01:40:23.875562 22740 net.cpp:405] scale5c_branch2a -> res5c_branch2a (in-place)
I1107 01:40:23.875638 22740 layer_factory.hpp:77] Creating layer scale5c_branch2a
I1107 01:40:23.875883 22740 net.cpp:150] Setting up scale5c_branch2a
I1107 01:40:23.875908 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.875910 22740 net.cpp:165] Memory required for data: 4600382292
I1107 01:40:23.875916 22740 layer_factory.hpp:77] Creating layer res5c_branch2a_relu
I1107 01:40:23.875921 22740 net.cpp:100] Creating Layer res5c_branch2a_relu
I1107 01:40:23.875929 22740 net.cpp:444] res5c_branch2a_relu <- res5c_branch2a
I1107 01:40:23.875952 22740 net.cpp:405] res5c_branch2a_relu -> res5c_branch2a (in-place)
I1107 01:40:23.876152 22740 net.cpp:150] Setting up res5c_branch2a_relu
I1107 01:40:23.876160 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.876163 22740 net.cpp:165] Memory required for data: 4605285204
I1107 01:40:23.876165 22740 layer_factory.hpp:77] Creating layer res5c_branch2b
I1107 01:40:23.876175 22740 net.cpp:100] Creating Layer res5c_branch2b
I1107 01:40:23.876180 22740 net.cpp:444] res5c_branch2b <- res5c_branch2a
I1107 01:40:23.876186 22740 net.cpp:418] res5c_branch2b -> res5c_branch2b
I1107 01:40:23.882046 22740 net.cpp:150] Setting up res5c_branch2b
I1107 01:40:23.882058 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.882061 22740 net.cpp:165] Memory required for data: 4610188116
I1107 01:40:23.882066 22740 layer_factory.hpp:77] Creating layer bn5c_branch2b
I1107 01:40:23.882073 22740 net.cpp:100] Creating Layer bn5c_branch2b
I1107 01:40:23.882076 22740 net.cpp:444] bn5c_branch2b <- res5c_branch2b
I1107 01:40:23.882081 22740 net.cpp:405] bn5c_branch2b -> res5c_branch2b (in-place)
I1107 01:40:23.882534 22740 net.cpp:150] Setting up bn5c_branch2b
I1107 01:40:23.882540 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.882542 22740 net.cpp:165] Memory required for data: 4615091028
I1107 01:40:23.882565 22740 layer_factory.hpp:77] Creating layer scale5c_branch2b
I1107 01:40:23.882572 22740 net.cpp:100] Creating Layer scale5c_branch2b
I1107 01:40:23.882576 22740 net.cpp:444] scale5c_branch2b <- res5c_branch2b
I1107 01:40:23.882580 22740 net.cpp:405] scale5c_branch2b -> res5c_branch2b (in-place)
I1107 01:40:23.882654 22740 layer_factory.hpp:77] Creating layer scale5c_branch2b
I1107 01:40:23.882902 22740 net.cpp:150] Setting up scale5c_branch2b
I1107 01:40:23.882910 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.882928 22740 net.cpp:165] Memory required for data: 4619993940
I1107 01:40:23.882933 22740 layer_factory.hpp:77] Creating layer res5c_branch2b_relu
I1107 01:40:23.882946 22740 net.cpp:100] Creating Layer res5c_branch2b_relu
I1107 01:40:23.882972 22740 net.cpp:444] res5c_branch2b_relu <- res5c_branch2b
I1107 01:40:23.882977 22740 net.cpp:405] res5c_branch2b_relu -> res5c_branch2b (in-place)
I1107 01:40:23.883756 22740 net.cpp:150] Setting up res5c_branch2b_relu
I1107 01:40:23.883769 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.883770 22740 net.cpp:165] Memory required for data: 4624896852
I1107 01:40:23.883790 22740 layer_factory.hpp:77] Creating layer res5c_branch2c
I1107 01:40:23.883800 22740 net.cpp:100] Creating Layer res5c_branch2c
I1107 01:40:23.883803 22740 net.cpp:444] res5c_branch2c <- res5c_branch2b
I1107 01:40:23.883810 22740 net.cpp:418] res5c_branch2c -> res5c_branch2c
I1107 01:40:23.887989 22740 net.cpp:150] Setting up res5c_branch2c
I1107 01:40:23.888000 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.888003 22740 net.cpp:165] Memory required for data: 4644508500
I1107 01:40:23.888008 22740 layer_factory.hpp:77] Creating layer bn5c_branch2c
I1107 01:40:23.888018 22740 net.cpp:100] Creating Layer bn5c_branch2c
I1107 01:40:23.888022 22740 net.cpp:444] bn5c_branch2c <- res5c_branch2c
I1107 01:40:23.888027 22740 net.cpp:405] bn5c_branch2c -> res5c_branch2c (in-place)
I1107 01:40:23.888474 22740 net.cpp:150] Setting up bn5c_branch2c
I1107 01:40:23.888481 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.888484 22740 net.cpp:165] Memory required for data: 4664120148
I1107 01:40:23.888507 22740 layer_factory.hpp:77] Creating layer scale5c_branch2c
I1107 01:40:23.888514 22740 net.cpp:100] Creating Layer scale5c_branch2c
I1107 01:40:23.888517 22740 net.cpp:444] scale5c_branch2c <- res5c_branch2c
I1107 01:40:23.888523 22740 net.cpp:405] scale5c_branch2c -> res5c_branch2c (in-place)
I1107 01:40:23.888600 22740 layer_factory.hpp:77] Creating layer scale5c_branch2c
I1107 01:40:23.888830 22740 net.cpp:150] Setting up scale5c_branch2c
I1107 01:40:23.888837 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.888839 22740 net.cpp:165] Memory required for data: 4683731796
I1107 01:40:23.888845 22740 layer_factory.hpp:77] Creating layer res5c
I1107 01:40:23.888851 22740 net.cpp:100] Creating Layer res5c
I1107 01:40:23.888859 22740 net.cpp:444] res5c <- res5b_res5b_relu_0_split_1
I1107 01:40:23.888864 22740 net.cpp:444] res5c <- res5c_branch2c
I1107 01:40:23.888885 22740 net.cpp:418] res5c -> res5c
I1107 01:40:23.888952 22740 net.cpp:150] Setting up res5c
I1107 01:40:23.888959 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.888962 22740 net.cpp:165] Memory required for data: 4703343444
I1107 01:40:23.888964 22740 layer_factory.hpp:77] Creating layer res5c_relu
I1107 01:40:23.888970 22740 net.cpp:100] Creating Layer res5c_relu
I1107 01:40:23.888973 22740 net.cpp:444] res5c_relu <- res5c
I1107 01:40:23.888978 22740 net.cpp:405] res5c_relu -> res5c (in-place)
I1107 01:40:23.889176 22740 net.cpp:150] Setting up res5c_relu
I1107 01:40:23.889185 22740 net.cpp:157] Top shape: 1 2048 38 63 (4902912)
I1107 01:40:23.889188 22740 net.cpp:165] Memory required for data: 4722955092
I1107 01:40:23.889190 22740 layer_factory.hpp:77] Creating layer rpn_conv/3x3
I1107 01:40:23.889217 22740 net.cpp:100] Creating Layer rpn_conv/3x3
I1107 01:40:23.889222 22740 net.cpp:444] rpn_conv/3x3 <- res4b22_res4b22_relu_0_split_2
I1107 01:40:23.889246 22740 net.cpp:418] rpn_conv/3x3 -> rpn/output
I1107 01:40:23.993695 22740 net.cpp:150] Setting up rpn_conv/3x3
I1107 01:40:23.993707 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.993710 22740 net.cpp:165] Memory required for data: 4727858004
I1107 01:40:23.993716 22740 layer_factory.hpp:77] Creating layer rpn_relu/3x3
I1107 01:40:23.993722 22740 net.cpp:100] Creating Layer rpn_relu/3x3
I1107 01:40:23.993726 22740 net.cpp:444] rpn_relu/3x3 <- rpn/output
I1107 01:40:23.993731 22740 net.cpp:405] rpn_relu/3x3 -> rpn/output (in-place)
I1107 01:40:23.993952 22740 net.cpp:150] Setting up rpn_relu/3x3
I1107 01:40:23.993960 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.993964 22740 net.cpp:165] Memory required for data: 4732760916
I1107 01:40:23.993966 22740 layer_factory.hpp:77] Creating layer rpn/output_rpn_relu/3x3_0_split
I1107 01:40:23.993973 22740 net.cpp:100] Creating Layer rpn/output_rpn_relu/3x3_0_split
I1107 01:40:23.993981 22740 net.cpp:444] rpn/output_rpn_relu/3x3_0_split <- rpn/output
I1107 01:40:23.993988 22740 net.cpp:418] rpn/output_rpn_relu/3x3_0_split -> rpn/output_rpn_relu/3x3_0_split_0
I1107 01:40:23.993999 22740 net.cpp:418] rpn/output_rpn_relu/3x3_0_split -> rpn/output_rpn_relu/3x3_0_split_1
I1107 01:40:23.994093 22740 net.cpp:150] Setting up rpn/output_rpn_relu/3x3_0_split
I1107 01:40:23.994101 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.994103 22740 net.cpp:157] Top shape: 1 512 38 63 (1225728)
I1107 01:40:23.994105 22740 net.cpp:165] Memory required for data: 4742566740
I1107 01:40:23.994108 22740 layer_factory.hpp:77] Creating layer rpn_cls_score
I1107 01:40:23.994119 22740 net.cpp:100] Creating Layer rpn_cls_score
I1107 01:40:23.994124 22740 net.cpp:444] rpn_cls_score <- rpn/output_rpn_relu/3x3_0_split_0
I1107 01:40:23.994130 22740 net.cpp:418] rpn_cls_score -> rpn_cls_score
I1107 01:40:23.996137 22740 net.cpp:150] Setting up rpn_cls_score
I1107 01:40:23.996150 22740 net.cpp:157] Top shape: 1 18 38 63 (43092)
I1107 01:40:23.996152 22740 net.cpp:165] Memory required for data: 4742739108
I1107 01:40:23.996176 22740 layer_factory.hpp:77] Creating layer rpn_cls_score_rpn_cls_score_0_split
I1107 01:40:23.996182 22740 net.cpp:100] Creating Layer rpn_cls_score_rpn_cls_score_0_split
I1107 01:40:23.996186 22740 net.cpp:444] rpn_cls_score_rpn_cls_score_0_split <- rpn_cls_score
I1107 01:40:23.996191 22740 net.cpp:418] rpn_cls_score_rpn_cls_score_0_split -> rpn_cls_score_rpn_cls_score_0_split_0
I1107 01:40:23.996214 22740 net.cpp:418] rpn_cls_score_rpn_cls_score_0_split -> rpn_cls_score_rpn_cls_score_0_split_1
I1107 01:40:23.996317 22740 net.cpp:150] Setting up rpn_cls_score_rpn_cls_score_0_split
I1107 01:40:23.996325 22740 net.cpp:157] Top shape: 1 18 38 63 (43092)
I1107 01:40:23.996327 22740 net.cpp:157] Top shape: 1 18 38 63 (43092)
I1107 01:40:23.996330 22740 net.cpp:165] Memory required for data: 4743083844
I1107 01:40:23.996331 22740 layer_factory.hpp:77] Creating layer rpn_bbox_pred
I1107 01:40:23.996342 22740 net.cpp:100] Creating Layer rpn_bbox_pred
I1107 01:40:23.996347 22740 net.cpp:444] rpn_bbox_pred <- rpn/output_rpn_relu/3x3_0_split_1
I1107 01:40:23.996353 22740 net.cpp:418] rpn_bbox_pred -> rpn_bbox_pred
I1107 01:40:23.998437 22740 net.cpp:150] Setting up rpn_bbox_pred
I1107 01:40:23.998450 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:23.998452 22740 net.cpp:165] Memory required for data: 4743428580
I1107 01:40:23.998476 22740 layer_factory.hpp:77] Creating layer rpn_bbox_pred_rpn_bbox_pred_0_split
I1107 01:40:23.998482 22740 net.cpp:100] Creating Layer rpn_bbox_pred_rpn_bbox_pred_0_split
I1107 01:40:23.998486 22740 net.cpp:444] rpn_bbox_pred_rpn_bbox_pred_0_split <- rpn_bbox_pred
I1107 01:40:23.998492 22740 net.cpp:418] rpn_bbox_pred_rpn_bbox_pred_0_split -> rpn_bbox_pred_rpn_bbox_pred_0_split_0
I1107 01:40:23.998519 22740 net.cpp:418] rpn_bbox_pred_rpn_bbox_pred_0_split -> rpn_bbox_pred_rpn_bbox_pred_0_split_1
I1107 01:40:23.998620 22740 net.cpp:150] Setting up rpn_bbox_pred_rpn_bbox_pred_0_split
I1107 01:40:23.998626 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:23.998630 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:23.998631 22740 net.cpp:165] Memory required for data: 4744118052
I1107 01:40:23.998634 22740 layer_factory.hpp:77] Creating layer rpn_cls_score_reshape
I1107 01:40:23.998642 22740 net.cpp:100] Creating Layer rpn_cls_score_reshape
I1107 01:40:23.998646 22740 net.cpp:444] rpn_cls_score_reshape <- rpn_cls_score_rpn_cls_score_0_split_0
I1107 01:40:23.998669 22740 net.cpp:418] rpn_cls_score_reshape -> rpn_cls_score_reshape
I1107 01:40:23.998725 22740 net.cpp:150] Setting up rpn_cls_score_reshape
I1107 01:40:23.998731 22740 net.cpp:157] Top shape: 1 2 342 63 (43092)
I1107 01:40:23.998734 22740 net.cpp:165] Memory required for data: 4744290420
I1107 01:40:23.998736 22740 layer_factory.hpp:77] Creating layer rpn_cls_score_reshape_rpn_cls_score_reshape_0_split
I1107 01:40:23.998744 22740 net.cpp:100] Creating Layer rpn_cls_score_reshape_rpn_cls_score_reshape_0_split
I1107 01:40:23.998747 22740 net.cpp:444] rpn_cls_score_reshape_rpn_cls_score_reshape_0_split <- rpn_cls_score_reshape
I1107 01:40:23.998754 22740 net.cpp:418] rpn_cls_score_reshape_rpn_cls_score_reshape_0_split -> rpn_cls_score_reshape_rpn_cls_score_reshape_0_split_0
I1107 01:40:23.998759 22740 net.cpp:418] rpn_cls_score_reshape_rpn_cls_score_reshape_0_split -> rpn_cls_score_reshape_rpn_cls_score_reshape_0_split_1
I1107 01:40:23.998836 22740 net.cpp:150] Setting up rpn_cls_score_reshape_rpn_cls_score_reshape_0_split
I1107 01:40:23.998842 22740 net.cpp:157] Top shape: 1 2 342 63 (43092)
I1107 01:40:23.998845 22740 net.cpp:157] Top shape: 1 2 342 63 (43092)
I1107 01:40:23.998847 22740 net.cpp:165] Memory required for data: 4744635156
I1107 01:40:23.998850 22740 layer_factory.hpp:77] Creating layer rpn-data
I1107 01:40:24.012883 22740 net.cpp:100] Creating Layer rpn-data
I1107 01:40:24.012897 22740 net.cpp:444] rpn-data <- rpn_cls_score_rpn_cls_score_0_split_1
I1107 01:40:24.012902 22740 net.cpp:444] rpn-data <- gt_boxes_input-data_2_split_0
I1107 01:40:24.012907 22740 net.cpp:444] rpn-data <- im_info_input-data_1_split_0
I1107 01:40:24.012910 22740 net.cpp:444] rpn-data <- data_input-data_0_split_1
I1107 01:40:24.012914 22740 net.cpp:418] rpn-data -> rpn_labels
I1107 01:40:24.012922 22740 net.cpp:418] rpn-data -> rpn_bbox_targets
I1107 01:40:24.012926 22740 net.cpp:418] rpn-data -> rpn_bbox_inside_weights
I1107 01:40:24.012931 22740 net.cpp:418] rpn-data -> rpn_bbox_outside_weights
I1107 01:40:24.013835 22740 net.cpp:150] Setting up rpn-data
I1107 01:40:24.013849 22740 net.cpp:157] Top shape: 1 1 342 63 (21546)
I1107 01:40:24.013852 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:24.013873 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:24.013876 22740 net.cpp:157] Top shape: 1 36 38 63 (86184)
I1107 01:40:24.013878 22740 net.cpp:165] Memory required for data: 4745755548
I1107 01:40:24.013881 22740 layer_factory.hpp:77] Creating layer rpn_loss_cls
I1107 01:40:24.013897 22740 net.cpp:100] Creating Layer rpn_loss_cls
I1107 01:40:24.013902 22740 net.cpp:444] rpn_loss_cls <- rpn_cls_score_reshape_rpn_cls_score_reshape_0_split_0
I1107 01:40:24.013906 22740 net.cpp:444] rpn_loss_cls <- rpn_labels
I1107 01:40:24.013911 22740 net.cpp:418] rpn_loss_cls -> rpn_cls_loss
I1107 01:40:24.013929 22740 layer_factory.hpp:77] Creating layer rpn_loss_cls
I1107 01:40:24.014437 22740 net.cpp:150] Setting up rpn_loss_cls
I1107 01:40:24.014447 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.014449 22740 net.cpp:160] with loss weight 1
I1107 01:40:24.014477 22740 net.cpp:165] Memory required for data: 4745755552
I1107 01:40:24.014480 22740 layer_factory.hpp:77] Creating layer rpn_loss_bbox
I1107 01:40:24.014487 22740 net.cpp:100] Creating Layer rpn_loss_bbox
I1107 01:40:24.014492 22740 net.cpp:444] rpn_loss_bbox <- rpn_bbox_pred_rpn_bbox_pred_0_split_0
I1107 01:40:24.014495 22740 net.cpp:444] rpn_loss_bbox <- rpn_bbox_targets
I1107 01:40:24.014498 22740 net.cpp:444] rpn_loss_bbox <- rpn_bbox_inside_weights
I1107 01:40:24.014502 22740 net.cpp:444] rpn_loss_bbox <- rpn_bbox_outside_weights
I1107 01:40:24.014505 22740 net.cpp:418] rpn_loss_bbox -> rpn_loss_bbox
I1107 01:40:24.015198 22740 net.cpp:150] Setting up rpn_loss_bbox
I1107 01:40:24.015208 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.015209 22740 net.cpp:160] with loss weight 1
I1107 01:40:24.015213 22740 net.cpp:165] Memory required for data: 4745755556
I1107 01:40:24.015234 22740 layer_factory.hpp:77] Creating layer rpn_cls_prob
I1107 01:40:24.015239 22740 net.cpp:100] Creating Layer rpn_cls_prob
I1107 01:40:24.015244 22740 net.cpp:444] rpn_cls_prob <- rpn_cls_score_reshape_rpn_cls_score_reshape_0_split_1
I1107 01:40:24.015247 22740 net.cpp:418] rpn_cls_prob -> rpn_cls_prob
I1107 01:40:24.015621 22740 net.cpp:150] Setting up rpn_cls_prob
I1107 01:40:24.015631 22740 net.cpp:157] Top shape: 1 2 342 63 (43092)
I1107 01:40:24.015633 22740 net.cpp:165] Memory required for data: 4745927924
I1107 01:40:24.015653 22740 layer_factory.hpp:77] Creating layer rpn_cls_prob_reshape
I1107 01:40:24.015660 22740 net.cpp:100] Creating Layer rpn_cls_prob_reshape
I1107 01:40:24.015663 22740 net.cpp:444] rpn_cls_prob_reshape <- rpn_cls_prob
I1107 01:40:24.015667 22740 net.cpp:418] rpn_cls_prob_reshape -> rpn_cls_prob_reshape
I1107 01:40:24.015717 22740 net.cpp:150] Setting up rpn_cls_prob_reshape
I1107 01:40:24.015723 22740 net.cpp:157] Top shape: 1 18 38 63 (43092)
I1107 01:40:24.015727 22740 net.cpp:165] Memory required for data: 4746100292
I1107 01:40:24.015728 22740 layer_factory.hpp:77] Creating layer proposal
I1107 01:40:24.019624 22740 net.cpp:100] Creating Layer proposal
I1107 01:40:24.019637 22740 net.cpp:444] proposal <- rpn_cls_prob_reshape
I1107 01:40:24.019641 22740 net.cpp:444] proposal <- rpn_bbox_pred_rpn_bbox_pred_0_split_1
I1107 01:40:24.019645 22740 net.cpp:444] proposal <- im_info_input-data_1_split_1
I1107 01:40:24.019650 22740 net.cpp:418] proposal -> rpn_rois
I1107 01:40:24.022138 22740 net.cpp:150] Setting up proposal
I1107 01:40:24.022151 22740 net.cpp:157] Top shape: 1 5 (5)
I1107 01:40:24.022155 22740 net.cpp:165] Memory required for data: 4746100312
I1107 01:40:24.022157 22740 layer_factory.hpp:77] Creating layer roi-data
I1107 01:40:24.033582 22740 net.cpp:100] Creating Layer roi-data
I1107 01:40:24.033596 22740 net.cpp:444] roi-data <- rpn_rois
I1107 01:40:24.033618 22740 net.cpp:444] roi-data <- gt_boxes_input-data_2_split_1
I1107 01:40:24.033624 22740 net.cpp:418] roi-data -> rois
I1107 01:40:24.033630 22740 net.cpp:418] roi-data -> labels
I1107 01:40:24.033635 22740 net.cpp:418] roi-data -> bbox_targets
I1107 01:40:24.033639 22740 net.cpp:418] roi-data -> bbox_inside_weights
I1107 01:40:24.033661 22740 net.cpp:418] roi-data -> bbox_outside_weights
I1107 01:40:24.034148 22740 net.cpp:150] Setting up roi-data
I1107 01:40:24.034159 22740 net.cpp:157] Top shape: 1 5 1 1 (5)
I1107 01:40:24.034180 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.034183 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034185 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034188 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034190 22740 net.cpp:165] Memory required for data: 4746100432
I1107 01:40:24.034193 22740 layer_factory.hpp:77] Creating layer rois_roi-data_0_split
I1107 01:40:24.034198 22740 net.cpp:100] Creating Layer rois_roi-data_0_split
I1107 01:40:24.034202 22740 net.cpp:444] rois_roi-data_0_split <- rois
I1107 01:40:24.034206 22740 net.cpp:418] rois_roi-data_0_split -> rois_roi-data_0_split_0
I1107 01:40:24.034212 22740 net.cpp:418] rois_roi-data_0_split -> rois_roi-data_0_split_1
I1107 01:40:24.034216 22740 net.cpp:418] rois_roi-data_0_split -> rois_roi-data_0_split_2
I1107 01:40:24.034312 22740 net.cpp:150] Setting up rois_roi-data_0_split
I1107 01:40:24.034318 22740 net.cpp:157] Top shape: 1 5 1 1 (5)
I1107 01:40:24.034322 22740 net.cpp:157] Top shape: 1 5 1 1 (5)
I1107 01:40:24.034324 22740 net.cpp:157] Top shape: 1 5 1 1 (5)
I1107 01:40:24.034327 22740 net.cpp:165] Memory required for data: 4746100492
I1107 01:40:24.034329 22740 layer_factory.hpp:77] Creating layer labels_roi-data_1_split
I1107 01:40:24.034333 22740 net.cpp:100] Creating Layer labels_roi-data_1_split
I1107 01:40:24.034337 22740 net.cpp:444] labels_roi-data_1_split <- labels
I1107 01:40:24.034342 22740 net.cpp:418] labels_roi-data_1_split -> labels_roi-data_1_split_0
I1107 01:40:24.034345 22740 net.cpp:418] labels_roi-data_1_split -> labels_roi-data_1_split_1
I1107 01:40:24.034418 22740 net.cpp:150] Setting up labels_roi-data_1_split
I1107 01:40:24.034425 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.034428 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.034430 22740 net.cpp:165] Memory required for data: 4746100500
I1107 01:40:24.034432 22740 layer_factory.hpp:77] Creating layer bbox_targets_roi-data_2_split
I1107 01:40:24.034438 22740 net.cpp:100] Creating Layer bbox_targets_roi-data_2_split
I1107 01:40:24.034448 22740 net.cpp:444] bbox_targets_roi-data_2_split <- bbox_targets
I1107 01:40:24.034453 22740 net.cpp:418] bbox_targets_roi-data_2_split -> bbox_targets_roi-data_2_split_0
I1107 01:40:24.034466 22740 net.cpp:418] bbox_targets_roi-data_2_split -> bbox_targets_roi-data_2_split_1
I1107 01:40:24.034560 22740 net.cpp:150] Setting up bbox_targets_roi-data_2_split
I1107 01:40:24.034567 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034570 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034572 22740 net.cpp:165] Memory required for data: 4746100564
I1107 01:40:24.034575 22740 layer_factory.hpp:77] Creating layer bbox_inside_weights_roi-data_3_split
I1107 01:40:24.034581 22740 net.cpp:100] Creating Layer bbox_inside_weights_roi-data_3_split
I1107 01:40:24.034585 22740 net.cpp:444] bbox_inside_weights_roi-data_3_split <- bbox_inside_weights
I1107 01:40:24.034591 22740 net.cpp:418] bbox_inside_weights_roi-data_3_split -> bbox_inside_weights_roi-data_3_split_0
I1107 01:40:24.034598 22740 net.cpp:418] bbox_inside_weights_roi-data_3_split -> bbox_inside_weights_roi-data_3_split_1
I1107 01:40:24.034674 22740 net.cpp:150] Setting up bbox_inside_weights_roi-data_3_split
I1107 01:40:24.034680 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034683 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.034687 22740 net.cpp:165] Memory required for data: 4746100628
I1107 01:40:24.034688 22740 layer_factory.hpp:77] Creating layer conv_new_1
I1107 01:40:24.034699 22740 net.cpp:100] Creating Layer conv_new_1
I1107 01:40:24.034703 22740 net.cpp:444] conv_new_1 <- res5c
I1107 01:40:24.034710 22740 net.cpp:418] conv_new_1 -> conv_new_1
I1107 01:40:24.082903 22740 net.cpp:150] Setting up conv_new_1
I1107 01:40:24.082916 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:24.082919 22740 net.cpp:165] Memory required for data: 4755906452
I1107 01:40:24.082926 22740 layer_factory.hpp:77] Creating layer conv_new_1_relu
I1107 01:40:24.082932 22740 net.cpp:100] Creating Layer conv_new_1_relu
I1107 01:40:24.082936 22740 net.cpp:444] conv_new_1_relu <- conv_new_1
I1107 01:40:24.082940 22740 net.cpp:405] conv_new_1_relu -> conv_new_1 (in-place)
I1107 01:40:24.083217 22740 net.cpp:150] Setting up conv_new_1_relu
I1107 01:40:24.083228 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:24.083231 22740 net.cpp:165] Memory required for data: 4765712276
I1107 01:40:24.083235 22740 layer_factory.hpp:77] Creating layer conv_new_1_conv_new_1_relu_0_split
I1107 01:40:24.083240 22740 net.cpp:100] Creating Layer conv_new_1_conv_new_1_relu_0_split
I1107 01:40:24.083250 22740 net.cpp:444] conv_new_1_conv_new_1_relu_0_split <- conv_new_1
I1107 01:40:24.083256 22740 net.cpp:418] conv_new_1_conv_new_1_relu_0_split -> conv_new_1_conv_new_1_relu_0_split_0
I1107 01:40:24.083268 22740 net.cpp:418] conv_new_1_conv_new_1_relu_0_split -> conv_new_1_conv_new_1_relu_0_split_1
I1107 01:40:24.083369 22740 net.cpp:150] Setting up conv_new_1_conv_new_1_relu_0_split
I1107 01:40:24.083391 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:24.083395 22740 net.cpp:157] Top shape: 1 1024 38 63 (2451456)
I1107 01:40:24.083396 22740 net.cpp:165] Memory required for data: 4785323924
I1107 01:40:24.083400 22740 layer_factory.hpp:77] Creating layer rfcn_cls
I1107 01:40:24.083411 22740 net.cpp:100] Creating Layer rfcn_cls
I1107 01:40:24.083415 22740 net.cpp:444] rfcn_cls <- conv_new_1_conv_new_1_relu_0_split_0
I1107 01:40:24.083421 22740 net.cpp:418] rfcn_cls -> rfcn_cls
I1107 01:40:24.173842 22740 net.cpp:150] Setting up rfcn_cls
I1107 01:40:24.173856 22740 net.cpp:157] Top shape: 1 3969 38 63 (9501786)
I1107 01:40:24.173859 22740 net.cpp:165] Memory required for data: 4823331068
I1107 01:40:24.173866 22740 layer_factory.hpp:77] Creating layer rfcn_bbox
I1107 01:40:24.173877 22740 net.cpp:100] Creating Layer rfcn_bbox
I1107 01:40:24.173880 22740 net.cpp:444] rfcn_bbox <- conv_new_1_conv_new_1_relu_0_split_1
I1107 01:40:24.173888 22740 net.cpp:418] rfcn_bbox -> rfcn_bbox
I1107 01:40:24.185407 22740 net.cpp:150] Setting up rfcn_bbox
I1107 01:40:24.185420 22740 net.cpp:157] Top shape: 1 392 38 63 (938448)
I1107 01:40:24.185423 22740 net.cpp:165] Memory required for data: 4827084860
I1107 01:40:24.185428 22740 layer_factory.hpp:77] Creating layer psroipooled_cls_rois
I1107 01:40:24.185442 22740 net.cpp:100] Creating Layer psroipooled_cls_rois
I1107 01:40:24.185447 22740 net.cpp:444] psroipooled_cls_rois <- rfcn_cls
I1107 01:40:24.185451 22740 net.cpp:444] psroipooled_cls_rois <- rois_roi-data_0_split_0
I1107 01:40:24.185456 22740 net.cpp:418] psroipooled_cls_rois -> psroipooled_cls_rois
I1107 01:40:24.185482 22740 psroi_pooling_layer.cpp:26] Spatial scale: 0.0625
I1107 01:40:24.185575 22740 net.cpp:150] Setting up psroipooled_cls_rois
I1107 01:40:24.185582 22740 net.cpp:157] Top shape: 1 81 7 7 (3969)
I1107 01:40:24.185585 22740 net.cpp:165] Memory required for data: 4827100736
I1107 01:40:24.185587 22740 layer_factory.hpp:77] Creating layer ave_cls_score_rois
I1107 01:40:24.185595 22740 net.cpp:100] Creating Layer ave_cls_score_rois
I1107 01:40:24.185602 22740 net.cpp:444] ave_cls_score_rois <- psroipooled_cls_rois
I1107 01:40:24.185608 22740 net.cpp:418] ave_cls_score_rois -> cls_score
I1107 01:40:24.186341 22740 net.cpp:150] Setting up ave_cls_score_rois
I1107 01:40:24.186353 22740 net.cpp:157] Top shape: 1 81 1 1 (81)
I1107 01:40:24.186357 22740 net.cpp:165] Memory required for data: 4827101060
I1107 01:40:24.186359 22740 layer_factory.hpp:77] Creating layer cls_score_ave_cls_score_rois_0_split
I1107 01:40:24.186367 22740 net.cpp:100] Creating Layer cls_score_ave_cls_score_rois_0_split
I1107 01:40:24.186369 22740 net.cpp:444] cls_score_ave_cls_score_rois_0_split <- cls_score
I1107 01:40:24.186374 22740 net.cpp:418] cls_score_ave_cls_score_rois_0_split -> cls_score_ave_cls_score_rois_0_split_0
I1107 01:40:24.186389 22740 net.cpp:418] cls_score_ave_cls_score_rois_0_split -> cls_score_ave_cls_score_rois_0_split_1
I1107 01:40:24.186395 22740 net.cpp:418] cls_score_ave_cls_score_rois_0_split -> cls_score_ave_cls_score_rois_0_split_2
I1107 01:40:24.186511 22740 net.cpp:150] Setting up cls_score_ave_cls_score_rois_0_split
I1107 01:40:24.186520 22740 net.cpp:157] Top shape: 1 81 1 1 (81)
I1107 01:40:24.186524 22740 net.cpp:157] Top shape: 1 81 1 1 (81)
I1107 01:40:24.186527 22740 net.cpp:157] Top shape: 1 81 1 1 (81)
I1107 01:40:24.186529 22740 net.cpp:165] Memory required for data: 4827102032
I1107 01:40:24.186532 22740 layer_factory.hpp:77] Creating layer psroipooled_loc_rois
I1107 01:40:24.186539 22740 net.cpp:100] Creating Layer psroipooled_loc_rois
I1107 01:40:24.186544 22740 net.cpp:444] psroipooled_loc_rois <- rfcn_bbox
I1107 01:40:24.186548 22740 net.cpp:444] psroipooled_loc_rois <- rois_roi-data_0_split_1
I1107 01:40:24.186555 22740 net.cpp:418] psroipooled_loc_rois -> psroipooled_loc_rois
I1107 01:40:24.186561 22740 psroi_pooling_layer.cpp:26] Spatial scale: 0.0625
I1107 01:40:24.186646 22740 net.cpp:150] Setting up psroipooled_loc_rois
I1107 01:40:24.186653 22740 net.cpp:157] Top shape: 1 8 7 7 (392)
I1107 01:40:24.186656 22740 net.cpp:165] Memory required for data: 4827103600
I1107 01:40:24.186658 22740 layer_factory.hpp:77] Creating layer ave_bbox_pred_rois
I1107 01:40:24.186676 22740 net.cpp:100] Creating Layer ave_bbox_pred_rois
I1107 01:40:24.186681 22740 net.cpp:444] ave_bbox_pred_rois <- psroipooled_loc_rois
I1107 01:40:24.186684 22740 net.cpp:418] ave_bbox_pred_rois -> bbox_pred
I1107 01:40:24.186934 22740 net.cpp:150] Setting up ave_bbox_pred_rois
I1107 01:40:24.186942 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.186945 22740 net.cpp:165] Memory required for data: 4827103632
I1107 01:40:24.186949 22740 layer_factory.hpp:77] Creating layer bbox_pred_ave_bbox_pred_rois_0_split
I1107 01:40:24.186955 22740 net.cpp:100] Creating Layer bbox_pred_ave_bbox_pred_rois_0_split
I1107 01:40:24.186959 22740 net.cpp:444] bbox_pred_ave_bbox_pred_rois_0_split <- bbox_pred
I1107 01:40:24.186964 22740 net.cpp:418] bbox_pred_ave_bbox_pred_rois_0_split -> bbox_pred_ave_bbox_pred_rois_0_split_0
I1107 01:40:24.186970 22740 net.cpp:418] bbox_pred_ave_bbox_pred_rois_0_split -> bbox_pred_ave_bbox_pred_rois_0_split_1
I1107 01:40:24.187059 22740 net.cpp:150] Setting up bbox_pred_ave_bbox_pred_rois_0_split
I1107 01:40:24.187084 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.187105 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.187108 22740 net.cpp:165] Memory required for data: 4827103696
I1107 01:40:24.187111 22740 layer_factory.hpp:77] Creating layer per_roi_loss_cls
I1107 01:40:24.187137 22740 net.cpp:100] Creating Layer per_roi_loss_cls
I1107 01:40:24.187160 22740 net.cpp:444] per_roi_loss_cls <- cls_score_ave_cls_score_rois_0_split_0
I1107 01:40:24.187165 22740 net.cpp:444] per_roi_loss_cls <- labels_roi-data_1_split_0
I1107 01:40:24.187170 22740 net.cpp:418] per_roi_loss_cls -> temp_loss_cls
I1107 01:40:24.187196 22740 net.cpp:418] per_roi_loss_cls -> temp_prob_cls
I1107 01:40:24.187222 22740 net.cpp:418] per_roi_loss_cls -> per_roi_loss_cls
I1107 01:40:24.187227 22740 layer_factory.hpp:77] Creating layer per_roi_loss_cls
I1107 01:40:24.187743 22740 net.cpp:150] Setting up per_roi_loss_cls
I1107 01:40:24.187752 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.187755 22740 net.cpp:157] Top shape: 1 81 1 1 (81)
I1107 01:40:24.187758 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.187777 22740 net.cpp:165] Memory required for data: 4827104028
I1107 01:40:24.187779 22740 layer_factory.hpp:77] Creating layer per_roi_loss_bbox
I1107 01:40:24.187788 22740 net.cpp:100] Creating Layer per_roi_loss_bbox
I1107 01:40:24.187793 22740 net.cpp:444] per_roi_loss_bbox <- bbox_pred_ave_bbox_pred_rois_0_split_0
I1107 01:40:24.187796 22740 net.cpp:444] per_roi_loss_bbox <- bbox_targets_roi-data_2_split_0
I1107 01:40:24.187800 22740 net.cpp:444] per_roi_loss_bbox <- bbox_inside_weights_roi-data_3_split_0
I1107 01:40:24.187805 22740 net.cpp:418] per_roi_loss_bbox -> temp_loss_bbox
I1107 01:40:24.187813 22740 net.cpp:418] per_roi_loss_bbox -> per_roi_loss_bbox
I1107 01:40:24.187942 22740 net.cpp:150] Setting up per_roi_loss_bbox
I1107 01:40:24.187949 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.187952 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.187954 22740 net.cpp:165] Memory required for data: 4827104036
I1107 01:40:24.187957 22740 layer_factory.hpp:77] Creating layer per_roi_loss
I1107 01:40:24.187963 22740 net.cpp:100] Creating Layer per_roi_loss
I1107 01:40:24.187968 22740 net.cpp:444] per_roi_loss <- per_roi_loss_cls
I1107 01:40:24.187971 22740 net.cpp:444] per_roi_loss <- per_roi_loss_bbox
I1107 01:40:24.187975 22740 net.cpp:418] per_roi_loss -> per_roi_loss
I1107 01:40:24.188024 22740 net.cpp:150] Setting up per_roi_loss
I1107 01:40:24.188030 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.188031 22740 net.cpp:165] Memory required for data: 4827104040
I1107 01:40:24.188035 22740 layer_factory.hpp:77] Creating layer annotator_detector
I1107 01:40:24.188042 22740 net.cpp:100] Creating Layer annotator_detector
I1107 01:40:24.188047 22740 net.cpp:444] annotator_detector <- rois_roi-data_0_split_2
I1107 01:40:24.188051 22740 net.cpp:444] annotator_detector <- per_roi_loss
I1107 01:40:24.188055 22740 net.cpp:444] annotator_detector <- labels_roi-data_1_split_1
I1107 01:40:24.188057 22740 net.cpp:444] annotator_detector <- bbox_inside_weights_roi-data_3_split_1
I1107 01:40:24.188062 22740 net.cpp:418] annotator_detector -> labels_ohem
I1107 01:40:24.188071 22740 net.cpp:418] annotator_detector -> bbox_loss_weights_ohem
I1107 01:40:24.188148 22740 net.cpp:150] Setting up annotator_detector
I1107 01:40:24.188155 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.188158 22740 net.cpp:157] Top shape: 1 8 1 1 (8)
I1107 01:40:24.188160 22740 net.cpp:165] Memory required for data: 4827104076
I1107 01:40:24.188163 22740 layer_factory.hpp:77] Creating layer labels_ohem_annotator_detector_0_split
I1107 01:40:24.188169 22740 net.cpp:100] Creating Layer labels_ohem_annotator_detector_0_split
I1107 01:40:24.188174 22740 net.cpp:444] labels_ohem_annotator_detector_0_split <- labels_ohem
I1107 01:40:24.188179 22740 net.cpp:418] labels_ohem_annotator_detector_0_split -> labels_ohem_annotator_detector_0_split_0
I1107 01:40:24.188184 22740 net.cpp:418] labels_ohem_annotator_detector_0_split -> labels_ohem_annotator_detector_0_split_1
I1107 01:40:24.188259 22740 net.cpp:150] Setting up labels_ohem_annotator_detector_0_split
I1107 01:40:24.188266 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.188268 22740 net.cpp:157] Top shape: 1 1 1 1 (1)
I1107 01:40:24.188271 22740 net.cpp:165] Memory required for data: 4827104084
I1107 01:40:24.188272 22740 layer_factory.hpp:77] Creating layer silence
I1107 01:40:24.188279 22740 net.cpp:100] Creating Layer silence
I1107 01:40:24.188284 22740 net.cpp:444] silence <- bbox_outside_weights
I1107 01:40:24.188288 22740 net.cpp:444] silence <- temp_loss_cls
I1107 01:40:24.188292 22740 net.cpp:444] silence <- temp_prob_cls
I1107 01:40:24.188295 22740 net.cpp:444] silence <- temp_loss_bbox
I1107 01:40:24.188298 22740 net.cpp:150] Setting up silence
I1107 01:40:24.188302 22740 net.cpp:165] Memory required for data: 4827104084
I1107 01:40:24.188304 22740 layer_factory.hpp:77] Creating layer loss
I1107 01:40:24.188311 22740 net.cpp:100] Creating Layer loss
I1107 01:40:24.188315 22740 net.cpp:444] loss <- cls_score_ave_cls_score_rois_0_split_1
I1107 01:40:24.188318 22740 net.cpp:444] loss <- labels_ohem_annotator_detector_0_split_0
I1107 01:40:24.188324 22740 net.cpp:418] loss -> loss_cls
I1107 01:40:24.188330 22740 layer_factory.hpp:77] Creating layer loss
I1107 01:40:24.188845 22740 net.cpp:150] Setting up loss
I1107 01:40:24.188853 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.188856 22740 net.cpp:160] with loss weight 1
I1107 01:40:24.188877 22740 net.cpp:165] Memory required for data: 4827104088
I1107 01:40:24.188880 22740 layer_factory.hpp:77] Creating layer accuarcy
I1107 01:40:24.188889 22740 net.cpp:100] Creating Layer accuarcy
I1107 01:40:24.188891 22740 net.cpp:444] accuarcy <- cls_score_ave_cls_score_rois_0_split_2
I1107 01:40:24.188895 22740 net.cpp:444] accuarcy <- labels_ohem_annotator_detector_0_split_1
I1107 01:40:24.188900 22740 net.cpp:418] accuarcy -> accuarcy
I1107 01:40:24.188907 22740 net.cpp:150] Setting up accuarcy
I1107 01:40:24.188910 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.188912 22740 net.cpp:165] Memory required for data: 4827104092
I1107 01:40:24.188915 22740 layer_factory.hpp:77] Creating layer loss_bbox
I1107 01:40:24.188923 22740 net.cpp:100] Creating Layer loss_bbox
I1107 01:40:24.188926 22740 net.cpp:444] loss_bbox <- bbox_pred_ave_bbox_pred_rois_0_split_1
I1107 01:40:24.188930 22740 net.cpp:444] loss_bbox <- bbox_targets_roi-data_2_split_1
I1107 01:40:24.188933 22740 net.cpp:444] loss_bbox <- bbox_loss_weights_ohem
I1107 01:40:24.188937 22740 net.cpp:418] loss_bbox -> loss_bbox
I1107 01:40:24.189056 22740 net.cpp:150] Setting up loss_bbox
I1107 01:40:24.189062 22740 net.cpp:157] Top shape: (1)
I1107 01:40:24.189065 22740 net.cpp:160] with loss weight 1
I1107 01:40:24.189069 22740 net.cpp:165] Memory required for data: 4827104096
I1107 01:40:24.189071 22740 net.cpp:226] loss_bbox needs backward computation.
I1107 01:40:24.189074 22740 net.cpp:228] accuarcy does not need backward computation.
I1107 01:40:24.189077 22740 net.cpp:226] loss needs backward computation.
I1107 01:40:24.189082 22740 net.cpp:228] silence does not need backward computation.
I1107 01:40:24.189085 22740 net.cpp:228] labels_ohem_annotator_detector_0_split does not need backward computation.
I1107 01:40:24.189090 22740 net.cpp:228] annotator_detector does not need backward computation.
I1107 01:40:24.189093 22740 net.cpp:228] per_roi_loss does not need backward computation.
I1107 01:40:24.189097 22740 net.cpp:228] per_roi_loss_bbox does not need backward computation.
I1107 01:40:24.189101 22740 net.cpp:228] per_roi_loss_cls does not need backward computation.
I1107 01:40:24.189105 22740 net.cpp:226] bbox_pred_ave_bbox_pred_rois_0_split needs backward computation.
I1107 01:40:24.189107 22740 net.cpp:226] ave_bbox_pred_rois needs backward computation.
I1107 01:40:24.189110 22740 net.cpp:226] psroipooled_loc_rois needs backward computation.
I1107 01:40:24.189113 22740 net.cpp:226] cls_score_ave_cls_score_rois_0_split needs backward computation.
I1107 01:40:24.189116 22740 net.cpp:226] ave_cls_score_rois needs backward computation.
I1107 01:40:24.189118 22740 net.cpp:226] psroipooled_cls_rois needs backward computation.
I1107 01:40:24.189121 22740 net.cpp:226] rfcn_bbox needs backward computation.
I1107 01:40:24.189124 22740 net.cpp:226] rfcn_cls needs backward computation.
I1107 01:40:24.189127 22740 net.cpp:226] conv_new_1_conv_new_1_relu_0_split needs backward computation.
I1107 01:40:24.189129 22740 net.cpp:226] conv_new_1_relu needs backward computation.
I1107 01:40:24.189132 22740 net.cpp:226] conv_new_1 needs backward computation.
I1107 01:40:24.189136 22740 net.cpp:228] bbox_inside_weights_roi-data_3_split does not need backward computation.
I1107 01:40:24.189138 22740 net.cpp:228] bbox_targets_roi-data_2_split does not need backward computation.
I1107 01:40:24.189141 22740 net.cpp:228] labels_roi-data_1_split does not need backward computation.
I1107 01:40:24.189144 22740 net.cpp:226] rois_roi-data_0_split needs backward computation.
I1107 01:40:24.189147 22740 net.cpp:226] roi-data needs backward computation.
I1107 01:40:24.189152 22740 net.cpp:226] proposal needs backward computation.
I1107 01:40:24.189155 22740 net.cpp:226] rpn_cls_prob_reshape needs backward computation.
I1107 01:40:24.189157 22740 net.cpp:226] rpn_cls_prob needs backward computation.
I1107 01:40:24.189160 22740 net.cpp:226] rpn_loss_bbox needs backward computation.
I1107 01:40:24.189164 22740 net.cpp:226] rpn_loss_cls needs backward computation.
I1107 01:40:24.189168 22740 net.cpp:226] rpn-data needs backward computation.
I1107 01:40:24.189172 22740 net.cpp:226] rpn_cls_score_reshape_rpn_cls_score_reshape_0_split needs backward computation.
I1107 01:40:24.189175 22740 net.cpp:226] rpn_cls_score_reshape needs backward computation.
I1107 01:40:24.189178 22740 net.cpp:226] rpn_bbox_pred_rpn_bbox_pred_0_split needs backward computation.
I1107 01:40:24.189182 22740 net.cpp:226] rpn_bbox_pred needs backward computation.
I1107 01:40:24.189184 22740 net.cpp:226] rpn_cls_score_rpn_cls_score_0_split needs backward computation.
I1107 01:40:24.189188 22740 net.cpp:226] rpn_cls_score needs backward computation.
I1107 01:40:24.189189 22740 net.cpp:226] rpn/output_rpn_relu/3x3_0_split needs backward computation.
I1107 01:40:24.189193 22740 net.cpp:226] rpn_relu/3x3 needs backward computation.
I1107 01:40:24.189195 22740 net.cpp:226] rpn_conv/3x3 needs backward computation.
I1107 01:40:24.189215 22740 net.cpp:226] res5c_relu needs backward computation.
I1107 01:40:24.189218 22740 net.cpp:226] res5c needs backward computation.
I1107 01:40:24.189220 22740 net.cpp:226] scale5c_branch2c needs backward computation.
I1107 01:40:24.189224 22740 net.cpp:226] bn5c_branch2c needs backward computation.
I1107 01:40:24.189226 22740 net.cpp:226] res5c_branch2c needs backward computation.
I1107 01:40:24.189229 22740 net.cpp:226] res5c_branch2b_relu needs backward computation.
I1107 01:40:24.189232 22740 net.cpp:226] scale5c_branch2b needs backward computation.
I1107 01:40:24.189234 22740 net.cpp:226] bn5c_branch2b needs backward computation.
I1107 01:40:24.189236 22740 net.cpp:226] res5c_branch2b needs backward computation.
I1107 01:40:24.189239 22740 net.cpp:226] res5c_branch2a_relu needs backward computation.
I1107 01:40:24.189241 22740 net.cpp:226] scale5c_branch2a needs backward computation.
I1107 01:40:24.189244 22740 net.cpp:226] bn5c_branch2a needs backward computation.
I1107 01:40:24.189246 22740 net.cpp:226] res5c_branch2a needs backward computation.
I1107 01:40:24.189249 22740 net.cpp:226] res5b_res5b_relu_0_split needs backward computation.
I1107 01:40:24.189252 22740 net.cpp:226] res5b_relu needs backward computation.
I1107 01:40:24.189254 22740 net.cpp:226] res5b needs backward computation.
I1107 01:40:24.189257 22740 net.cpp:226] scale5b_branch2c needs backward computation.
I1107 01:40:24.189260 22740 net.cpp:226] bn5b_branch2c needs backward computation.
I1107 01:40:24.189262 22740 net.cpp:226] res5b_branch2c needs backward computation.
I1107 01:40:24.189265 22740 net.cpp:226] res5b_branch2b_relu needs backward computation.
I1107 01:40:24.189267 22740 net.cpp:226] scale5b_branch2b needs backward computation.
I1107 01:40:24.189270 22740 net.cpp:226] bn5b_branch2b needs backward computation.
I1107 01:40:24.189272 22740 net.cpp:226] res5b_branch2b needs backward computation.
I1107 01:40:24.189276 22740 net.cpp:226] res5b_branch2a_relu needs backward computation.
I1107 01:40:24.189278 22740 net.cpp:226] scale5b_branch2a needs backward computation.
I1107 01:40:24.189280 22740 net.cpp:226] bn5b_branch2a needs backward computation.
I1107 01:40:24.189283 22740 net.cpp:226] res5b_branch2a needs backward computation.
I1107 01:40:24.189285 22740 net.cpp:226] res5a_res5a_relu_0_split needs backward computation.
I1107 01:40:24.189290 22740 net.cpp:226] res5a_relu needs backward computation.
I1107 01:40:24.189291 22740 net.cpp:226] res5a needs backward computation.
I1107 01:40:24.189296 22740 net.cpp:226] scale5a_branch2c needs backward computation.
I1107 01:40:24.189297 22740 net.cpp:226] bn5a_branch2c needs backward computation.
I1107 01:40:24.189301 22740 net.cpp:226] res5a_branch2c needs backward computation.
I1107 01:40:24.189302 22740 net.cpp:226] res5a_branch2b_relu needs backward computation.
I1107 01:40:24.189306 22740 net.cpp:226] scale5a_branch2b needs backward computation.
I1107 01:40:24.189307 22740 net.cpp:226] bn5a_branch2b needs backward computation.
I1107 01:40:24.189311 22740 net.cpp:226] res5a_branch2b needs backward computation.
I1107 01:40:24.189312 22740 net.cpp:226] res5a_branch2a_relu needs backward computation.
I1107 01:40:24.189316 22740 net.cpp:226] scale5a_branch2a needs backward computation.
I1107 01:40:24.189317 22740 net.cpp:226] bn5a_branch2a needs backward computation.
I1107 01:40:24.189319 22740 net.cpp:226] res5a_branch2a needs backward computation.
I1107 01:40:24.189322 22740 net.cpp:226] scale5a_branch1 needs backward computation.
I1107 01:40:24.189326 22740 net.cpp:226] bn5a_branch1 needs backward computation.
I1107 01:40:24.189328 22740 net.cpp:226] res5a_branch1 needs backward computation.
I1107 01:40:24.189332 22740 net.cpp:226] res4b22_res4b22_relu_0_split needs backward computation.
I1107 01:40:24.189334 22740 net.cpp:226] res4b22_relu needs backward computation.
I1107 01:40:24.189337 22740 net.cpp:226] res4b22 needs backward computation.
I1107 01:40:24.189342 22740 net.cpp:226] scale4b22_branch2c needs backward computation.
I1107 01:40:24.189343 22740 net.cpp:226] bn4b22_branch2c needs backward computation.
I1107 01:40:24.189347 22740 net.cpp:226] res4b22_branch2c needs backward computation.
I1107 01:40:24.189349 22740 net.cpp:226] res4b22_branch2b_relu needs backward computation.
I1107 01:40:24.189352 22740 net.cpp:226] scale4b22_branch2b needs backward computation.
I1107 01:40:24.189354 22740 net.cpp:226] bn4b22_branch2b needs backward computation.
I1107 01:40:24.189357 22740 net.cpp:226] res4b22_branch2b needs backward computation.
I1107 01:40:24.189359 22740 net.cpp:226] res4b22_branch2a_relu needs backward computation.
I1107 01:40:24.189363 22740 net.cpp:226] scale4b22_branch2a needs backward computation.
I1107 01:40:24.189364 22740 net.cpp:226] bn4b22_branch2a needs backward computation.
I1107 01:40:24.189368 22740 net.cpp:226] res4b22_branch2a needs backward computation.
I1107 01:40:24.189369 22740 net.cpp:226] res4b21_res4b21_relu_0_split needs backward computation.
I1107 01:40:24.189373 22740 net.cpp:226] res4b21_relu needs backward computation.
I1107 01:40:24.189375 22740 net.cpp:226] res4b21 needs backward computation.
I1107 01:40:24.189378 22740 net.cpp:226] scale4b21_branch2c needs backward computation.
I1107 01:40:24.189380 22740 net.cpp:226] bn4b21_branch2c needs backward computation.
I1107 01:40:24.189383 22740 net.cpp:226] res4b21_branch2c needs backward computation.
I1107 01:40:24.189385 22740 net.cpp:226] res4b21_branch2b_relu needs backward computation.
I1107 01:40:24.189388 22740 net.cpp:226] scale4b21_branch2b needs backward computation.
I1107 01:40:24.189390 22740 net.cpp:226] bn4b21_branch2b needs backward computation.
I1107 01:40:24.189393 22740 net.cpp:226] res4b21_branch2b needs backward computation.
I1107 01:40:24.189395 22740 net.cpp:226] res4b21_branch2a_relu needs backward computation.
I1107 01:40:24.189399 22740 net.cpp:226] scale4b21_branch2a needs backward computation.
I1107 01:40:24.189400 22740 net.cpp:226] bn4b21_branch2a needs backward computation.
I1107 01:40:24.189404 22740 net.cpp:226] res4b21_branch2a needs backward computation.
I1107 01:40:24.189406 22740 net.cpp:226] res4b20_res4b20_relu_0_split needs backward computation.
I1107 01:40:24.189409 22740 net.cpp:226] res4b20_relu needs backward computation.
I1107 01:40:24.189411 22740 net.cpp:226] res4b20 needs backward computation.
I1107 01:40:24.189415 22740 net.cpp:226] scale4b20_branch2c needs backward computation.
I1107 01:40:24.189417 22740 net.cpp:226] bn4b20_branch2c needs backward computation.
I1107 01:40:24.189420 22740 net.cpp:226] res4b20_branch2c needs backward computation.
I1107 01:40:24.189422 22740 net.cpp:226] res4b20_branch2b_relu needs backward computation.
I1107 01:40:24.189425 22740 net.cpp:226] scale4b20_branch2b needs backward computation.
I1107 01:40:24.189427 22740 net.cpp:226] bn4b20_branch2b needs backward computation.
I1107 01:40:24.189430 22740 net.cpp:226] res4b20_branch2b needs backward computation.
I1107 01:40:24.189432 22740 net.cpp:226] res4b20_branch2a_relu needs backward computation.
I1107 01:40:24.189435 22740 net.cpp:226] scale4b20_branch2a needs backward computation.
I1107 01:40:24.189437 22740 net.cpp:226] bn4b20_branch2a needs backward computation.
I1107 01:40:24.189440 22740 net.cpp:226] res4b20_branch2a needs backward computation.
I1107 01:40:24.189443 22740 net.cpp:226] res4b19_res4b19_relu_0_split needs backward computation.
I1107 01:40:24.189445 22740 net.cpp:226] res4b19_relu needs backward computation.
I1107 01:40:24.189448 22740 net.cpp:226] res4b19 needs backward computation.
I1107 01:40:24.189451 22740 net.cpp:226] scale4b19_branch2c needs backward computation.
I1107 01:40:24.189453 22740 net.cpp:226] bn4b19_branch2c needs backward computation.
I1107 01:40:24.189456 22740 net.cpp:226] res4b19_branch2c needs backward computation.
I1107 01:40:24.189460 22740 net.cpp:226] res4b19_branch2b_relu needs backward computation.
I1107 01:40:24.189462 22740 net.cpp:226] scale4b19_branch2b needs backward computation.
I1107 01:40:24.189465 22740 net.cpp:226] bn4b19_branch2b needs backward computation.
I1107 01:40:24.189466 22740 net.cpp:226] res4b19_branch2b needs backward computation.
I1107 01:40:24.189469 22740 net.cpp:226] res4b19_branch2a_relu needs backward computation.
I1107 01:40:24.189471 22740 net.cpp:226] scale4b19_branch2a needs backward computation.
I1107 01:40:24.189473 22740 net.cpp:226] bn4b19_branch2a needs backward computation.
I1107 01:40:24.189476 22740 net.cpp:226] res4b19_branch2a needs backward computation.
I1107 01:40:24.189479 22740 net.cpp:226] res4b18_res4b18_relu_0_split needs backward computation.
I1107 01:40:24.189481 22740 net.cpp:226] res4b18_relu needs backward computation.
I1107 01:40:24.189484 22740 net.cpp:226] res4b18 needs backward computation.
I1107 01:40:24.189487 22740 net.cpp:226] scale4b18_branch2c needs backward computation.
I1107 01:40:24.189491 22740 net.cpp:226] bn4b18_branch2c needs backward computation.
I1107 01:40:24.189493 22740 net.cpp:226] res4b18_branch2c needs backward computation.
I1107 01:40:24.189496 22740 net.cpp:226] res4b18_branch2b_relu needs backward computation.
I1107 01:40:24.189498 22740 net.cpp:226] scale4b18_branch2b needs backward computation.
I1107 01:40:24.189501 22740 net.cpp:226] bn4b18_branch2b needs backward computation.
I1107 01:40:24.189502 22740 net.cpp:226] res4b18_branch2b needs backward computation.
I1107 01:40:24.189507 22740 net.cpp:226] res4b18_branch2a_relu needs backward computation.
I1107 01:40:24.189508 22740 net.cpp:226] scale4b18_branch2a needs backward computation.
I1107 01:40:24.189512 22740 net.cpp:226] bn4b18_branch2a needs backward computation.
I1107 01:40:24.189513 22740 net.cpp:226] res4b18_branch2a needs backward computation.
I1107 01:40:24.189517 22740 net.cpp:226] res4b17_res4b17_relu_0_split needs backward computation.
I1107 01:40:24.189519 22740 net.cpp:226] res4b17_relu needs backward computation.
I1107 01:40:24.189522 22740 net.cpp:226] res4b17 needs backward computation.
I1107 01:40:24.189525 22740 net.cpp:226] scale4b17_branch2c needs backward computation.
I1107 01:40:24.189527 22740 net.cpp:226] bn4b17_branch2c needs backward computation.
I1107 01:40:24.189530 22740 net.cpp:226] res4b17_branch2c needs backward computation.
I1107 01:40:24.189533 22740 net.cpp:226] res4b17_branch2b_relu needs backward computation.
I1107 01:40:24.189537 22740 net.cpp:226] scale4b17_branch2b needs backward computation.
I1107 01:40:24.189539 22740 net.cpp:226] bn4b17_branch2b needs backward computation.
I1107 01:40:24.189543 22740 net.cpp:226] res4b17_branch2b needs backward computation.
I1107 01:40:24.189545 22740 net.cpp:226] res4b17_branch2a_relu needs backward computation.
I1107 01:40:24.189548 22740 net.cpp:226] scale4b17_branch2a needs backward computation.
I1107 01:40:24.189550 22740 net.cpp:226] bn4b17_branch2a needs backward computation.
I1107 01:40:24.189553 22740 net.cpp:226] res4b17_branch2a needs backward computation.
I1107 01:40:24.189556 22740 net.cpp:226] res4b16_res4b16_relu_0_split needs backward computation.
I1107 01:40:24.189559 22740 net.cpp:226] res4b16_relu needs backward computation.
I1107 01:40:24.189563 22740 net.cpp:226] res4b16 needs backward computation.
I1107 01:40:24.189565 22740 net.cpp:226] scale4b16_branch2c needs backward computation.
I1107 01:40:24.189568 22740 net.cpp:226] bn4b16_branch2c needs backward computation.
I1107 01:40:24.189570 22740 net.cpp:226] res4b16_branch2c needs backward computation.
I1107 01:40:24.189574 22740 net.cpp:226] res4b16_branch2b_relu needs backward computation.
I1107 01:40:24.189576 22740 net.cpp:226] scale4b16_branch2b needs backward computation.
I1107 01:40:24.189579 22740 net.cpp:226] bn4b16_branch2b needs backward computation.
I1107 01:40:24.189581 22740 net.cpp:226] res4b16_branch2b needs backward computation.
I1107 01:40:24.189584 22740 net.cpp:226] res4b16_branch2a_relu needs backward computation.
I1107 01:40:24.189586 22740 net.cpp:226] scale4b16_branch2a needs backward computation.
I1107 01:40:24.189589 22740 net.cpp:226] bn4b16_branch2a needs backward computation.
I1107 01:40:24.189591 22740 net.cpp:226] res4b16_branch2a needs backward computation.
I1107 01:40:24.189594 22740 net.cpp:226] res4b15_res4b15_relu_0_split needs backward computation.
I1107 01:40:24.189597 22740 net.cpp:226] res4b15_relu needs backward computation.
I1107 01:40:24.189599 22740 net.cpp:226] res4b15 needs backward computation.
I1107 01:40:24.189602 22740 net.cpp:226] scale4b15_branch2c needs backward computation.
I1107 01:40:24.189605 22740 net.cpp:226] bn4b15_branch2c needs backward computation.
I1107 01:40:24.189607 22740 net.cpp:226] res4b15_branch2c needs backward computation.
I1107 01:40:24.189610 22740 net.cpp:226] res4b15_branch2b_relu needs backward computation.
I1107 01:40:24.189612 22740 net.cpp:226] scale4b15_branch2b needs backward computation.
I1107 01:40:24.189615 22740 net.cpp:226] bn4b15_branch2b needs backward computation.
I1107 01:40:24.189618 22740 net.cpp:226] res4b15_branch2b needs backward computation.
I1107 01:40:24.189621 22740 net.cpp:226] res4b15_branch2a_relu needs backward computation.
I1107 01:40:24.189623 22740 net.cpp:226] scale4b15_branch2a needs backward computation.
I1107 01:40:24.189626 22740 net.cpp:226] bn4b15_branch2a needs backward computation.
I1107 01:40:24.189628 22740 net.cpp:226] res4b15_branch2a needs backward computation.
I1107 01:40:24.189631 22740 net.cpp:226] res4b14_res4b14_relu_0_split needs backward computation.
I1107 01:40:24.189635 22740 net.cpp:226] res4b14_relu needs backward computation.
I1107 01:40:24.189637 22740 net.cpp:226] res4b14 needs backward computation.
I1107 01:40:24.189640 22740 net.cpp:226] scale4b14_branch2c needs backward computation.
I1107 01:40:24.189643 22740 net.cpp:226] bn4b14_branch2c needs backward computation.
I1107 01:40:24.189646 22740 net.cpp:226] res4b14_branch2c needs backward computation.
I1107 01:40:24.189648 22740 net.cpp:226] res4b14_branch2b_relu needs backward computation.
I1107 01:40:24.189651 22740 net.cpp:226] scale4b14_branch2b needs backward computation.
I1107 01:40:24.189654 22740 net.cpp:226] bn4b14_branch2b needs backward computation.
I1107 01:40:24.189674 22740 net.cpp:226] res4b14_branch2b needs backward computation.
I1107 01:40:24.189677 22740 net.cpp:226] res4b14_branch2a_relu needs backward computation.
I1107 01:40:24.189680 22740 net.cpp:226] scale4b14_branch2a needs backward computation.
I1107 01:40:24.189700 22740 net.cpp:226] bn4b14_branch2a needs backward computation.
I1107 01:40:24.189703 22740 net.cpp:226] res4b14_branch2a needs backward computation.
I1107 01:40:24.189707 22740 net.cpp:226] res4b13_res4b13_relu_0_split needs backward computation.
I1107 01:40:24.189709 22740 net.cpp:226] res4b13_relu needs backward computation.
I1107 01:40:24.189713 22740 net.cpp:226] res4b13 needs backward computation.
I1107 01:40:24.189733 22740 net.cpp:226] scale4b13_branch2c needs backward computation.
I1107 01:40:24.189735 22740 net.cpp:226] bn4b13_branch2c needs backward computation.
I1107 01:40:24.189738 22740 net.cpp:226] res4b13_branch2c needs backward computation.
I1107 01:40:24.189741 22740 net.cpp:226] res4b13_branch2b_relu needs backward computation.
I1107 01:40:24.189761 22740 net.cpp:226] scale4b13_branch2b needs backward computation.
I1107 01:40:24.189767 22740 net.cpp:226] bn4b13_branch2b needs backward computation.
I1107 01:40:24.189770 22740 net.cpp:226] res4b13_branch2b needs backward computation.
I1107 01:40:24.189774 22740 net.cpp:226] res4b13_branch2a_relu needs backward computation.
I1107 01:40:24.189776 22740 net.cpp:226] scale4b13_branch2a needs backward computation.
I1107 01:40:24.189779 22740 net.cpp:226] bn4b13_branch2a needs backward computation.
I1107 01:40:24.189782 22740 net.cpp:226] res4b13_branch2a needs backward computation.
I1107 01:40:24.189785 22740 net.cpp:226] res4b12_res4b12_relu_0_split needs backward computation.
I1107 01:40:24.189788 22740 net.cpp:226] res4b12_relu needs backward computation.
I1107 01:40:24.189791 22740 net.cpp:226] res4b12 needs backward computation.
I1107 01:40:24.189795 22740 net.cpp:226] scale4b12_branch2c needs backward computation.
I1107 01:40:24.189797 22740 net.cpp:226] bn4b12_branch2c needs backward computation.
I1107 01:40:24.189801 22740 net.cpp:226] res4b12_branch2c needs backward computation.
I1107 01:40:24.189805 22740 net.cpp:226] res4b12_branch2b_relu needs backward computation.
I1107 01:40:24.189807 22740 net.cpp:226] scale4b12_branch2b needs backward computation.
I1107 01:40:24.189810 22740 net.cpp:226] bn4b12_branch2b needs backward computation.
I1107 01:40:24.189812 22740 net.cpp:226] res4b12_branch2b needs backward computation.
I1107 01:40:24.189815 22740 net.cpp:226] res4b12_branch2a_relu needs backward computation.
I1107 01:40:24.189818 22740 net.cpp:226] scale4b12_branch2a needs backward computation.
I1107 01:40:24.189821 22740 net.cpp:226] bn4b12_branch2a needs backward computation.
I1107 01:40:24.189823 22740 net.cpp:226] res4b12_branch2a needs backward computation.
I1107 01:40:24.189827 22740 net.cpp:226] res4b11_res4b11_relu_0_split needs backward computation.
I1107 01:40:24.189831 22740 net.cpp:226] res4b11_relu needs backward computation.
I1107 01:40:24.189832 22740 net.cpp:226] res4b11 needs backward computation.
I1107 01:40:24.189836 22740 net.cpp:226] scale4b11_branch2c needs backward computation.
I1107 01:40:24.189839 22740 net.cpp:226] bn4b11_branch2c needs backward computation.
I1107 01:40:24.189842 22740 net.cpp:226] res4b11_branch2c needs backward computation.
I1107 01:40:24.189846 22740 net.cpp:226] res4b11_branch2b_relu needs backward computation.
I1107 01:40:24.189848 22740 net.cpp:226] scale4b11_branch2b needs backward computation.
I1107 01:40:24.189851 22740 net.cpp:226] bn4b11_branch2b needs backward computation.
I1107 01:40:24.189853 22740 net.cpp:226] res4b11_branch2b needs backward computation.
I1107 01:40:24.189857 22740 net.cpp:226] res4b11_branch2a_relu needs backward computation.
I1107 01:40:24.189859 22740 net.cpp:226] scale4b11_branch2a needs backward computation.
I1107 01:40:24.189862 22740 net.cpp:226] bn4b11_branch2a needs backward computation.
I1107 01:40:24.189865 22740 net.cpp:226] res4b11_branch2a needs backward computation.
I1107 01:40:24.189868 22740 net.cpp:226] res4b10_res4b10_relu_0_split needs backward computation.
I1107 01:40:24.189872 22740 net.cpp:226] res4b10_relu needs backward computation.
I1107 01:40:24.189873 22740 net.cpp:226] res4b10 needs backward computation.
I1107 01:40:24.189878 22740 net.cpp:226] scale4b10_branch2c needs backward computation.
I1107 01:40:24.189882 22740 net.cpp:226] bn4b10_branch2c needs backward computation.
I1107 01:40:24.189884 22740 net.cpp:226] res4b10_branch2c needs backward computation.
I1107 01:40:24.189888 22740 net.cpp:226] res4b10_branch2b_relu needs backward computation.
I1107 01:40:24.189890 22740 net.cpp:226] scale4b10_branch2b needs backward computation.
I1107 01:40:24.189893 22740 net.cpp:226] bn4b10_branch2b needs backward computation.
I1107 01:40:24.189895 22740 net.cpp:226] res4b10_branch2b needs backward computation.
I1107 01:40:24.189898 22740 net.cpp:226] res4b10_branch2a_relu needs backward computation.
I1107 01:40:24.189901 22740 net.cpp:226] scale4b10_branch2a needs backward computation.
I1107 01:40:24.189904 22740 net.cpp:226] bn4b10_branch2a needs backward computation.
I1107 01:40:24.189908 22740 net.cpp:226] res4b10_branch2a needs backward computation.
I1107 01:40:24.189911 22740 net.cpp:226] res4b9_res4b9_relu_0_split needs backward computation.
I1107 01:40:24.189914 22740 net.cpp:226] res4b9_relu needs backward computation.
I1107 01:40:24.189918 22740 net.cpp:226] res4b9 needs backward computation.
I1107 01:40:24.189921 22740 net.cpp:226] scale4b9_branch2c needs backward computation.
I1107 01:40:24.189926 22740 net.cpp:226] bn4b9_branch2c needs backward computation.
I1107 01:40:24.189929 22740 net.cpp:226] res4b9_branch2c needs backward computation.
I1107 01:40:24.189932 22740 net.cpp:226] res4b9_branch2b_relu needs backward computation.
I1107 01:40:24.189935 22740 net.cpp:226] scale4b9_branch2b needs backward computation.
I1107 01:40:24.189954 22740 net.cpp:226] bn4b9_branch2b needs backward computation.
I1107 01:40:24.189956 22740 net.cpp:226] res4b9_branch2b needs backward computation.
I1107 01:40:24.189960 22740 net.cpp:226] res4b9_branch2a_relu needs backward computation.
I1107 01:40:24.189962 22740 net.cpp:226] scale4b9_branch2a needs backward computation.
I1107 01:40:24.189965 22740 net.cpp:226] bn4b9_branch2a needs backward computation.
I1107 01:40:24.189967 22740 net.cpp:226] res4b9_branch2a needs backward computation.
I1107 01:40:24.189970 22740 net.cpp:226] res4b8_res4b8_relu_0_split needs backward computation.
I1107 01:40:24.189975 22740 net.cpp:226] res4b8_relu needs backward computation.
I1107 01:40:24.189977 22740 net.cpp:226] res4b8 needs backward computation.
I1107 01:40:24.189981 22740 net.cpp:226] scale4b8_branch2c needs backward computation.
I1107 01:40:24.189985 22740 net.cpp:226] bn4b8_branch2c needs backward computation.
I1107 01:40:24.189986 22740 net.cpp:226] res4b8_branch2c needs backward computation.
I1107 01:40:24.189990 22740 net.cpp:226] res4b8_branch2b_relu needs backward computation.
I1107 01:40:24.189993 22740 net.cpp:226] scale4b8_branch2b needs backward computation.
I1107 01:40:24.189996 22740 net.cpp:226] bn4b8_branch2b needs backward computation.
I1107 01:40:24.189998 22740 net.cpp:226] res4b8_branch2b needs backward computation.
I1107 01:40:24.190016 22740 net.cpp:226] res4b8_branch2a_relu needs backward computation.
I1107 01:40:24.190019 22740 net.cpp:226] scale4b8_branch2a needs backward computation.
I1107 01:40:24.190022 22740 net.cpp:226] bn4b8_branch2a needs backward computation.
I1107 01:40:24.190042 22740 net.cpp:226] res4b8_branch2a needs backward computation.
I1107 01:40:24.190044 22740 net.cpp:226] res4b7_res4b7_relu_0_split needs backward computation.
I1107 01:40:24.190047 22740 net.cpp:226] res4b7_relu needs backward computation.
I1107 01:40:24.190068 22740 net.cpp:226] res4b7 needs backward computation.
I1107 01:40:24.190071 22740 net.cpp:226] scale4b7_branch2c needs backward computation.
I1107 01:40:24.190074 22740 net.cpp:226] bn4b7_branch2c needs backward computation.
I1107 01:40:24.190076 22740 net.cpp:226] res4b7_branch2c needs backward computation.
I1107 01:40:24.190079 22740 net.cpp:226] res4b7_branch2b_relu needs backward computation.
I1107 01:40:24.190081 22740 net.cpp:226] scale4b7_branch2b needs backward computation.
I1107 01:40:24.190084 22740 net.cpp:226] bn4b7_branch2b needs backward computation.
I1107 01:40:24.190088 22740 net.cpp:226] res4b7_branch2b needs backward computation.
I1107 01:40:24.190090 22740 net.cpp:226] res4b7_branch2a_relu needs backward computation.
I1107 01:40:24.190093 22740 net.cpp:226] scale4b7_branch2a needs backward computation.
I1107 01:40:24.190096 22740 net.cpp:226] bn4b7_branch2a needs backward computation.
I1107 01:40:24.190099 22740 net.cpp:226] res4b7_branch2a needs backward computation.
I1107 01:40:24.190101 22740 net.cpp:226] res4b6_res4b6_relu_0_split needs backward computation.
I1107 01:40:24.190104 22740 net.cpp:226] res4b6_relu needs backward computation.
I1107 01:40:24.190107 22740 net.cpp:226] res4b6 needs backward computation.
I1107 01:40:24.190110 22740 net.cpp:226] scale4b6_branch2c needs backward computation.
I1107 01:40:24.190114 22740 net.cpp:226] bn4b6_branch2c needs backward computation.
I1107 01:40:24.190115 22740 net.cpp:226] res4b6_branch2c needs backward computation.
I1107 01:40:24.190119 22740 net.cpp:226] res4b6_branch2b_relu needs backward computation.
I1107 01:40:24.190120 22740 net.cpp:226] scale4b6_branch2b needs backward computation.
I1107 01:40:24.190124 22740 net.cpp:226] bn4b6_branch2b needs backward computation.
I1107 01:40:24.190125 22740 net.cpp:226] res4b6_branch2b needs backward computation.
I1107 01:40:24.190129 22740 net.cpp:226] res4b6_branch2a_relu needs backward computation.
I1107 01:40:24.190131 22740 net.cpp:226] scale4b6_branch2a needs backward computation.
I1107 01:40:24.190134 22740 net.cpp:226] bn4b6_branch2a needs backward computation.
I1107 01:40:24.190136 22740 net.cpp:226] res4b6_branch2a needs backward computation.
I1107 01:40:24.190140 22740 net.cpp:226] res4b5_res4b5_relu_0_split needs backward computation.
I1107 01:40:24.190142 22740 net.cpp:226] res4b5_relu needs backward computation.
I1107 01:40:24.190145 22740 net.cpp:226] res4b5 needs backward computation.
I1107 01:40:24.190148 22740 net.cpp:226] scale4b5_branch2c needs backward computation.
I1107 01:40:24.190150 22740 net.cpp:226] bn4b5_branch2c needs backward computation.
I1107 01:40:24.190153 22740 net.cpp:226] res4b5_branch2c needs backward computation.
I1107 01:40:24.190156 22740 net.cpp:226] res4b5_branch2b_relu needs backward computation.
I1107 01:40:24.190160 22740 net.cpp:226] scale4b5_branch2b needs backward computation.
I1107 01:40:24.190161 22740 net.cpp:226] bn4b5_branch2b needs backward computation.
I1107 01:40:24.190165 22740 net.cpp:226] res4b5_branch2b needs backward computation.
I1107 01:40:24.190167 22740 net.cpp:226] res4b5_branch2a_relu needs backward computation.
I1107 01:40:24.190170 22740 net.cpp:226] scale4b5_branch2a needs backward computation.
I1107 01:40:24.190172 22740 net.cpp:226] bn4b5_branch2a needs backward computation.
I1107 01:40:24.190174 22740 net.cpp:226] res4b5_branch2a needs backward computation.
I1107 01:40:24.190177 22740 net.cpp:226] res4b4_res4b4_relu_0_split needs backward computation.
I1107 01:40:24.190181 22740 net.cpp:226] res4b4_relu needs backward computation.
I1107 01:40:24.190183 22740 net.cpp:226] res4b4 needs backward computation.
I1107 01:40:24.190186 22740 net.cpp:226] scale4b4_branch2c needs backward computation.
I1107 01:40:24.190189 22740 net.cpp:226] bn4b4_branch2c needs backward computation.
I1107 01:40:24.190191 22740 net.cpp:226] res4b4_branch2c needs backward computation.
I1107 01:40:24.190194 22740 net.cpp:226] res4b4_branch2b_relu needs backward computation.
I1107 01:40:24.190196 22740 net.cpp:226] scale4b4_branch2b needs backward computation.
I1107 01:40:24.190199 22740 net.cpp:226] bn4b4_branch2b needs backward computation.
I1107 01:40:24.190201 22740 net.cpp:226] res4b4_branch2b needs backward computation.
I1107 01:40:24.190204 22740 net.cpp:226] res4b4_branch2a_relu needs backward computation.
I1107 01:40:24.190207 22740 net.cpp:226] scale4b4_branch2a needs backward computation.
I1107 01:40:24.190209 22740 net.cpp:226] bn4b4_branch2a needs backward computation.
I1107 01:40:24.190212 22740 net.cpp:226] res4b4_branch2a needs backward computation.
I1107 01:40:24.190214 22740 net.cpp:226] res4b3_res4b3_relu_0_split needs backward computation.
I1107 01:40:24.190217 22740 net.cpp:226] res4b3_relu needs backward computation.
I1107 01:40:24.190219 22740 net.cpp:226] res4b3 needs backward computation.
I1107 01:40:24.190223 22740 net.cpp:226] scale4b3_branch2c needs backward computation.
I1107 01:40:24.190225 22740 net.cpp:226] bn4b3_branch2c needs backward computation.
I1107 01:40:24.190228 22740 net.cpp:226] res4b3_branch2c needs backward computation.
I1107 01:40:24.190232 22740 net.cpp:226] res4b3_branch2b_relu needs backward computation.
I1107 01:40:24.190233 22740 net.cpp:226] scale4b3_branch2b needs backward computation.
I1107 01:40:24.190237 22740 net.cpp:226] bn4b3_branch2b needs backward computation.
I1107 01:40:24.190239 22740 net.cpp:226] res4b3_branch2b needs backward computation.
I1107 01:40:24.190242 22740 net.cpp:226] res4b3_branch2a_relu needs backward computation.
I1107 01:40:24.190244 22740 net.cpp:226] scale4b3_branch2a needs backward computation.
I1107 01:40:24.190246 22740 net.cpp:226] bn4b3_branch2a needs backward computation.
I1107 01:40:24.190249 22740 net.cpp:226] res4b3_branch2a needs backward computation.
I1107 01:40:24.190253 22740 net.cpp:226] res4b2_res4b2_relu_0_split needs backward computation.
I1107 01:40:24.190255 22740 net.cpp:226] res4b2_relu needs backward computation.
I1107 01:40:24.190258 22740 net.cpp:226] res4b2 needs backward computation.
I1107 01:40:24.190261 22740 net.cpp:226] scale4b2_branch2c needs backward computation.
I1107 01:40:24.190264 22740 net.cpp:226] bn4b2_branch2c needs backward computation.
I1107 01:40:24.190268 22740 net.cpp:226] res4b2_branch2c needs backward computation.
I1107 01:40:24.190270 22740 net.cpp:226] res4b2_branch2b_relu needs backward computation.
I1107 01:40:24.190273 22740 net.cpp:226] scale4b2_branch2b needs backward computation.
I1107 01:40:24.190275 22740 net.cpp:226] bn4b2_branch2b needs backward computation.
I1107 01:40:24.190277 22740 net.cpp:226] res4b2_branch2b needs backward computation.
I1107 01:40:24.190280 22740 net.cpp:226] res4b2_branch2a_relu needs backward computation.
I1107 01:40:24.190282 22740 net.cpp:226] scale4b2_branch2a needs backward computation.
I1107 01:40:24.190285 22740 net.cpp:226] bn4b2_branch2a needs backward computation.
I1107 01:40:24.190287 22740 net.cpp:226] res4b2_branch2a needs backward computation.
I1107 01:40:24.190290 22740 net.cpp:226] res4b1_res4b1_relu_0_split needs backward computation.
I1107 01:40:24.190294 22740 net.cpp:226] res4b1_relu needs backward computation.
I1107 01:40:24.190296 22740 net.cpp:226] res4b1 needs backward computation.
I1107 01:40:24.190299 22740 net.cpp:226] scale4b1_branch2c needs backward computation.
I1107 01:40:24.190302 22740 net.cpp:226] bn4b1_branch2c needs backward computation.
I1107 01:40:24.190304 22740 net.cpp:226] res4b1_branch2c needs backward computation.
I1107 01:40:24.190307 22740 net.cpp:226] res4b1_branch2b_relu needs backward computation.
I1107 01:40:24.190310 22740 net.cpp:226] scale4b1_branch2b needs backward computation.
I1107 01:40:24.190312 22740 net.cpp:226] bn4b1_branch2b needs backward computation.
I1107 01:40:24.190315 22740 net.cpp:226] res4b1_branch2b needs backward computation.
I1107 01:40:24.190317 22740 net.cpp:226] res4b1_branch2a_relu needs backward computation.
I1107 01:40:24.190320 22740 net.cpp:226] scale4b1_branch2a needs backward computation.
I1107 01:40:24.190322 22740 net.cpp:226] bn4b1_branch2a needs backward computation.
I1107 01:40:24.190325 22740 net.cpp:226] res4b1_branch2a needs backward computation.
I1107 01:40:24.190328 22740 net.cpp:226] res4a_res4a_relu_0_split needs backward computation.
I1107 01:40:24.190331 22740 net.cpp:226] res4a_relu needs backward computation.
I1107 01:40:24.190335 22740 net.cpp:226] res4a needs backward computation.
I1107 01:40:24.190338 22740 net.cpp:226] scale4a_branch2c needs backward computation.
I1107 01:40:24.190341 22740 net.cpp:226] bn4a_branch2c needs backward computation.
I1107 01:40:24.190343 22740 net.cpp:226] res4a_branch2c needs backward computation.
I1107 01:40:24.190346 22740 net.cpp:226] res4a_branch2b_relu needs backward computation.
I1107 01:40:24.190348 22740 net.cpp:226] scale4a_branch2b needs backward computation.
I1107 01:40:24.190351 22740 net.cpp:226] bn4a_branch2b needs backward computation.
I1107 01:40:24.190354 22740 net.cpp:226] res4a_branch2b needs backward computation.
I1107 01:40:24.190357 22740 net.cpp:226] res4a_branch2a_relu needs backward computation.
I1107 01:40:24.190359 22740 net.cpp:226] scale4a_branch2a needs backward computation.
I1107 01:40:24.190362 22740 net.cpp:226] bn4a_branch2a needs backward computation.
I1107 01:40:24.190364 22740 net.cpp:226] res4a_branch2a needs backward computation.
I1107 01:40:24.190367 22740 net.cpp:226] scale4a_branch1 needs backward computation.
I1107 01:40:24.190371 22740 net.cpp:226] bn4a_branch1 needs backward computation.
I1107 01:40:24.190373 22740 net.cpp:226] res4a_branch1 needs backward computation.
I1107 01:40:24.190376 22740 net.cpp:226] res3b3_res3b3_relu_0_split needs backward computation.
I1107 01:40:24.190379 22740 net.cpp:226] res3b3_relu needs backward computation.
I1107 01:40:24.190382 22740 net.cpp:226] res3b3 needs backward computation.
I1107 01:40:24.190385 22740 net.cpp:226] scale3b3_branch2c needs backward computation.
I1107 01:40:24.190388 22740 net.cpp:226] bn3b3_branch2c needs backward computation.
I1107 01:40:24.190392 22740 net.cpp:226] res3b3_branch2c needs backward computation.
I1107 01:40:24.190393 22740 net.cpp:226] res3b3_branch2b_relu needs backward computation.
I1107 01:40:24.190397 22740 net.cpp:226] scale3b3_branch2b needs backward computation.
I1107 01:40:24.190399 22740 net.cpp:226] bn3b3_branch2b needs backward computation.
I1107 01:40:24.190402 22740 net.cpp:226] res3b3_branch2b needs backward computation.
I1107 01:40:24.190404 22740 net.cpp:226] res3b3_branch2a_relu needs backward computation.
I1107 01:40:24.190407 22740 net.cpp:226] scale3b3_branch2a needs backward computation.
I1107 01:40:24.190409 22740 net.cpp:226] bn3b3_branch2a needs backward computation.
I1107 01:40:24.190412 22740 net.cpp:226] res3b3_branch2a needs backward computation.
I1107 01:40:24.190415 22740 net.cpp:226] res3b2_res3b2_relu_0_split needs backward computation.
I1107 01:40:24.190418 22740 net.cpp:226] res3b2_relu needs backward computation.
I1107 01:40:24.190420 22740 net.cpp:226] res3b2 needs backward computation.
I1107 01:40:24.190424 22740 net.cpp:226] scale3b2_branch2c needs backward computation.
I1107 01:40:24.190426 22740 net.cpp:226] bn3b2_branch2c needs backward computation.
I1107 01:40:24.190445 22740 net.cpp:226] res3b2_branch2c needs backward computation.
I1107 01:40:24.190448 22740 net.cpp:226] res3b2_branch2b_relu needs backward computation.
I1107 01:40:24.190451 22740 net.cpp:226] scale3b2_branch2b needs backward computation.
I1107 01:40:24.190454 22740 net.cpp:226] bn3b2_branch2b needs backward computation.
I1107 01:40:24.190456 22740 net.cpp:226] res3b2_branch2b needs backward computation.
I1107 01:40:24.190459 22740 net.cpp:226] res3b2_branch2a_relu needs backward computation.
I1107 01:40:24.190461 22740 net.cpp:226] scale3b2_branch2a needs backward computation.
I1107 01:40:24.190464 22740 net.cpp:226] bn3b2_branch2a needs backward computation.
I1107 01:40:24.190466 22740 net.cpp:226] res3b2_branch2a needs backward computation.
I1107 01:40:24.190469 22740 net.cpp:226] res3b1_res3b1_relu_0_split needs backward computation.
I1107 01:40:24.190472 22740 net.cpp:226] res3b1_relu needs backward computation.
I1107 01:40:24.190474 22740 net.cpp:226] res3b1 needs backward computation.
I1107 01:40:24.190479 22740 net.cpp:226] scale3b1_branch2c needs backward computation.
I1107 01:40:24.190480 22740 net.cpp:226] bn3b1_branch2c needs backward computation.
I1107 01:40:24.190482 22740 net.cpp:226] res3b1_branch2c needs backward computation.
I1107 01:40:24.190485 22740 net.cpp:226] res3b1_branch2b_relu needs backward computation.
I1107 01:40:24.190488 22740 net.cpp:226] scale3b1_branch2b needs backward computation.
I1107 01:40:24.190490 22740 net.cpp:226] bn3b1_branch2b needs backward computation.
I1107 01:40:24.190493 22740 net.cpp:226] res3b1_branch2b needs backward computation.
I1107 01:40:24.190496 22740 net.cpp:226] res3b1_branch2a_relu needs backward computation.
I1107 01:40:24.190498 22740 net.cpp:226] scale3b1_branch2a needs backward computation.
I1107 01:40:24.190500 22740 net.cpp:226] bn3b1_branch2a needs backward computation.
I1107 01:40:24.190503 22740 net.cpp:226] res3b1_branch2a needs backward computation.
I1107 01:40:24.190506 22740 net.cpp:226] res3a_res3a_relu_0_split needs backward computation.
I1107 01:40:24.190510 22740 net.cpp:226] res3a_relu needs backward computation.
I1107 01:40:24.190512 22740 net.cpp:226] res3a needs backward computation.
I1107 01:40:24.190516 22740 net.cpp:226] scale3a_branch2c needs backward computation.
I1107 01:40:24.190520 22740 net.cpp:226] bn3a_branch2c needs backward computation.
I1107 01:40:24.190522 22740 net.cpp:226] res3a_branch2c needs backward computation.
I1107 01:40:24.190524 22740 net.cpp:226] res3a_branch2b_relu needs backward computation.
I1107 01:40:24.190527 22740 net.cpp:226] scale3a_branch2b needs backward computation.
I1107 01:40:24.190529 22740 net.cpp:226] bn3a_branch2b needs backward computation.
I1107 01:40:24.190532 22740 net.cpp:226] res3a_branch2b needs backward computation.
I1107 01:40:24.190536 22740 net.cpp:226] res3a_branch2a_relu needs backward computation.
I1107 01:40:24.190537 22740 net.cpp:226] scale3a_branch2a needs backward computation.
I1107 01:40:24.190539 22740 net.cpp:226] bn3a_branch2a needs backward computation.
I1107 01:40:24.190542 22740 net.cpp:226] res3a_branch2a needs backward computation.
I1107 01:40:24.190546 22740 net.cpp:226] scale3a_branch1 needs backward computation.
I1107 01:40:24.190548 22740 net.cpp:226] bn3a_branch1 needs backward computation.
I1107 01:40:24.190551 22740 net.cpp:226] res3a_branch1 needs backward computation.
I1107 01:40:24.190554 22740 net.cpp:228] res2c_res2c_relu_0_split does not need backward computation.
I1107 01:40:24.190557 22740 net.cpp:228] res2c_relu does not need backward computation.
I1107 01:40:24.190560 22740 net.cpp:228] res2c does not need backward computation.
I1107 01:40:24.190565 22740 net.cpp:228] scale2c_branch2c does not need backward computation.
I1107 01:40:24.190568 22740 net.cpp:228] bn2c_branch2c does not need backward computation.
I1107 01:40:24.190570 22740 net.cpp:228] res2c_branch2c does not need backward computation.
I1107 01:40:24.190574 22740 net.cpp:228] res2c_branch2b_relu does not need backward computation.
I1107 01:40:24.190577 22740 net.cpp:228] scale2c_branch2b does not need backward computation.
I1107 01:40:24.190579 22740 net.cpp:228] bn2c_branch2b does not need backward computation.
I1107 01:40:24.190582 22740 net.cpp:228] res2c_branch2b does not need backward computation.
I1107 01:40:24.190585 22740 net.cpp:228] res2c_branch2a_relu does not need backward computation.
I1107 01:40:24.190588 22740 net.cpp:228] scale2c_branch2a does not need backward computation.
I1107 01:40:24.190590 22740 net.cpp:228] bn2c_branch2a does not need backward computation.
I1107 01:40:24.190593 22740 net.cpp:228] res2c_branch2a does not need backward computation.
I1107 01:40:24.190598 22740 net.cpp:228] res2b_res2b_relu_0_split does not need backward computation.
I1107 01:40:24.190600 22740 net.cpp:228] res2b_relu does not need backward computation.
I1107 01:40:24.190603 22740 net.cpp:228] res2b does not need backward computation.
I1107 01:40:24.190608 22740 net.cpp:228] scale2b_branch2c does not need backward computation.
I1107 01:40:24.190610 22740 net.cpp:228] bn2b_branch2c does not need backward computation.
I1107 01:40:24.190613 22740 net.cpp:228] res2b_branch2c does not need backward computation.
I1107 01:40:24.190616 22740 net.cpp:228] res2b_branch2b_relu does not need backward computation.
I1107 01:40:24.190619 22740 net.cpp:228] scale2b_branch2b does not need backward computation.
I1107 01:40:24.190621 22740 net.cpp:228] bn2b_branch2b does not need backward computation.
I1107 01:40:24.190624 22740 net.cpp:228] res2b_branch2b does not need backward computation.
I1107 01:40:24.190628 22740 net.cpp:228] res2b_branch2a_relu does not need backward computation.
I1107 01:40:24.190630 22740 net.cpp:228] scale2b_branch2a does not need backward computation.
I1107 01:40:24.190632 22740 net.cpp:228] bn2b_branch2a does not need backward computation.
I1107 01:40:24.190635 22740 net.cpp:228] res2b_branch2a does not need backward computation.
I1107 01:40:24.190639 22740 net.cpp:228] res2a_res2a_relu_0_split does not need backward computation.
I1107 01:40:24.190642 22740 net.cpp:228] res2a_relu does not need backward computation.
I1107 01:40:24.190645 22740 net.cpp:228] res2a does not need backward computation.
I1107 01:40:24.190649 22740 net.cpp:228] scale2a_branch2c does not need backward computation.
I1107 01:40:24.190652 22740 net.cpp:228] bn2a_branch2c does not need backward computation.
I1107 01:40:24.190654 22740 net.cpp:228] res2a_branch2c does not need backward computation.
I1107 01:40:24.190659 22740 net.cpp:228] res2a_branch2b_relu does not need backward computation.
I1107 01:40:24.190660 22740 net.cpp:228] scale2a_branch2b does not need backward computation.
I1107 01:40:24.190663 22740 net.cpp:228] bn2a_branch2b does not need backward computation.
I1107 01:40:24.190666 22740 net.cpp:228] res2a_branch2b does not need backward computation.
I1107 01:40:24.190670 22740 net.cpp:228] res2a_branch2a_relu does not need backward computation.
I1107 01:40:24.190671 22740 net.cpp:228] scale2a_branch2a does not need backward computation.
I1107 01:40:24.190675 22740 net.cpp:228] bn2a_branch2a does not need backward computation.
I1107 01:40:24.190676 22740 net.cpp:228] res2a_branch2a does not need backward computation.
I1107 01:40:24.190680 22740 net.cpp:228] scale2a_branch1 does not need backward computation.
I1107 01:40:24.190683 22740 net.cpp:228] bn2a_branch1 does not need backward computation.
I1107 01:40:24.190686 22740 net.cpp:228] res2a_branch1 does not need backward computation.
I1107 01:40:24.190690 22740 net.cpp:228] pool1_pool1_0_split does not need backward computation.
I1107 01:40:24.190693 22740 net.cpp:228] pool1 does not need backward computation.
I1107 01:40:24.190697 22740 net.cpp:228] conv1_relu does not need backward computation.
I1107 01:40:24.190701 22740 net.cpp:228] scale_conv1 does not need backward computation.
I1107 01:40:24.190702 22740 net.cpp:228] bn_conv1 does not need backward computation.
I1107 01:40:24.190706 22740 net.cpp:228] conv1 does not need backward computation.
I1107 01:40:24.190708 22740 net.cpp:228] gt_boxes_input-data_2_split does not need backward computation.
I1107 01:40:24.190712 22740 net.cpp:228] im_info_input-data_1_split does not need backward computation.
I1107 01:40:24.190716 22740 net.cpp:228] data_input-data_0_split does not need backward computation.
I1107 01:40:24.190721 22740 net.cpp:228] input-data does not need backward computation.
I1107 01:40:24.190722 22740 net.cpp:270] This network produces output accuarcy
I1107 01:40:24.190726 22740 net.cpp:270] This network produces output loss_bbox
I1107 01:40:24.190728 22740 net.cpp:270] This network produces output loss_cls
I1107 01:40:24.190731 22740 net.cpp:270] This network produces output rpn_cls_loss
I1107 01:40:24.190733 22740 net.cpp:270] This network produces output rpn_loss_bbox
I1107 01:40:24.191004 22740 net.cpp:283] Network initialization done.
I1107 01:40:24.194654 22740 solver.cpp:60] Solver scaffolding done.
Loading pretrained model weights from data/imagenet_models/ResNet-101-model.caffemodel
I1107 01:40:25.752226 22740 upgrade_proto.cpp:66] Attempting to upgrade input file specified using deprecated input fields: data/imagenet_models/ResNet-101-model.caffemodel
I1107 01:40:25.752290 22740 upgrade_proto.cpp:69] Successfully upgraded file specified using deprecated input fields.
W1107 01:40:25.752297 22740 upgrade_proto.cpp:71] Note that future Caffe releases will only support input layers and not input fields.
I1107 01:40:25.752305 22740 net.cpp:774] Copying source layer conv1
I1107 01:40:25.752326 22740 net.cpp:774] Copying source layer bn_conv1
I1107 01:40:25.752346 22740 net.cpp:774] Copying source layer scale_conv1
I1107 01:40:25.752357 22740 net.cpp:774] Copying source layer conv1_relu
I1107 01:40:25.752365 22740 net.cpp:774] Copying source layer pool1
I1107 01:40:25.752377 22740 net.cpp:774] Copying source layer pool1_pool1_0_split
I1107 01:40:25.752388 22740 net.cpp:774] Copying source layer res2a_branch1
I1107 01:40:25.752416 22740 net.cpp:774] Copying source layer bn2a_branch1
I1107 01:40:25.752430 22740 net.cpp:774] Copying source layer scale2a_branch1
I1107 01:40:25.752440 22740 net.cpp:774] Copying source layer res2a_branch2a
I1107 01:40:25.752454 22740 net.cpp:774] Copying source layer bn2a_branch2a
I1107 01:40:25.752465 22740 net.cpp:774] Copying source layer scale2a_branch2a
I1107 01:40:25.752475 22740 net.cpp:774] Copying source layer res2a_branch2a_relu
I1107 01:40:25.752482 22740 net.cpp:774] Copying source layer res2a_branch2b
I1107 01:40:25.752533 22740 net.cpp:774] Copying source layer bn2a_branch2b
I1107 01:40:25.752549 22740 net.cpp:774] Copying source layer scale2a_branch2b
I1107 01:40:25.752558 22740 net.cpp:774] Copying source layer res2a_branch2b_relu
I1107 01:40:25.752565 22740 net.cpp:774] Copying source layer res2a_branch2c
I1107 01:40:25.752596 22740 net.cpp:774] Copying source layer bn2a_branch2c
I1107 01:40:25.752610 22740 net.cpp:774] Copying source layer scale2a_branch2c
I1107 01:40:25.752620 22740 net.cpp:774] Copying source layer res2a
I1107 01:40:25.752627 22740 net.cpp:774] Copying source layer res2a_relu
I1107 01:40:25.752635 22740 net.cpp:774] Copying source layer res2a_res2a_relu_0_split
I1107 01:40:25.752642 22740 net.cpp:774] Copying source layer res2b_branch2a
I1107 01:40:25.752672 22740 net.cpp:774] Copying source layer bn2b_branch2a
I1107 01:40:25.752686 22740 net.cpp:774] Copying source layer scale2b_branch2a
I1107 01:40:25.752694 22740 net.cpp:774] Copying source layer res2b_branch2a_relu
I1107 01:40:25.752702 22740 net.cpp:774] Copying source layer res2b_branch2b
I1107 01:40:25.752753 22740 net.cpp:774] Copying source layer bn2b_branch2b
I1107 01:40:25.752768 22740 net.cpp:774] Copying source layer scale2b_branch2b
I1107 01:40:25.752777 22740 net.cpp:774] Copying source layer res2b_branch2b_relu
I1107 01:40:25.752784 22740 net.cpp:774] Copying source layer res2b_branch2c
I1107 01:40:25.752813 22740 net.cpp:774] Copying source layer bn2b_branch2c
I1107 01:40:25.752827 22740 net.cpp:774] Copying source layer scale2b_branch2c
I1107 01:40:25.752838 22740 net.cpp:774] Copying source layer res2b
I1107 01:40:25.752846 22740 net.cpp:774] Copying source layer res2b_relu
I1107 01:40:25.752853 22740 net.cpp:774] Copying source layer res2b_res2b_relu_0_split
I1107 01:40:25.752861 22740 net.cpp:774] Copying source layer res2c_branch2a
I1107 01:40:25.752890 22740 net.cpp:774] Copying source layer bn2c_branch2a
I1107 01:40:25.752904 22740 net.cpp:774] Copying source layer scale2c_branch2a
I1107 01:40:25.752913 22740 net.cpp:774] Copying source layer res2c_branch2a_relu
I1107 01:40:25.752920 22740 net.cpp:774] Copying source layer res2c_branch2b
I1107 01:40:25.752970 22740 net.cpp:774] Copying source layer bn2c_branch2b
I1107 01:40:25.752986 22740 net.cpp:774] Copying source layer scale2c_branch2b
I1107 01:40:25.752996 22740 net.cpp:774] Copying source layer res2c_branch2b_relu
I1107 01:40:25.753005 22740 net.cpp:774] Copying source layer res2c_branch2c
I1107 01:40:25.753033 22740 net.cpp:774] Copying source layer bn2c_branch2c
I1107 01:40:25.753047 22740 net.cpp:774] Copying source layer scale2c_branch2c
I1107 01:40:25.753057 22740 net.cpp:774] Copying source layer res2c
I1107 01:40:25.753064 22740 net.cpp:774] Copying source layer res2c_relu
I1107 01:40:25.753072 22740 net.cpp:774] Copying source layer res2c_res2c_relu_0_split
I1107 01:40:25.753079 22740 net.cpp:774] Copying source layer res3a_branch1
I1107 01:40:25.753212 22740 net.cpp:774] Copying source layer bn3a_branch1
I1107 01:40:25.753232 22740 net.cpp:774] Copying source layer scale3a_branch1
I1107 01:40:25.753242 22740 net.cpp:774] Copying source layer res3a_branch2a
I1107 01:40:25.753288 22740 net.cpp:774] Copying source layer bn3a_branch2a
I1107 01:40:25.753304 22740 net.cpp:774] Copying source layer scale3a_branch2a
I1107 01:40:25.753314 22740 net.cpp:774] Copying source layer res3a_branch2a_relu
I1107 01:40:25.753322 22740 net.cpp:774] Copying source layer res3a_branch2b
I1107 01:40:25.753486 22740 net.cpp:774] Copying source layer bn3a_branch2b
I1107 01:40:25.753506 22740 net.cpp:774] Copying source layer scale3a_branch2b
I1107 01:40:25.753516 22740 net.cpp:774] Copying source layer res3a_branch2b_relu
I1107 01:40:25.753525 22740 net.cpp:774] Copying source layer res3a_branch2c
I1107 01:40:25.753598 22740 net.cpp:774] Copying source layer bn3a_branch2c
I1107 01:40:25.753618 22740 net.cpp:774] Copying source layer scale3a_branch2c
I1107 01:40:25.753628 22740 net.cpp:774] Copying source layer res3a
I1107 01:40:25.753636 22740 net.cpp:774] Copying source layer res3a_relu
I1107 01:40:25.753644 22740 net.cpp:774] Copying source layer res3a_res3a_relu_0_split
I1107 01:40:25.753651 22740 net.cpp:774] Copying source layer res3b1_branch2a
I1107 01:40:25.753742 22740 net.cpp:774] Copying source layer bn3b1_branch2a
I1107 01:40:25.753758 22740 net.cpp:774] Copying source layer scale3b1_branch2a
I1107 01:40:25.753768 22740 net.cpp:774] Copying source layer res3b1_branch2a_relu
I1107 01:40:25.753775 22740 net.cpp:774] Copying source layer res3b1_branch2b
I1107 01:40:25.753911 22740 net.cpp:774] Copying source layer bn3b1_branch2b
I1107 01:40:25.753931 22740 net.cpp:774] Copying source layer scale3b1_branch2b
I1107 01:40:25.753942 22740 net.cpp:774] Copying source layer res3b1_branch2b_relu
I1107 01:40:25.753949 22740 net.cpp:774] Copying source layer res3b1_branch2c
I1107 01:40:25.754021 22740 net.cpp:774] Copying source layer bn3b1_branch2c
I1107 01:40:25.754040 22740 net.cpp:774] Copying source layer scale3b1_branch2c
I1107 01:40:25.754050 22740 net.cpp:774] Copying source layer res3b1
I1107 01:40:25.754058 22740 net.cpp:774] Copying source layer res3b1_relu
I1107 01:40:25.754065 22740 net.cpp:774] Copying source layer res3b1_res3b1_relu_0_split
I1107 01:40:25.754072 22740 net.cpp:774] Copying source layer res3b2_branch2a
I1107 01:40:25.754142 22740 net.cpp:774] Copying source layer bn3b2_branch2a
I1107 01:40:25.754158 22740 net.cpp:774] Copying source layer scale3b2_branch2a
I1107 01:40:25.754168 22740 net.cpp:774] Copying source layer res3b2_branch2a_relu
I1107 01:40:25.754175 22740 net.cpp:774] Copying source layer res3b2_branch2b
I1107 01:40:25.754314 22740 net.cpp:774] Copying source layer bn3b2_branch2b
I1107 01:40:25.754331 22740 net.cpp:774] Copying source layer scale3b2_branch2b
I1107 01:40:25.754341 22740 net.cpp:774] Copying source layer res3b2_branch2b_relu
I1107 01:40:25.754348 22740 net.cpp:774] Copying source layer res3b2_branch2c
I1107 01:40:25.754417 22740 net.cpp:774] Copying source layer bn3b2_branch2c
I1107 01:40:25.754436 22740 net.cpp:774] Copying source layer scale3b2_branch2c
I1107 01:40:25.754446 22740 net.cpp:774] Copying source layer res3b2
I1107 01:40:25.754454 22740 net.cpp:774] Copying source layer res3b2_relu
I1107 01:40:25.754462 22740 net.cpp:774] Copying source layer res3b2_res3b2_relu_0_split
I1107 01:40:25.754469 22740 net.cpp:774] Copying source layer res3b3_branch2a
I1107 01:40:25.754539 22740 net.cpp:774] Copying source layer bn3b3_branch2a
I1107 01:40:25.754555 22740 net.cpp:774] Copying source layer scale3b3_branch2a
I1107 01:40:25.754565 22740 net.cpp:774] Copying source layer res3b3_branch2a_relu
I1107 01:40:25.754572 22740 net.cpp:774] Copying source layer res3b3_branch2b
I1107 01:40:25.754709 22740 net.cpp:774] Copying source layer bn3b3_branch2b
I1107 01:40:25.754727 22740 net.cpp:774] Copying source layer scale3b3_branch2b
I1107 01:40:25.754736 22740 net.cpp:774] Copying source layer res3b3_branch2b_relu
I1107 01:40:25.754743 22740 net.cpp:774] Copying source layer res3b3_branch2c
I1107 01:40:25.754813 22740 net.cpp:774] Copying source layer bn3b3_branch2c
I1107 01:40:25.754832 22740 net.cpp:774] Copying source layer scale3b3_branch2c
I1107 01:40:25.754842 22740 net.cpp:774] Copying source layer res3b3
I1107 01:40:25.754849 22740 net.cpp:774] Copying source layer res3b3_relu
I1107 01:40:25.754858 22740 net.cpp:774] Copying source layer res3b3_res3b3_relu_0_split
I1107 01:40:25.754864 22740 net.cpp:774] Copying source layer res4a_branch1
I1107 01:40:25.755400 22740 net.cpp:774] Copying source layer bn4a_branch1
I1107 01:40:25.755445 22740 net.cpp:774] Copying source layer scale4a_branch1
I1107 01:40:25.755457 22740 net.cpp:774] Copying source layer res4a_branch2a
I1107 01:40:25.755586 22740 net.cpp:774] Copying source layer bn4a_branch2a
I1107 01:40:25.755604 22740 net.cpp:774] Copying source layer scale4a_branch2a
I1107 01:40:25.755615 22740 net.cpp:774] Copying source layer res4a_branch2a_relu
I1107 01:40:25.755623 22740 net.cpp:774] Copying source layer res4a_branch2b
I1107 01:40:25.756186 22740 net.cpp:774] Copying source layer bn4a_branch2b
I1107 01:40:25.756225 22740 net.cpp:774] Copying source layer scale4a_branch2b
I1107 01:40:25.756235 22740 net.cpp:774] Copying source layer res4a_branch2b_relu
I1107 01:40:25.756242 22740 net.cpp:774] Copying source layer res4a_branch2c
I1107 01:40:25.756506 22740 net.cpp:774] Copying source layer bn4a_branch2c
I1107 01:40:25.756527 22740 net.cpp:774] Copying source layer scale4a_branch2c
I1107 01:40:25.756541 22740 net.cpp:774] Copying source layer res4a
I1107 01:40:25.756548 22740 net.cpp:774] Copying source layer res4a_relu
I1107 01:40:25.756556 22740 net.cpp:774] Copying source layer res4a_res4a_relu_0_split
I1107 01:40:25.756563 22740 net.cpp:774] Copying source layer res4b1_branch2a
I1107 01:40:25.756798 22740 net.cpp:774] Copying source layer bn4b1_branch2a
I1107 01:40:25.756815 22740 net.cpp:774] Copying source layer scale4b1_branch2a
I1107 01:40:25.756825 22740 net.cpp:774] Copying source layer res4b1_branch2a_relu
I1107 01:40:25.756832 22740 net.cpp:774] Copying source layer res4b1_branch2b
I1107 01:40:25.757338 22740 net.cpp:774] Copying source layer bn4b1_branch2b
I1107 01:40:25.757376 22740 net.cpp:774] Copying source layer scale4b1_branch2b
I1107 01:40:25.757385 22740 net.cpp:774] Copying source layer res4b1_branch2b_relu
I1107 01:40:25.757391 22740 net.cpp:774] Copying source layer res4b1_branch2c
I1107 01:40:25.757618 22740 net.cpp:774] Copying source layer bn4b1_branch2c
I1107 01:40:25.757640 22740 net.cpp:774] Copying source layer scale4b1_branch2c
I1107 01:40:25.757652 22740 net.cpp:774] Copying source layer res4b1
I1107 01:40:25.757660 22740 net.cpp:774] Copying source layer res4b1_relu
I1107 01:40:25.757668 22740 net.cpp:774] Copying source layer res4b1_res4b1_relu_0_split
I1107 01:40:25.757675 22740 net.cpp:774] Copying source layer res4b2_branch2a
I1107 01:40:25.757899 22740 net.cpp:774] Copying source layer bn4b2_branch2a
I1107 01:40:25.757918 22740 net.cpp:774] Copying source layer scale4b2_branch2a
I1107 01:40:25.757928 22740 net.cpp:774] Copying source layer res4b2_branch2a_relu
I1107 01:40:25.757936 22740 net.cpp:774] Copying source layer res4b2_branch2b
I1107 01:40:25.758435 22740 net.cpp:774] Copying source layer bn4b2_branch2b
I1107 01:40:25.758473 22740 net.cpp:774] Copying source layer scale4b2_branch2b
I1107 01:40:25.758483 22740 net.cpp:774] Copying source layer res4b2_branch2b_relu
I1107 01:40:25.758489 22740 net.cpp:774] Copying source layer res4b2_branch2c
I1107 01:40:25.758715 22740 net.cpp:774] Copying source layer bn4b2_branch2c
I1107 01:40:25.758738 22740 net.cpp:774] Copying source layer scale4b2_branch2c
I1107 01:40:25.758749 22740 net.cpp:774] Copying source layer res4b2
I1107 01:40:25.758757 22740 net.cpp:774] Copying source layer res4b2_relu
I1107 01:40:25.758765 22740 net.cpp:774] Copying source layer res4b2_res4b2_relu_0_split
I1107 01:40:25.758772 22740 net.cpp:774] Copying source layer res4b3_branch2a
I1107 01:40:25.758999 22740 net.cpp:774] Copying source layer bn4b3_branch2a
I1107 01:40:25.759018 22740 net.cpp:774] Copying source layer scale4b3_branch2a
I1107 01:40:25.759028 22740 net.cpp:774] Copying source layer res4b3_branch2a_relu
I1107 01:40:25.759037 22740 net.cpp:774] Copying source layer res4b3_branch2b
I1107 01:40:25.759670 22740 net.cpp:774] Copying source layer bn4b3_branch2b
I1107 01:40:25.759711 22740 net.cpp:774] Copying source layer scale4b3_branch2b
I1107 01:40:25.759721 22740 net.cpp:774] Copying source layer res4b3_branch2b_relu
I1107 01:40:25.759727 22740 net.cpp:774] Copying source layer res4b3_branch2c
I1107 01:40:25.759964 22740 net.cpp:774] Copying source layer bn4b3_branch2c
I1107 01:40:25.759985 22740 net.cpp:774] Copying source layer scale4b3_branch2c
I1107 01:40:25.759999 22740 net.cpp:774] Copying source layer res4b3
I1107 01:40:25.760007 22740 net.cpp:774] Copying source layer res4b3_relu
I1107 01:40:25.760015 22740 net.cpp:774] Copying source layer res4b3_res4b3_relu_0_split
I1107 01:40:25.760022 22740 net.cpp:774] Copying source layer res4b4_branch2a
I1107 01:40:25.760249 22740 net.cpp:774] Copying source layer bn4b4_branch2a
I1107 01:40:25.760268 22740 net.cpp:774] Copying source layer scale4b4_branch2a
I1107 01:40:25.760278 22740 net.cpp:774] Copying source layer res4b4_branch2a_relu
I1107 01:40:25.760287 22740 net.cpp:774] Copying source layer res4b4_branch2b
I1107 01:40:25.760809 22740 net.cpp:774] Copying source layer bn4b4_branch2b
I1107 01:40:25.760848 22740 net.cpp:774] Copying source layer scale4b4_branch2b
I1107 01:40:25.760859 22740 net.cpp:774] Copying source layer res4b4_branch2b_relu
I1107 01:40:25.760865 22740 net.cpp:774] Copying source layer res4b4_branch2c
I1107 01:40:25.761102 22740 net.cpp:774] Copying source layer bn4b4_branch2c
I1107 01:40:25.761123 22740 net.cpp:774] Copying source layer scale4b4_branch2c
I1107 01:40:25.761135 22740 net.cpp:774] Copying source layer res4b4
I1107 01:40:25.761143 22740 net.cpp:774] Copying source layer res4b4_relu
I1107 01:40:25.761152 22740 net.cpp:774] Copying source layer res4b4_res4b4_relu_0_split
I1107 01:40:25.761159 22740 net.cpp:774] Copying source layer res4b5_branch2a
I1107 01:40:25.761395 22740 net.cpp:774] Copying source layer bn4b5_branch2a
I1107 01:40:25.761415 22740 net.cpp:774] Copying source layer scale4b5_branch2a
I1107 01:40:25.761425 22740 net.cpp:774] Copying source layer res4b5_branch2a_relu
I1107 01:40:25.761433 22740 net.cpp:774] Copying source layer res4b5_branch2b
I1107 01:40:25.762001 22740 net.cpp:774] Copying source layer bn4b5_branch2b
I1107 01:40:25.762040 22740 net.cpp:774] Copying source layer scale4b5_branch2b
I1107 01:40:25.762049 22740 net.cpp:774] Copying source layer res4b5_branch2b_relu
I1107 01:40:25.762055 22740 net.cpp:774] Copying source layer res4b5_branch2c
I1107 01:40:25.762290 22740 net.cpp:774] Copying source layer bn4b5_branch2c
I1107 01:40:25.762311 22740 net.cpp:774] Copying source layer scale4b5_branch2c
I1107 01:40:25.762325 22740 net.cpp:774] Copying source layer res4b5
I1107 01:40:25.762332 22740 net.cpp:774] Copying source layer res4b5_relu
I1107 01:40:25.762339 22740 net.cpp:774] Copying source layer res4b5_res4b5_relu_0_split
I1107 01:40:25.762346 22740 net.cpp:774] Copying source layer res4b6_branch2a
I1107 01:40:25.762584 22740 net.cpp:774] Copying source layer bn4b6_branch2a
I1107 01:40:25.762604 22740 net.cpp:774] Copying source layer scale4b6_branch2a
I1107 01:40:25.762614 22740 net.cpp:774] Copying source layer res4b6_branch2a_relu
I1107 01:40:25.762622 22740 net.cpp:774] Copying source layer res4b6_branch2b
I1107 01:40:25.763178 22740 net.cpp:774] Copying source layer bn4b6_branch2b
I1107 01:40:25.763219 22740 net.cpp:774] Copying source layer scale4b6_branch2b
I1107 01:40:25.763231 22740 net.cpp:774] Copying source layer res4b6_branch2b_relu
I1107 01:40:25.763237 22740 net.cpp:774] Copying source layer res4b6_branch2c
I1107 01:40:25.763492 22740 net.cpp:774] Copying source layer bn4b6_branch2c
I1107 01:40:25.763546 22740 net.cpp:774] Copying source layer scale4b6_branch2c
I1107 01:40:25.763559 22740 net.cpp:774] Copying source layer res4b6
I1107 01:40:25.763566 22740 net.cpp:774] Copying source layer res4b6_relu
I1107 01:40:25.763572 22740 net.cpp:774] Copying source layer res4b6_res4b6_relu_0_split
I1107 01:40:25.763579 22740 net.cpp:774] Copying source layer res4b7_branch2a
I1107 01:40:25.763813 22740 net.cpp:774] Copying source layer bn4b7_branch2a
I1107 01:40:25.763833 22740 net.cpp:774] Copying source layer scale4b7_branch2a
I1107 01:40:25.763844 22740 net.cpp:774] Copying source layer res4b7_branch2a_relu
I1107 01:40:25.763851 22740 net.cpp:774] Copying source layer res4b7_branch2b
I1107 01:40:25.764371 22740 net.cpp:774] Copying source layer bn4b7_branch2b
I1107 01:40:25.764408 22740 net.cpp:774] Copying source layer scale4b7_branch2b
I1107 01:40:25.764420 22740 net.cpp:774] Copying source layer res4b7_branch2b_relu
I1107 01:40:25.764428 22740 net.cpp:774] Copying source layer res4b7_branch2c
I1107 01:40:25.764667 22740 net.cpp:774] Copying source layer bn4b7_branch2c
I1107 01:40:25.764688 22740 net.cpp:774] Copying source layer scale4b7_branch2c
I1107 01:40:25.764699 22740 net.cpp:774] Copying source layer res4b7
I1107 01:40:25.764708 22740 net.cpp:774] Copying source layer res4b7_relu
I1107 01:40:25.764715 22740 net.cpp:774] Copying source layer res4b7_res4b7_relu_0_split
I1107 01:40:25.764724 22740 net.cpp:774] Copying source layer res4b8_branch2a
I1107 01:40:25.764960 22740 net.cpp:774] Copying source layer bn4b8_branch2a
I1107 01:40:25.764978 22740 net.cpp:774] Copying source layer scale4b8_branch2a
I1107 01:40:25.764988 22740 net.cpp:774] Copying source layer res4b8_branch2a_relu
I1107 01:40:25.764997 22740 net.cpp:774] Copying source layer res4b8_branch2b
I1107 01:40:25.765519 22740 net.cpp:774] Copying source layer bn4b8_branch2b
I1107 01:40:25.765559 22740 net.cpp:774] Copying source layer scale4b8_branch2b
I1107 01:40:25.765569 22740 net.cpp:774] Copying source layer res4b8_branch2b_relu
I1107 01:40:25.765575 22740 net.cpp:774] Copying source layer res4b8_branch2c
I1107 01:40:25.765810 22740 net.cpp:774] Copying source layer bn4b8_branch2c
I1107 01:40:25.765831 22740 net.cpp:774] Copying source layer scale4b8_branch2c
I1107 01:40:25.765844 22740 net.cpp:774] Copying source layer res4b8
I1107 01:40:25.765852 22740 net.cpp:774] Copying source layer res4b8_relu
I1107 01:40:25.765861 22740 net.cpp:774] Copying source layer res4b8_res4b8_relu_0_split
I1107 01:40:25.765868 22740 net.cpp:774] Copying source layer res4b9_branch2a
I1107 01:40:25.766105 22740 net.cpp:774] Copying source layer bn4b9_branch2a
I1107 01:40:25.766124 22740 net.cpp:774] Copying source layer scale4b9_branch2a
I1107 01:40:25.766135 22740 net.cpp:774] Copying source layer res4b9_branch2a_relu
I1107 01:40:25.766144 22740 net.cpp:774] Copying source layer res4b9_branch2b
I1107 01:40:25.766659 22740 net.cpp:774] Copying source layer bn4b9_branch2b
I1107 01:40:25.766698 22740 net.cpp:774] Copying source layer scale4b9_branch2b
I1107 01:40:25.766708 22740 net.cpp:774] Copying source layer res4b9_branch2b_relu
I1107 01:40:25.766715 22740 net.cpp:774] Copying source layer res4b9_branch2c
I1107 01:40:25.766948 22740 net.cpp:774] Copying source layer bn4b9_branch2c
I1107 01:40:25.766970 22740 net.cpp:774] Copying source layer scale4b9_branch2c
I1107 01:40:25.766984 22740 net.cpp:774] Copying source layer res4b9
I1107 01:40:25.766993 22740 net.cpp:774] Copying source layer res4b9_relu
I1107 01:40:25.766999 22740 net.cpp:774] Copying source layer res4b9_res4b9_relu_0_split
I1107 01:40:25.767009 22740 net.cpp:774] Copying source layer res4b10_branch2a
I1107 01:40:25.767292 22740 net.cpp:774] Copying source layer bn4b10_branch2a
I1107 01:40:25.767329 22740 net.cpp:774] Copying source layer scale4b10_branch2a
I1107 01:40:25.767338 22740 net.cpp:774] Copying source layer res4b10_branch2a_relu
I1107 01:40:25.767345 22740 net.cpp:774] Copying source layer res4b10_branch2b
I1107 01:40:25.767879 22740 net.cpp:774] Copying source layer bn4b10_branch2b
I1107 01:40:25.767951 22740 net.cpp:774] Copying source layer scale4b10_branch2b
I1107 01:40:25.767961 22740 net.cpp:774] Copying source layer res4b10_branch2b_relu
I1107 01:40:25.767985 22740 net.cpp:774] Copying source layer res4b10_branch2c
I1107 01:40:25.768254 22740 net.cpp:774] Copying source layer bn4b10_branch2c
I1107 01:40:25.768306 22740 net.cpp:774] Copying source layer scale4b10_branch2c
I1107 01:40:25.768318 22740 net.cpp:774] Copying source layer res4b10
I1107 01:40:25.768327 22740 net.cpp:774] Copying source layer res4b10_relu
I1107 01:40:25.768337 22740 net.cpp:774] Copying source layer res4b10_res4b10_relu_0_split
I1107 01:40:25.768345 22740 net.cpp:774] Copying source layer res4b11_branch2a
I1107 01:40:25.768591 22740 net.cpp:774] Copying source layer bn4b11_branch2a
I1107 01:40:25.768612 22740 net.cpp:774] Copying source layer scale4b11_branch2a
I1107 01:40:25.768625 22740 net.cpp:774] Copying source layer res4b11_branch2a_relu
I1107 01:40:25.768635 22740 net.cpp:774] Copying source layer res4b11_branch2b
I1107 01:40:25.769243 22740 net.cpp:774] Copying source layer bn4b11_branch2b
I1107 01:40:25.769284 22740 net.cpp:774] Copying source layer scale4b11_branch2b
I1107 01:40:25.769294 22740 net.cpp:774] Copying source layer res4b11_branch2b_relu
I1107 01:40:25.769318 22740 net.cpp:774] Copying source layer res4b11_branch2c
I1107 01:40:25.769572 22740 net.cpp:774] Copying source layer bn4b11_branch2c
I1107 01:40:25.769593 22740 net.cpp:774] Copying source layer scale4b11_branch2c
I1107 01:40:25.769623 22740 net.cpp:774] Copying source layer res4b11
I1107 01:40:25.769631 22740 net.cpp:774] Copying source layer res4b11_relu
I1107 01:40:25.769639 22740 net.cpp:774] Copying source layer res4b11_res4b11_relu_0_split
I1107 01:40:25.769647 22740 net.cpp:774] Copying source layer res4b12_branch2a
I1107 01:40:25.769882 22740 net.cpp:774] Copying source layer bn4b12_branch2a
I1107 01:40:25.769901 22740 net.cpp:774] Copying source layer scale4b12_branch2a
I1107 01:40:25.769912 22740 net.cpp:774] Copying source layer res4b12_branch2a_relu
I1107 01:40:25.769922 22740 net.cpp:774] Copying source layer res4b12_branch2b
I1107 01:40:25.770515 22740 net.cpp:774] Copying source layer bn4b12_branch2b
I1107 01:40:25.770556 22740 net.cpp:774] Copying source layer scale4b12_branch2b
I1107 01:40:25.770566 22740 net.cpp:774] Copying source layer res4b12_branch2b_relu
I1107 01:40:25.770575 22740 net.cpp:774] Copying source layer res4b12_branch2c
I1107 01:40:25.770862 22740 net.cpp:774] Copying source layer bn4b12_branch2c
I1107 01:40:25.770916 22740 net.cpp:774] Copying source layer scale4b12_branch2c
I1107 01:40:25.770930 22740 net.cpp:774] Copying source layer res4b12
I1107 01:40:25.770936 22740 net.cpp:774] Copying source layer res4b12_relu
I1107 01:40:25.770944 22740 net.cpp:774] Copying source layer res4b12_res4b12_relu_0_split
I1107 01:40:25.770952 22740 net.cpp:774] Copying source layer res4b13_branch2a
I1107 01:40:25.771219 22740 net.cpp:774] Copying source layer bn4b13_branch2a
I1107 01:40:25.771270 22740 net.cpp:774] Copying source layer scale4b13_branch2a
I1107 01:40:25.771281 22740 net.cpp:774] Copying source layer res4b13_branch2a_relu
I1107 01:40:25.771287 22740 net.cpp:774] Copying source layer res4b13_branch2b
I1107 01:40:25.771926 22740 net.cpp:774] Copying source layer bn4b13_branch2b
I1107 01:40:25.771963 22740 net.cpp:774] Copying source layer scale4b13_branch2b
I1107 01:40:25.771973 22740 net.cpp:774] Copying source layer res4b13_branch2b_relu
I1107 01:40:25.771982 22740 net.cpp:774] Copying source layer res4b13_branch2c
I1107 01:40:25.772234 22740 net.cpp:774] Copying source layer bn4b13_branch2c
I1107 01:40:25.772256 22740 net.cpp:774] Copying source layer scale4b13_branch2c
I1107 01:40:25.772269 22740 net.cpp:774] Copying source layer res4b13
I1107 01:40:25.772276 22740 net.cpp:774] Copying source layer res4b13_relu
I1107 01:40:25.772284 22740 net.cpp:774] Copying source layer res4b13_res4b13_relu_0_split
I1107 01:40:25.772292 22740 net.cpp:774] Copying source layer res4b14_branch2a
I1107 01:40:25.772624 22740 net.cpp:774] Copying source layer bn4b14_branch2a
I1107 01:40:25.772661 22740 net.cpp:774] Copying source layer scale4b14_branch2a
I1107 01:40:25.772673 22740 net.cpp:774] Copying source layer res4b14_branch2a_relu
I1107 01:40:25.772680 22740 net.cpp:774] Copying source layer res4b14_branch2b
I1107 01:40:25.773252 22740 net.cpp:774] Copying source layer bn4b14_branch2b
I1107 01:40:25.773291 22740 net.cpp:774] Copying source layer scale4b14_branch2b
I1107 01:40:25.773301 22740 net.cpp:774] Copying source layer res4b14_branch2b_relu
I1107 01:40:25.773308 22740 net.cpp:774] Copying source layer res4b14_branch2c
I1107 01:40:25.773633 22740 net.cpp:774] Copying source layer bn4b14_branch2c
I1107 01:40:25.773670 22740 net.cpp:774] Copying source layer scale4b14_branch2c
I1107 01:40:25.773684 22740 net.cpp:774] Copying source layer res4b14
I1107 01:40:25.773692 22740 net.cpp:774] Copying source layer res4b14_relu
I1107 01:40:25.773701 22740 net.cpp:774] Copying source layer res4b14_res4b14_relu_0_split
I1107 01:40:25.773710 22740 net.cpp:774] Copying source layer res4b15_branch2a
I1107 01:40:25.773998 22740 net.cpp:774] Copying source layer bn4b15_branch2a
I1107 01:40:25.774031 22740 net.cpp:774] Copying source layer scale4b15_branch2a
I1107 01:40:25.774042 22740 net.cpp:774] Copying source layer res4b15_branch2a_relu
I1107 01:40:25.774050 22740 net.cpp:774] Copying source layer res4b15_branch2b
I1107 01:40:25.774664 22740 net.cpp:774] Copying source layer bn4b15_branch2b
I1107 01:40:25.774705 22740 net.cpp:774] Copying source layer scale4b15_branch2b
I1107 01:40:25.774715 22740 net.cpp:774] Copying source layer res4b15_branch2b_relu
I1107 01:40:25.774722 22740 net.cpp:774] Copying source layer res4b15_branch2c
I1107 01:40:25.775025 22740 net.cpp:774] Copying source layer bn4b15_branch2c
I1107 01:40:25.775066 22740 net.cpp:774] Copying source layer scale4b15_branch2c
I1107 01:40:25.775099 22740 net.cpp:774] Copying source layer res4b15
I1107 01:40:25.775108 22740 net.cpp:774] Copying source layer res4b15_relu
I1107 01:40:25.775116 22740 net.cpp:774] Copying source layer res4b15_res4b15_relu_0_split
I1107 01:40:25.775125 22740 net.cpp:774] Copying source layer res4b16_branch2a
I1107 01:40:25.775377 22740 net.cpp:774] Copying source layer bn4b16_branch2a
I1107 01:40:25.775395 22740 net.cpp:774] Copying source layer scale4b16_branch2a
I1107 01:40:25.775423 22740 net.cpp:774] Copying source layer res4b16_branch2a_relu
I1107 01:40:25.775430 22740 net.cpp:774] Copying source layer res4b16_branch2b
I1107 01:40:25.776041 22740 net.cpp:774] Copying source layer bn4b16_branch2b
I1107 01:40:25.776082 22740 net.cpp:774] Copying source layer scale4b16_branch2b
I1107 01:40:25.776094 22740 net.cpp:774] Copying source layer res4b16_branch2b_relu
I1107 01:40:25.776101 22740 net.cpp:774] Copying source layer res4b16_branch2c
I1107 01:40:25.776402 22740 net.cpp:774] Copying source layer bn4b16_branch2c
I1107 01:40:25.776440 22740 net.cpp:774] Copying source layer scale4b16_branch2c
I1107 01:40:25.776451 22740 net.cpp:774] Copying source layer res4b16
I1107 01:40:25.776458 22740 net.cpp:774] Copying source layer res4b16_relu
I1107 01:40:25.776465 22740 net.cpp:774] Copying source layer res4b16_res4b16_relu_0_split
I1107 01:40:25.776473 22740 net.cpp:774] Copying source layer res4b17_branch2a
I1107 01:40:25.776710 22740 net.cpp:774] Copying source layer bn4b17_branch2a
I1107 01:40:25.776744 22740 net.cpp:774] Copying source layer scale4b17_branch2a
I1107 01:40:25.776756 22740 net.cpp:774] Copying source layer res4b17_branch2a_relu
I1107 01:40:25.776782 22740 net.cpp:774] Copying source layer res4b17_branch2b
I1107 01:40:25.777364 22740 net.cpp:774] Copying source layer bn4b17_branch2b
I1107 01:40:25.777400 22740 net.cpp:774] Copying source layer scale4b17_branch2b
I1107 01:40:25.777410 22740 net.cpp:774] Copying source layer res4b17_branch2b_relu
I1107 01:40:25.777420 22740 net.cpp:774] Copying source layer res4b17_branch2c
I1107 01:40:25.777664 22740 net.cpp:774] Copying source layer bn4b17_branch2c
I1107 01:40:25.777688 22740 net.cpp:774] Copying source layer scale4b17_branch2c
I1107 01:40:25.777700 22740 net.cpp:774] Copying source layer res4b17
I1107 01:40:25.777709 22740 net.cpp:774] Copying source layer res4b17_relu
I1107 01:40:25.777716 22740 net.cpp:774] Copying source layer res4b17_res4b17_relu_0_split
I1107 01:40:25.777725 22740 net.cpp:774] Copying source layer res4b18_branch2a
I1107 01:40:25.778056 22740 net.cpp:774] Copying source layer bn4b18_branch2a
I1107 01:40:25.778093 22740 net.cpp:774] Copying source layer scale4b18_branch2a
I1107 01:40:25.778103 22740 net.cpp:774] Copying source layer res4b18_branch2a_relu
I1107 01:40:25.778126 22740 net.cpp:774] Copying source layer res4b18_branch2b
I1107 01:40:25.778661 22740 net.cpp:774] Copying source layer bn4b18_branch2b
I1107 01:40:25.778702 22740 net.cpp:774] Copying source layer scale4b18_branch2b
I1107 01:40:25.778712 22740 net.cpp:774] Copying source layer res4b18_branch2b_relu
I1107 01:40:25.778718 22740 net.cpp:774] Copying source layer res4b18_branch2c
I1107 01:40:25.779017 22740 net.cpp:774] Copying source layer bn4b18_branch2c
I1107 01:40:25.779057 22740 net.cpp:774] Copying source layer scale4b18_branch2c
I1107 01:40:25.779088 22740 net.cpp:774] Copying source layer res4b18
I1107 01:40:25.779099 22740 net.cpp:774] Copying source layer res4b18_relu
I1107 01:40:25.779125 22740 net.cpp:774] Copying source layer res4b18_res4b18_relu_0_split
I1107 01:40:25.779135 22740 net.cpp:774] Copying source layer res4b19_branch2a
I1107 01:40:25.779379 22740 net.cpp:774] Copying source layer bn4b19_branch2a
I1107 01:40:25.779398 22740 net.cpp:774] Copying source layer scale4b19_branch2a
I1107 01:40:25.779427 22740 net.cpp:774] Copying source layer res4b19_branch2a_relu
I1107 01:40:25.779436 22740 net.cpp:774] Copying source layer res4b19_branch2b
I1107 01:40:25.780017 22740 net.cpp:774] Copying source layer bn4b19_branch2b
I1107 01:40:25.780058 22740 net.cpp:774] Copying source layer scale4b19_branch2b
I1107 01:40:25.780069 22740 net.cpp:774] Copying source layer res4b19_branch2b_relu
I1107 01:40:25.780076 22740 net.cpp:774] Copying source layer res4b19_branch2c
I1107 01:40:25.780316 22740 net.cpp:774] Copying source layer bn4b19_branch2c
I1107 01:40:25.780339 22740 net.cpp:774] Copying source layer scale4b19_branch2c
I1107 01:40:25.780352 22740 net.cpp:774] Copying source layer res4b19
I1107 01:40:25.780362 22740 net.cpp:774] Copying source layer res4b19_relu
I1107 01:40:25.780370 22740 net.cpp:774] Copying source layer res4b19_res4b19_relu_0_split
I1107 01:40:25.780380 22740 net.cpp:774] Copying source layer res4b20_branch2a
I1107 01:40:25.780647 22740 net.cpp:774] Copying source layer bn4b20_branch2a
I1107 01:40:25.780666 22740 net.cpp:774] Copying source layer scale4b20_branch2a
I1107 01:40:25.780676 22740 net.cpp:774] Copying source layer res4b20_branch2a_relu
I1107 01:40:25.780683 22740 net.cpp:774] Copying source layer res4b20_branch2b
I1107 01:40:25.781231 22740 net.cpp:774] Copying source layer bn4b20_branch2b
I1107 01:40:25.781270 22740 net.cpp:774] Copying source layer scale4b20_branch2b
I1107 01:40:25.781281 22740 net.cpp:774] Copying source layer res4b20_branch2b_relu
I1107 01:40:25.781291 22740 net.cpp:774] Copying source layer res4b20_branch2c
I1107 01:40:25.781558 22740 net.cpp:774] Copying source layer bn4b20_branch2c
I1107 01:40:25.781581 22740 net.cpp:774] Copying source layer scale4b20_branch2c
I1107 01:40:25.781594 22740 net.cpp:774] Copying source layer res4b20
I1107 01:40:25.781600 22740 net.cpp:774] Copying source layer res4b20_relu
I1107 01:40:25.781607 22740 net.cpp:774] Copying source layer res4b20_res4b20_relu_0_split
I1107 01:40:25.781615 22740 net.cpp:774] Copying source layer res4b21_branch2a
I1107 01:40:25.781843 22740 net.cpp:774] Copying source layer bn4b21_branch2a
I1107 01:40:25.781862 22740 net.cpp:774] Copying source layer scale4b21_branch2a
I1107 01:40:25.781872 22740 net.cpp:774] Copying source layer res4b21_branch2a_relu
I1107 01:40:25.781882 22740 net.cpp:774] Copying source layer res4b21_branch2b
I1107 01:40:25.782441 22740 net.cpp:774] Copying source layer bn4b21_branch2b
I1107 01:40:25.782480 22740 net.cpp:774] Copying source layer scale4b21_branch2b
I1107 01:40:25.782491 22740 net.cpp:774] Copying source layer res4b21_branch2b_relu
I1107 01:40:25.782516 22740 net.cpp:774] Copying source layer res4b21_branch2c
I1107 01:40:25.782759 22740 net.cpp:774] Copying source layer bn4b21_branch2c
I1107 01:40:25.782783 22740 net.cpp:774] Copying source layer scale4b21_branch2c
I1107 01:40:25.782795 22740 net.cpp:774] Copying source layer res4b21
I1107 01:40:25.782804 22740 net.cpp:774] Copying source layer res4b21_relu
I1107 01:40:25.782812 22740 net.cpp:774] Copying source layer res4b21_res4b21_relu_0_split
I1107 01:40:25.782821 22740 net.cpp:774] Copying source layer res4b22_branch2a
I1107 01:40:25.783102 22740 net.cpp:774] Copying source layer bn4b22_branch2a
I1107 01:40:25.783155 22740 net.cpp:774] Copying source layer scale4b22_branch2a
I1107 01:40:25.783166 22740 net.cpp:774] Copying source layer res4b22_branch2a_relu
I1107 01:40:25.783174 22740 net.cpp:774] Copying source layer res4b22_branch2b
I1107 01:40:25.783743 22740 net.cpp:774] Copying source layer bn4b22_branch2b
I1107 01:40:25.783767 22740 net.cpp:774] Copying source layer scale4b22_branch2b
I1107 01:40:25.783777 22740 net.cpp:774] Copying source layer res4b22_branch2b_relu
I1107 01:40:25.783785 22740 net.cpp:774] Copying source layer res4b22_branch2c
I1107 01:40:25.784013 22740 net.cpp:774] Copying source layer bn4b22_branch2c
I1107 01:40:25.784035 22740 net.cpp:774] Copying source layer scale4b22_branch2c
I1107 01:40:25.784049 22740 net.cpp:774] Copying source layer res4b22
I1107 01:40:25.784057 22740 net.cpp:774] Copying source layer res4b22_relu
I1107 01:40:25.784065 22740 net.cpp:774] Copying source layer res4b22_res4b22_relu_0_split
I1107 01:40:25.784075 22740 net.cpp:774] Copying source layer res5a_branch1
I1107 01:40:25.785933 22740 net.cpp:774] Copying source layer bn5a_branch1
I1107 01:40:25.785993 22740 net.cpp:774] Copying source layer scale5a_branch1
I1107 01:40:25.786012 22740 net.cpp:774] Copying source layer res5a_branch2a
I1107 01:40:25.786527 22740 net.cpp:774] Copying source layer bn5a_branch2a
I1107 01:40:25.786553 22740 net.cpp:774] Copying source layer scale5a_branch2a
I1107 01:40:25.786564 22740 net.cpp:774] Copying source layer res5a_branch2a_relu
I1107 01:40:25.786571 22740 net.cpp:774] Copying source layer res5a_branch2b
I1107 01:40:25.788650 22740 net.cpp:774] Copying source layer bn5a_branch2b
I1107 01:40:25.788679 22740 net.cpp:774] Copying source layer scale5a_branch2b
I1107 01:40:25.788691 22740 net.cpp:774] Copying source layer res5a_branch2b_relu
I1107 01:40:25.788698 22740 net.cpp:774] Copying source layer res5a_branch2c
I1107 01:40:25.789574 22740 net.cpp:774] Copying source layer bn5a_branch2c
I1107 01:40:25.789644 22740 net.cpp:774] Copying source layer scale5a_branch2c
I1107 01:40:25.789676 22740 net.cpp:774] Copying source layer res5a
I1107 01:40:25.789691 22740 net.cpp:774] Copying source layer res5a_relu
I1107 01:40:25.789701 22740 net.cpp:774] Copying source layer res5a_res5a_relu_0_split
I1107 01:40:25.789710 22740 net.cpp:774] Copying source layer res5b_branch2a
I1107 01:40:25.790688 22740 net.cpp:774] Copying source layer bn5b_branch2a
I1107 01:40:25.790735 22740 net.cpp:774] Copying source layer scale5b_branch2a
I1107 01:40:25.790746 22740 net.cpp:774] Copying source layer res5b_branch2a_relu
I1107 01:40:25.790756 22740 net.cpp:774] Copying source layer res5b_branch2b
I1107 01:40:25.792922 22740 net.cpp:774] Copying source layer bn5b_branch2b
I1107 01:40:25.792951 22740 net.cpp:774] Copying source layer scale5b_branch2b
I1107 01:40:25.792963 22740 net.cpp:774] Copying source layer res5b_branch2b_relu
I1107 01:40:25.792970 22740 net.cpp:774] Copying source layer res5b_branch2c
I1107 01:40:25.793844 22740 net.cpp:774] Copying source layer bn5b_branch2c
I1107 01:40:25.793895 22740 net.cpp:774] Copying source layer scale5b_branch2c
I1107 01:40:25.793928 22740 net.cpp:774] Copying source layer res5b
I1107 01:40:25.793936 22740 net.cpp:774] Copying source layer res5b_relu
I1107 01:40:25.793962 22740 net.cpp:774] Copying source layer res5b_res5b_relu_0_split
I1107 01:40:25.793978 22740 net.cpp:774] Copying source layer res5c_branch2a
I1107 01:40:25.794924 22740 net.cpp:774] Copying source layer bn5c_branch2a
I1107 01:40:25.794970 22740 net.cpp:774] Copying source layer scale5c_branch2a
I1107 01:40:25.794981 22740 net.cpp:774] Copying source layer res5c_branch2a_relu
I1107 01:40:25.794989 22740 net.cpp:774] Copying source layer res5c_branch2b
I1107 01:40:25.797073 22740 net.cpp:774] Copying source layer bn5c_branch2b
I1107 01:40:25.797103 22740 net.cpp:774] Copying source layer scale5c_branch2b
I1107 01:40:25.797113 22740 net.cpp:774] Copying source layer res5c_branch2b_relu
I1107 01:40:25.797122 22740 net.cpp:774] Copying source layer res5c_branch2c
I1107 01:40:25.798008 22740 net.cpp:774] Copying source layer bn5c_branch2c
I1107 01:40:25.798094 22740 net.cpp:774] Copying source layer scale5c_branch2c
I1107 01:40:25.798110 22740 net.cpp:774] Copying source layer res5c
I1107 01:40:25.798125 22740 net.cpp:774] Copying source layer res5c_relu
I1107 01:40:25.798137 22740 net.cpp:771] Ignoring source layer pool5
I1107 01:40:25.798149 22740 net.cpp:771] Ignoring source layer fc1000
I1107 01:40:25.798158 22740 net.cpp:771] Ignoring source layer prob
Solving...
I1107 01:40:27.830293 22740 solver.cpp:228] Iteration 0, loss = 5.94985
I1107 01:40:27.830325 22740 solver.cpp:244] Train net output #0: accuarcy = 0
I1107 01:40:27.830334 22740 solver.cpp:244] Train net output #1: loss_bbox = 0.321994 (* 1 = 0.321994 loss)
I1107 01:40:27.830338 22740 solver.cpp:244] Train net output #2: loss_cls = 4.40445 (* 1 = 4.40445 loss)
I1107 01:40:27.830341 22740 solver.cpp:244] Train net output #3: rpn_cls_loss = 0.637702 (* 1 = 0.637702 loss)
I1107 01:40:27.830345 22740 solver.cpp:244] Train net output #4: rpn_loss_bbox = 0.0807633 (* 1 = 0.0807633 loss)
I1107 01:40:27.830351 22740 sgd_solver.cpp:106] Iteration 0, lr = 0.008
/home/zer0ne/src/R-FCN/tools/../lib/rpn/proposal_layer.py:176: RuntimeWarning: invalid value encountered in greater_equal
keep = np.where((ws >= min_size) & (hs >= min_size))[0]
I1107 01:43:18.413144 22740 solver.cpp:228] Iteration 100, loss = nan
I1107 01:43:18.413178 22740 solver.cpp:244] Train net output #0: accuarcy = 0
I1107 01:43:18.413190 22740 solver.cpp:244] Train net output #1: loss_bbox = nan (* 1 = nan loss)
I1107 01:43:18.413195 22740 solver.cpp:244] Train net output #2: loss_cls = 87.3365 (* 1 = 87.3365 loss)
I1107 01:43:18.413202 22740 solver.cpp:244] Train net output #3: rpn_cls_loss = 87.3365 (* 1 = 87.3365 loss)
I1107 01:43:18.413205 22740 solver.cpp:244] Train net output #4: rpn_loss_bbox = nan (* 1 = nan loss)
I1107 01:43:18.413210 22740 sgd_solver.cpp:106] Iteration 100, lr = 0.008
I1107 01:46:07.498154 22740 solver.cpp:228] Iteration 200, loss = nan
I1107 01:46:07.498191 22740 solver.cpp:244] Train net output #0: accuarcy = 0
I1107 01:46:07.498203 22740 solver.cpp:244] Train net output #1: loss_bbox = nan (* 1 = nan loss)
I1107 01:46:07.498208 22740 solver.cpp:244] Train net output #2: loss_cls = 87.3365 (* 1 = 87.3365 loss)
I1107 01:46:07.498212 22740 solver.cpp:244] Train net output #3: rpn_cls_loss = 87.3365 (* 1 = 87.3365 loss)
I1107 01:46:07.498216 22740 solver.cpp:244] Train net output #4: rpn_loss_bbox = nan (* 1 = nan loss)
I1107 01:46:07.498220 22740 sgd_solver.cpp:106] Iteration 200, lr = 0.008
I1107 01:48:54.587762 22740 solver.cpp:228] Iteration 300, loss = nan
I1107 01:48:54.587798 22740 solver.cpp:244] Train net output #0: accuarcy = 0
I1107 01:48:54.587810 22740 solver.cpp:244] Train net output #1: loss_bbox = nan (* 1 = nan loss)
I1107 01:48:54.587815 22740 solver.cpp:244] Train net output #2: loss_cls = 87.3365 (* 1 = 87.3365 loss)
I1107 01:48:54.587819 22740 solver.cpp:244] Train net output #3: rpn_cls_loss = 87.3365 (* 1 = 87.3365 loss)
I1107 01:48:54.587823 22740 solver.cpp:244] Train net output #4: rpn_loss_bbox = nan (* 1 = nan loss)
I1107 01:48:54.587829 22740 sgd_solver.cpp:106] Iteration 300, lr = 0.008
I1107 01:51:42.096184 22740 solver.cpp:228] Iteration 400, loss = nan
I1107 01:51:42.096217 22740 solver.cpp:244] Train net output #0: accuarcy = 0.75
I1107 01:51:42.096230 22740 solver.cpp:244] Train net output #1: loss_bbox = nan (* 1 = nan loss)
I1107 01:51:42.096235 22740 solver.cpp:244] Train net output #2: loss_cls = 87.3365 (* 1 = 87.3365 loss)
I1107 01:51:42.096240 22740 solver.cpp:244] Train net output #3: rpn_cls_loss = 87.3365 (* 1 = 87.3365 loss)
I1107 01:51:42.096245 22740 solver.cpp:244] Train net output #4: rpn_loss_bbox = nan (* 1 = nan loss)
I1107 01:51:42.096248 22740 sgd_solver.cpp:106] Iteration 400, lr = 0.008
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment