Git Product home page Git Product logo

Comments (5)

yousongzhu avatar yousongzhu commented on August 15, 2024

@z362194037 ,Could you please provide more information?(such as your prototxt). It looks like a problem with your prototxt.

from couplenet.

z362194037 avatar z362194037 commented on August 15, 2024

I use resnet-50 to train the pascal07+12 and I use the train_agnostic_ohem.prototxt as you given .
compare to py-rfcn I only change the lib/fast_rcnn/train.py, solver_ohem.prototxt,test_agnostic.prototxt,
train_agnostic_ohem.prototxt.
Here is a part of my log

+ echo Logging output to experiments/logs/couplenet_end2end_ResNet-50_.txt.2018-05-04_10-19-12
Logging output to experiments/logs/couplenet_end2end_ResNet-50_.txt.2018-05-04_10-19-12
+ ./tools/train_net.py --gpu 0 --solver models/pascal_voc/ResNet-50/couplenet_end2end/solver_ohem.prototxt --weights data/imagenet_models/ResNet-50-model.caffemodel --imdb voc_2007_trainval+voc_2012_trainval --iters 110000 --cfg experiments/cfgs/couplenet_end2end_ohem.yml
Called with args:
Namespace(cfg_file='experiments/cfgs/couplenet_end2end_ohem.yml', gpu_id=0, imdb_name='voc_2007_trainval+voc_2012_trainval', max_iters=110000, pretrained_model='data/imagenet_models/ResNet-50-model.caffemodel', randomize=False, set_cfgs=None, solver='models/pascal_voc/ResNet-50/couplenet_end2end/solver_ohem.prototxt')
Using config:
{'DATA_DIR': '/home/gnss/py-R-FCN-master/data',
 'DEDUP_BOXES': 0.0625,
 'EPS': 1e-14,
 'EXP_DIR': 'couplenet_end2end_ohem',
 'GPU_ID': 0,
 'MATLAB': 'matlab',
 'MODELS_DIR': '/home/gnss/py-R-FCN-master/models/pascal_voc',
 'PIXEL_MEANS': array([[[102.9801, 115.9465, 122.7717]]]),
 'RNG_SEED': 3,
 'ROOT_DIR': '/home/gnss/py-R-FCN-master',
 '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': [0.0, 0.0, 0.0, 0.0],
           'RPN_NORMALIZE_STDS': [0.1, 0.1, 0.2, 0.2],
           'RPN_NORMALIZE_TARGETS': True,
           '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}
2007 22222222
/home/gnss/py-R-FCN-master/data/VOCdevkit0712/VOC0712 11111111
Loaded dataset `voc_2007_trainval` for training
Set proposal method: gt
Appending horizontally-flipped training examples...
voc_2007_trainval gt roidb loaded from /home/gnss/py-R-FCN-master/data/cache/voc_2007_trainval_gt_roidb.pkl
done
Preparing training data...
done
2012 22222222
/home/gnss/py-R-FCN-master/data/VOCdevkit0712/VOC0712 11111111
Loaded dataset `voc_2012_trainval` for training
Set proposal method: gt
Appending horizontally-flipped training examples...
voc_2012_trainval gt roidb loaded from /home/gnss/py-R-FCN-master/data/cache/voc_2012_trainval_gt_roidb.pkl
done
Preparing training data...
done
66204 roidb entries
Output will be saved to `/home/gnss/py-R-FCN-master/output/couplenet_end2end_ohem/voc_2007_trainval+voc_2012_trainval`
Filtered 0 roidb entries: 66204 -> 66204
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
I0504 10:19:42.225042  4032 solver.cpp:48] Initializing solver from parameters: 
train_net: "models/pascal_voc/ResNet-50/couplenet_end2end/train_agnostic_ohem.prototxt"
base_lr: 0.001
display: 20
lr_policy: "step"
gamma: 0.1
momentum: 0.9
weight_decay: 0.0005
stepsize: 80000
snapshot: 0
snapshot_prefix: "couplenet"
iter_size: 2
I0504 10:19:42.225083  4032 solver.cpp:81] Creating training net from train_net file: models/pascal_voc/ResNet-50/couplenet_end2end/train_agnostic_ohem.prototxt
I0504 10:19:42.230782  4032 net.cpp:58] Initializing net from parameters: 
name: "ResNet-50"
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\': 21"
  }
}
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 { 

```
continue

from couplenet.

z362194037 avatar z362194037 commented on August 15, 2024
I0504 10:19:43.787634  4032 net.cpp:165] Memory required for data: 4808969132
I0504 10:19:43.787637  4032 layer_factory.hpp:77] Creating layer loss_bbox
I0504 10:19:43.787643  4032 net.cpp:100] Creating Layer loss_bbox
I0504 10:19:43.787648  4032 net.cpp:444] loss_bbox <- bbox_pred_bbox_pred_0_split_1
I0504 10:19:43.787653  4032 net.cpp:444] loss_bbox <- bbox_targets_roi-data_2_split_1
I0504 10:19:43.787660  4032 net.cpp:444] loss_bbox <- bbox_loss_weights_ohem
I0504 10:19:43.787667  4032 net.cpp:418] loss_bbox -> loss_bbox
I0504 10:19:43.787747  4032 net.cpp:150] Setting up loss_bbox
I0504 10:19:43.787755  4032 net.cpp:157] Top shape: (1)
I0504 10:19:43.787760  4032 net.cpp:160]     with loss weight 1
I0504 10:19:43.787766  4032 net.cpp:165] Memory required for data: 4808969136
I0504 10:19:43.787770  4032 net.cpp:226] loss_bbox needs backward computation.
I0504 10:19:43.787775  4032 net.cpp:228] accuarcy does not need backward computation.
I0504 10:19:43.787780  4032 net.cpp:226] loss needs backward computation.
I0504 10:19:43.787784  4032 net.cpp:228] silence does not need backward computation.
I0504 10:19:43.787789  4032 net.cpp:228] labels_ohem_annotator_detector_0_split does not need backward computation.
I0504 10:19:43.787794  4032 net.cpp:228] annotator_detector does not need backward computation.
I0504 10:19:43.787799  4032 net.cpp:228] per_roi_loss does not need backward computation.
I0504 10:19:43.787807  4032 net.cpp:228] per_roi_loss_bbox does not need backward computation.
I0504 10:19:43.787812  4032 net.cpp:228] per_roi_loss_cls does not need backward computation.
I0504 10:19:43.787818  4032 net.cpp:226] bbox_pred_bbox_pred_0_split needs backward computation.
I0504 10:19:43.787823  4032 net.cpp:226] bbox_pred needs backward computation.
I0504 10:19:43.787828  4032 net.cpp:226] ave_bbox_pred_rois_local needs backward computation.
I0504 10:19:43.787833  4032 net.cpp:226] psroipooled_loc_rois_local needs backward computation.
I0504 10:19:43.787838  4032 net.cpp:226] cls_score_cls_score_0_split needs backward computation.
I0504 10:19:43.787842  4032 net.cpp:226] cls_score needs backward computation.
I0504 10:19:43.787847  4032 net.cpp:226] conv/local_cls_score needs backward computation.
I0504 10:19:43.787850  4032 net.cpp:226] ave_cls_score_rois_local needs backward computation.
I0504 10:19:43.787854  4032 net.cpp:226] psroipooled_cls_rois_local needs backward computation.
I0504 10:19:43.787858  4032 net.cpp:226] global_bbox_pred needs backward computation.
I0504 10:19:43.787863  4032 net.cpp:226] global_cls_score needs backward computation.
I0504 10:19:43.787866  4032 net.cpp:226] conv_pool5_1_conv_pool5_1_relu_0_split needs backward computation.
I0504 10:19:43.787870  4032 net.cpp:226] conv_pool5_1_relu needs backward computation.
I0504 10:19:43.787873  4032 net.cpp:226] conv_pool5_1 needs backward computation.
I0504 10:19:43.787878  4032 net.cpp:226] conv_pool5_relu needs backward computation.
I0504 10:19:43.787883  4032 net.cpp:226] conv_pool5 needs backward computation.
I0504 10:19:43.787888  4032 net.cpp:226] roi_pool5 needs backward computation.
I0504 10:19:43.787892  4032 net.cpp:226] local_bbox needs backward computation.
I0504 10:19:43.787896  4032 net.cpp:226] local_cls needs backward computation.
I0504 10:19:43.787900  4032 net.cpp:226] conv_new_1_conv_new_1_relu_0_split needs backward computation.
I0504 10:19:43.787905  4032 net.cpp:226] conv_new_1_relu needs backward computation.
I0504 10:19:43.787909  4032 net.cpp:226] conv_new_1 needs backward computation.
I0504 10:19:43.787914  4032 net.cpp:228] bbox_inside_weights_roi-data_3_split does not need backward computation.
I0504 10:19:43.787917  4032 net.cpp:228] bbox_targets_roi-data_2_split does not need backward computation.
I0504 10:19:43.787922  4032 net.cpp:228] labels_roi-data_1_split does not need backward computation.
I0504 10:19:43.787926  4032 net.cpp:226] rois_roi-data_0_split needs backward computation.
I0504 10:19:43.787930  4032 net.cpp:226] roi-data needs backward computation.
I0504 10:19:43.787935  4032 net.cpp:226] proposal needs backward computation.
I0504 10:19:43.787941  4032 net.cpp:226] rpn_cls_prob_reshape needs backward computation.
I0504 10:19:43.787945  4032 net.cpp:226] rpn_cls_prob needs backward computation.
I0504 10:19:43.787950  4032 net.cpp:226] rpn_loss_bbox needs backward computation.
I0504 10:19:43.787955  4032 net.cpp:226] rpn_loss_cls needs backward computation.
I0504 10:19:43.787962  4032 net.cpp:226] rpn-data needs backward computation.
I0504 10:19:43.787969  4032 net.cpp:226] rpn_cls_score_reshape_rpn_cls_score_reshape_0_split needs backward computation.
I0504 10:19:43.787974  4032 net.cpp:226] rpn_cls_score_reshape needs backward computation.
I0504 10:19:43.787979  4032 net.cpp:226] rpn_bbox_pred_rpn_bbox_pred_0_split needs backward computation.
I0504 10:19:43.787986  4032 net.cpp:226] rpn_bbox_pred needs backward computation.
I0504 10:19:43.787989  4032 net.cpp:226] rpn_cls_score_rpn_cls_score_0_split needs backward computation.
I0504 10:19:43.787993  4032 net.cpp:226] rpn_cls_score needs backward computation.
I0504 10:19:43.787999  4032 net.cpp:226] rpn/output_rpn_relu/3x3_0_split needs backward computation.
I0504 10:19:43.788005  4032 net.cpp:226] rpn_relu/3x3 needs backward computation.
I0504 10:19:43.788009  4032 net.cpp:226] rpn_conv/3x3 needs backward computation.
I0504 10:19:43.788013  4032 net.cpp:226] res5c_relu needs backward computation.
I0504 10:19:43.788017  4032 net.cpp:226] res5c needs backward computation.
I0504 10:19:43.788022  4032 net.cpp:226] scale5c_branch2c needs backward computation.
I0504 10:19:43.788024  4032 net.cpp:226] bn5c_branch2c needs backward computation.
I0504 10:19:43.788028  4032 net.cpp:226] res5c_branch2c needs backward computation.
I0504 10:19:43.788031  4032 net.cpp:226] res5c_branch2b_relu needs backward computation.
I0504 10:19:43.788038  4032 net.cpp:226] scale5c_branch2b needs backward computation.
I0504 10:19:43.788041  4032 net.cpp:226] bn5c_branch2b needs backward computation.
I0504 10:19:43.788044  4032 net.cpp:226] res5c_branch2b needs backward computation.
I0504 10:19:43.788048  4032 net.cpp:226] res5c_branch2a_relu needs backward computation.
I0504 10:19:43.788053  4032 net.cpp:226] scale5c_branch2a needs backward computation.
I0504 10:19:43.788056  4032 net.cpp:226] bn5c_branch2a needs backward computation.
I0504 10:19:43.788059  4032 net.cpp:226] res5c_branch2a needs backward computation.
I0504 10:19:43.788064  4032 net.cpp:226] res5b_res5b_relu_0_split needs backward computation.
I0504 10:19:43.788069  4032 net.cpp:226] res5b_relu needs backward computation.
I0504 10:19:43.788071  4032 net.cpp:226] res5b needs backward computation.
I0504 10:19:43.788076  4032 net.cpp:226] scale5b_branch2c needs backward computation.
I0504 10:19:43.788080  4032 net.cpp:226] bn5b_branch2c needs backward computation.
I0504 10:19:43.788085  4032 net.cpp:226] res5b_branch2c needs backward computation.
I0504 10:19:43.788089  4032 net.cpp:226] res5b_branch2b_relu needs backward computation.
I0504 10:19:43.788094  4032 net.cpp:226] scale5b_branch2b needs backward computation.
I0504 10:19:43.788096  4032 net.cpp:226] bn5b_branch2b needs backward computation.
I0504 10:19:43.788100  4032 net.cpp:226] res5b_branch2b needs backward computation.
I0504 10:19:43.788103  4032 net.cpp:226] res5b_branch2a_relu needs backward computation.
I0504 10:19:43.788107  4032 net.cpp:226] scale5b_branch2a needs backward computation.
I0504 10:19:43.788111  4032 net.cpp:226] bn5b_branch2a needs backward computation.
I0504 10:19:43.788115  4032 net.cpp:226] res5b_branch2a needs backward computation.
I0504 10:19:43.788118  4032 net.cpp:226] res5a_res5a_relu_0_split needs backward computation.
I0504 10:19:43.788122  4032 net.cpp:226] res5a_relu needs backward computation.
I0504 10:19:43.788127  4032 net.cpp:226] res5a needs backward computation.
I0504 10:19:43.788132  4032 net.cpp:226] scale5a_branch2c needs backward computation.
I0504 10:19:43.788136  4032 net.cpp:226] bn5a_branch2c needs backward computation.
I0504 10:19:43.788139  4032 net.cpp:226] res5a_branch2c needs backward computation.
I0504 10:19:43.788143  4032 net.cpp:226] res5a_branch2b_relu needs backward computation.
I0504 10:19:43.788147  4032 net.cpp:226] scale5a_branch2b needs backward computation.
I0504 10:19:43.788151  4032 net.cpp:226] bn5a_branch2b needs backward computation.
I0504 10:19:43.788153  4032 net.cpp:226] res5a_branch2b needs backward computation.
I0504 10:19:43.788157  4032 net.cpp:226] res5a_branch2a_relu needs backward computation.
I0504 10:19:43.788163  4032 net.cpp:226] scale5a_branch2a needs backward computation.
I0504 10:19:43.788166  4032 net.cpp:226] bn5a_branch2a needs backward computation.
I0504 10:19:43.788170  4032 net.cpp:226] res5a_branch2a needs backward computation.
I0504 10:19:43.788174  4032 net.cpp:226] scale5a_branch1 needs backward computation.
I0504 10:19:43.788178  4032 net.cpp:226] bn5a_branch1 needs backward computation.
I0504 10:19:43.788182  4032 net.cpp:226] res5a_branch1 needs backward computation.
I0504 10:19:43.788187  4032 net.cpp:226] res4b22_res4b22_relu_0_split needs backward computation.
I0504 10:19:43.788190  4032 net.cpp:226] res4b22_relu needs backward computation.
I0504 10:19:43.788195  4032 net.cpp:226] res4b22 needs backward computation.
I0504 10:19:43.788200  4032 net.cpp:226] scale4b22_branch2c needs backward computation.
I0504 10:19:43.788204  4032 net.cpp:226] bn4b22_branch2c needs backward computation.
I0504 10:19:43.788208  4032 net.cpp:226] res4b22_branch2c needs backward computation.
I0504 10:19:43.788213  4032 net.cpp:226] res4b22_branch2b_relu needs backward computation.
I0504 10:19:43.788218  4032 net.cpp:226] scale4b22_branch2b needs backward computation.
I0504 10:19:43.788223  4032 net.cpp:226] bn4b22_branch2b needs backward computation.
I0504 10:19:43.788226  4032 net.cpp:226] res4b22_branch2b needs backward computation.
I0504 10:19:43.788230  4032 net.cpp:226] res4b22_branch2a_relu needs backward computation.
I0504 10:19:43.788233  4032 net.cpp:226] scale4b22_branch2a needs backward computation.
I0504 10:19:43.788238  4032 net.cpp:226] bn4b22_branch2a needs backward computation.
I0504 10:19:43.788241  4032 net.cpp:226] res4b22_branch2a needs backward computation.
I0504 10:19:43.788245  4032 net.cpp:226] res4b21_res4b21_relu_0_split needs backward computation.
I0504 10:19:43.788249  4032 net.cpp:226] res4b21_relu needs backward computation.
I0504 10:19:43.788254  4032 net.cpp:226] res4b21 needs backward computation.
I0504 10:19:43.788257  4032 net.cpp:226] scale4b21_branch2c needs backward computation.
I0504 10:19:43.788261  4032 net.cpp:226] bn4b21_branch2c needs backward computation.
I0504 10:19:43.788264  4032 net.cpp:226] res4b21_branch2c needs backward computation.
I0504 10:19:43.788269  4032 net.cpp:226] res4b21_branch2b_relu needs backward computation.
I0504 10:19:43.788272  4032 net.cpp:226] scale4b21_branch2b needs backward computation.
I0504 10:19:43.788276  4032 net.cpp:226] bn4b21_branch2b needs backward computation.
I0504 10:19:43.788280  4032 net.cpp:226] res4b21_branch2b needs backward computation.
I0504 10:19:43.788285  4032 net.cpp:226] res4b21_branch2a_relu needs backward computation.
I0504 10:19:43.788290  4032 net.cpp:226] scale4b21_branch2a needs backward computation.
I0504 10:19:43.788293  4032 net.cpp:226] bn4b21_branch2a needs backward computation.
I0504 10:19:43.788297  4032 net.cpp:226] res4b21_branch2a needs backward computation.
I0504 10:19:43.788301  4032 net.cpp:226] res4b20_res4b20_relu_0_split needs backward computation.
I0504 10:19:43.788305  4032 net.cpp:226] res4b20_relu needs backward computation.
I0504 10:19:43.788308  4032 net.cpp:226] res4b20 needs backward computation.
I0504 10:19:43.788313  4032 net.cpp:226] scale4b20_branch2c needs backward computation.
I0504 10:19:43.788317  4032 net.cpp:226] bn4b20_branch2c needs backward computation.
I0504 10:19:43.788321  4032 net.cpp:226] res4b20_branch2c needs backward computation.
I0504 10:19:43.788326  4032 net.cpp:226] res4b20_branch2b_relu needs backward computation.
I0504 10:19:43.788329  4032 net.cpp:226] scale4b20_branch2b needs backward computation.
I0504 10:19:43.788332  4032 net.cpp:226] bn4b20_branch2b needs backward computation.
I0504 10:19:43.788336  4032 net.cpp:226] res4b20_branch2b needs backward computation.
I0504 10:19:43.788341  4032 net.cpp:226] res4b20_branch2a_relu needs backward computation.
I0504 10:19:43.788343  4032 net.cpp:226] scale4b20_branch2a needs backward computation.
I0504 10:19:43.788347  4032 net.cpp:226] bn4b20_branch2a needs backward computation.
I0504 10:19:43.788350  4032 net.cpp:226] res4b20_branch2a needs backward computation.
I0504 10:19:43.788354  4032 net.cpp:226] res4b19_res4b19_relu_0_split needs backward computation.
I0504 10:19:43.788359  4032 net.cpp:226] res4b19_relu needs backward computation.
I0504 10:19:43.788365  4032 net.cpp:226] res4b19 needs backward computation.
I0504 10:19:43.788369  4032 net.cpp:226] scale4b19_branch2c needs backward computation.
I0504 10:19:43.788375  4032 net.cpp:226] bn4b19_branch2c needs backward computation.
I0504 10:19:43.788379  4032 net.cpp:226] res4b19_branch2c needs backward computation.
I0504 10:19:43.788383  4032 net.cpp:226] res4b19_branch2b_relu needs backward computation.
I0504 10:19:43.788386  4032 net.cpp:226] scale4b19_branch2b needs backward computation.
I0504 10:19:43.788390  4032 net.cpp:226] bn4b19_branch2b needs backward computation.
I0504 10:19:43.788394  4032 net.cpp:226] res4b19_branch2b needs backward computation.
I0504 10:19:43.788398  4032 net.cpp:226] res4b19_branch2a_relu needs backward computation.
I0504 10:19:43.788401  4032 net.cpp:226] scale4b19_branch2a needs backward computation.
I0504 10:19:43.788408  4032 net.cpp:226] bn4b19_branch2a needs backward computation.
I0504 10:19:43.788410  4032 net.cpp:226] res4b19_branch2a needs backward computation.
I0504 10:19:43.788414  4032 net.cpp:226] res4b18_res4b18_relu_0_split needs backward computation.
I0504 10:19:43.788419  4032 net.cpp:226] res4b18_relu needs backward computation.
I0504 10:19:43.788424  4032 net.cpp:226] res4b18 needs backward computation.
I0504 10:19:43.788429  4032 net.cpp:226] scale4b18_branch2c needs backward computation.
I0504 10:19:43.788432  4032 net.cpp:226] bn4b18_branch2c needs backward computation.
I0504 10:19:43.788436  4032 net.cpp:226] res4b18_branch2c needs backward computation.
I0504 10:19:43.788439  4032 net.cpp:226] res4b18_branch2b_relu needs backward computation.
I0504 10:19:43.788444  4032 net.cpp:226] scale4b18_branch2b needs backward computation.
I0504 10:19:43.788447  4032 net.cpp:226] bn4b18_branch2b needs backward computation.
I0504 10:19:43.788450  4032 net.cpp:226] res4b18_branch2b needs backward computation.
I0504 10:19:43.788455  4032 net.cpp:226] res4b18_branch2a_relu needs backward computation.
I0504 10:19:43.788458  4032 net.cpp:226] scale4b18_branch2a needs backward computation.
I0504 10:19:43.788461  4032 net.cpp:226] bn4b18_branch2a needs backward computation.
I0504 10:19:43.788465  4032 net.cpp:226] res4b18_branch2a needs backward computation.
I0504 10:19:43.788470  4032 net.cpp:226] res4b17_res4b17_relu_0_split needs backward computation.
I0504 10:19:43.788473  4032 net.cpp:226] res4b17_relu needs backward computation.
I0504 10:19:43.788478  4032 net.cpp:226] res4b17 needs backward computation.
I0504 10:19:43.788483  4032 net.cpp:226] scale4b17_branch2c needs backward computation.
I0504 10:19:43.788487  4032 net.cpp:226] bn4b17_branch2c needs backward computation.
I0504 10:19:43.788491  4032 net.cpp:226] res4b17_branch2c needs backward computation.
I0504 10:19:43.788494  4032 net.cpp:226] res4b17_branch2b_relu needs backward computation.
I0504 10:19:43.788497  4032 net.cpp:226] scale4b17_branch2b needs backward computation.
I0504 10:19:43.788501  4032 net.cpp:226] bn4b17_branch2b needs backward computation.
I0504 10:19:43.788504  4032 net.cpp:226] res4b17_branch2b needs backward computation.
I0504 10:19:43.788508  4032 net.cpp:226] res4b17_branch2a_relu needs backward computation.
I0504 10:19:43.788512  4032 net.cpp:226] scale4b17_branch2a needs backward computation.
I0504 10:19:43.788516  4032 net.cpp:226] bn4b17_branch2a needs backward computation.
I0504 10:19:43.788522  4032 net.cpp:226] res4b17_branch2a needs backward computation.
I0504 10:19:43.788525  4032 net.cpp:226] res4b16_res4b16_relu_0_split needs backward computation.
I0504 10:19:43.788529  4032 net.cpp:226] res4b16_relu needs backward computation.
I0504 10:19:43.788532  4032 net.cpp:226] res4b16 needs backward computation.
I0504 10:19:43.788537  4032 net.cpp:226] scale4b16_branch2c needs backward computation.
I0504 10:19:43.788542  4032 net.cpp:226] bn4b16_branch2c needs backward computation.
I0504 10:19:43.788544  4032 net.cpp:226] res4b16_branch2c needs backward computation.
I0504 10:19:43.788552  4032 net.cpp:226] res4b16_branch2b_relu needs backward computation.
I0504 10:19:43.788555  4032 net.cpp:226] scale4b16_branch2b needs backward computation.
I0504 10:19:43.788559  4032 net.cpp:226] bn4b16_branch2b needs backward computation.
I0504 10:19:43.788563  4032 net.cpp:226] res4b16_branch2b needs backward computation.
I0504 10:19:43.788568  4032 net.cpp:226] res4b16_branch2a_relu needs backward computation.
I0504 10:19:43.788573  4032 net.cpp:226] scale4b16_branch2a needs backward computation.
I0504 10:19:43.788576  4032 net.cpp:226] bn4b16_branch2a needs backward computation.
I0504 10:19:43.788579  4032 net.cpp:226] res4b16_branch2a needs backward computation.
I0504 10:19:43.788584  4032 net.cpp:226] res4b15_res4b15_relu_0_split needs backward computation.
I0504 10:19:43.788589  4032 net.cpp:226] res4b15_relu needs backward computation.
I0504 10:19:43.788591  4032 net.cpp:226] res4b15 needs backward computation.
I0504 10:19:43.788596  4032 net.cpp:226] scale4b15_branch2c needs backward computation.
I0504 10:19:43.788600  4032 net.cpp:226] bn4b15_branch2c needs backward computation.
I0504 10:19:43.788604  4032 net.cpp:226] res4b15_branch2c needs backward computation.
I0504 10:19:43.788609  4032 net.cpp:226] res4b15_branch2b_relu needs backward computation.
I0504 10:19:43.788612  4032 net.cpp:226] scale4b15_branch2b needs backward computation.
I0504 10:19:43.788615  4032 net.cpp:226] bn4b15_branch2b needs backward computation.
I0504 10:19:43.788619  4032 net.cpp:226] res4b15_branch2b needs backward computation.
I0504 10:19:43.788624  4032 net.cpp:226] res4b15_branch2a_relu needs backward computation.
I0504 10:19:43.788626  4032 net.cpp:226] scale4b15_branch2a needs backward computation.
I0504 10:19:43.788630  4032 net.cpp:226] bn4b15_branch2a needs backward computation.
I0504 10:19:43.788633  4032 net.cpp:226] res4b15_branch2a needs backward computation.
I0504 10:19:43.788637  4032 net.cpp:226] res4b14_res4b14_relu_0_split needs backward computation.
I0504 10:19:43.788641  4032 net.cpp:226] res4b14_relu needs backward computation.
I0504 10:19:43.788645  4032 net.cpp:226] res4b14 needs backward computation.
I0504 10:19:43.788650  4032 net.cpp:226] scale4b14_branch2c needs backward computation.
I0504 10:19:43.788652  4032 net.cpp:226] bn4b14_branch2c needs backward computation.
I0504 10:19:43.788656  4032 net.cpp:226] res4b14_branch2c needs backward computation.
I0504 10:19:43.788661  4032 net.cpp:226] res4b14_branch2b_relu needs backward computation.
I0504 10:19:43.788666  4032 net.cpp:226] scale4b14_branch2b needs backward computation.
I0504 10:19:43.788669  4032 net.cpp:226] bn4b14_branch2b needs backward computation.
I0504 10:19:43.788672  4032 net.cpp:226] res4b14_branch2b needs backward computation.
I0504 10:19:43.788676  4032 net.cpp:226] res4b14_branch2a_relu needs backward computation.
I0504 10:19:43.788681  4032 net.cpp:226] scale4b14_branch2a needs backward computation.
I0504 10:19:43.788686  4032 net.cpp:226] bn4b14_branch2a needs backward computation.
I0504 10:19:43.788689  4032 net.cpp:226] res4b14_branch2a needs backward computation.
I0504 10:19:43.788693  4032 net.cpp:226] res4b13_res4b13_relu_0_split needs backward computation.
I0504 10:19:43.788697  4032 net.cpp:226] res4b13_relu needs backward computation.
I0504 10:19:43.788702  4032 net.cpp:226] res4b13 needs backward computation.
I0504 10:19:43.788707  4032 net.cpp:226] scale4b13_branch2c needs backward computation.
I0504 10:19:43.788710  4032 net.cpp:226] bn4b13_branch2c needs backward computation.
I0504 10:19:43.788714  4032 net.cpp:226] res4b13_branch2c needs backward computation.
I0504 10:19:43.788718  4032 net.cpp:226] res4b13_branch2b_relu needs backward computation.
I0504 10:19:43.788722  4032 net.cpp:226] scale4b13_branch2b needs backward computation.
I0504 10:19:43.788725  4032 net.cpp:226] bn4b13_branch2b needs backward computation.
I0504 10:19:43.788728  4032 net.cpp:226] res4b13_branch2b needs backward computation.
I0504 10:19:43.788733  4032 net.cpp:226] res4b13_branch2a_relu needs backward computation.
I0504 10:19:43.788735  4032 net.cpp:226] scale4b13_branch2a needs backward computation.
I0504 10:19:43.788739  4032 net.cpp:226] bn4b13_branch2a needs backward computation.
I0504 10:19:43.788744  4032 net.cpp:226] res4b13_branch2a needs backward computation.
I0504 10:19:43.788749  4032 net.cpp:226] res4b12_res4b12_relu_0_split needs backward computation.
I0504 10:19:43.788753  4032 net.cpp:226] res4b12_relu needs backward computation.
I0504 10:19:43.788756  4032 net.cpp:226] res4b12 needs backward computation.
I0504 10:19:43.788760  4032 net.cpp:226] scale4b12_branch2c needs backward computation.
I0504 10:19:43.788764  4032 net.cpp:226] bn4b12_branch2c needs backward computation.
I0504 10:19:43.788769  4032 net.cpp:226] res4b12_branch2c needs backward computation.
I0504 10:19:43.788771  4032 net.cpp:226] res4b12_branch2b_relu needs backward computation.
I0504 10:19:43.788777  4032 net.cpp:226] scale4b12_branch2b needs backward computation.
I0504 10:19:43.788781  4032 net.cpp:226] bn4b12_branch2b needs backward computation.
I0504 10:19:43.788784  4032 net.cpp:226] res4b12_branch2b needs backward computation.
I0504 10:19:43.788789  4032 net.cpp:226] res4b12_branch2a_relu needs backward computation.
I0504 10:19:43.788792  4032 net.cpp:226] scale4b12_branch2a needs backward computation.
I0504 10:19:43.788796  4032 net.cpp:226] bn4b12_branch2a needs backward computation.
I0504 10:19:43.788800  4032 net.cpp:226] res4b12_branch2a needs backward computation.
I0504 10:19:43.788803  4032 net.cpp:226] res4b11_res4b11_relu_0_split needs backward computation.
I0504 10:19:43.788807  4032 net.cpp:226] res4b11_relu needs backward computation.
I0504 10:19:43.788811  4032 net.cpp:226] res4b11 needs backward computation.
I0504 10:19:43.788817  4032 net.cpp:226] scale4b11_branch2c needs backward computation.
I0504 10:19:43.788821  4032 net.cpp:226] bn4b11_branch2c needs backward computation.
I0504 10:19:43.788825  4032 net.cpp:226] res4b11_branch2c needs backward computation.
I0504 10:19:43.788828  4032 net.cpp:226] res4b11_branch2b_relu needs backward computation.
I0504 10:19:43.788832  4032 net.cpp:226] scale4b11_branch2b needs backward computation.
I0504 10:19:43.788836  4032 net.cpp:226] bn4b11_branch2b needs backward computation.
I0504 10:19:43.788839  4032 net.cpp:226] res4b11_branch2b needs backward computation.
I0504 10:19:43.788843  4032 net.cpp:226] res4b11_branch2a_relu needs backward computation.
I0504 10:19:43.788848  4032 net.cpp:226] scale4b11_branch2a needs backward computation.
I0504 10:19:43.788852  4032 net.cpp:226] bn4b11_branch2a needs backward computation.
I0504 10:19:43.788856  4032 net.cpp:226] res4b11_branch2a needs backward computation.
I0504 10:19:43.788861  4032 net.cpp:226] res4b10_res4b10_relu_0_split needs backward computation.
I0504 10:19:43.788864  4032 net.cpp:226] res4b10_relu needs backward computation.
I0504 10:19:43.788867  4032 net.cpp:226] res4b10 needs backward computation.
I0504 10:19:43.788872  4032 net.cpp:226] scale4b10_branch2c needs backward computation.
I0504 10:19:43.788875  4032 net.cpp:226] bn4b10_branch2c needs backward computation.
I0504 10:19:43.788882  4032 net.cpp:226] res4b10_branch2c needs backward computation.
I0504 10:19:43.788885  4032 net.cpp:226] res4b10_branch2b_relu needs backward computation.
I0504 10:19:43.788889  4032 net.cpp:226] scale4b10_branch2b needs backward computation.
I0504 10:19:43.788892  4032 net.cpp:226] bn4b10_branch2b needs backward computation.
I0504 10:19:43.788897  4032 net.cpp:226] res4b10_branch2b needs backward computation.
I0504 10:19:43.788902  4032 net.cpp:226] res4b10_branch2a_relu needs backward computation.
I0504 10:19:43.788908  4032 net.cpp:226] scale4b10_branch2a needs backward computation.
I0504 10:19:43.788910  4032 net.cpp:226] bn4b10_branch2a needs backward computation.
I0504 10:19:43.788914  4032 net.cpp:226] res4b10_branch2a needs backward computation.
I0504 10:19:43.788918  4032 net.cpp:226] res4b9_res4b9_relu_0_split needs backward computation.
I0504 10:19:43.788923  4032 net.cpp:226] res4b9_relu needs backward computation.
I0504 10:19:43.788926  4032 net.cpp:226] res4b9 needs backward computation.
I0504 10:19:43.788931  4032 net.cpp:226] scale4b9_branch2c needs backward computation.
I0504 10:19:43.788935  4032 net.cpp:226] bn4b9_branch2c needs backward computation.
I0504 10:19:43.788938  4032 net.cpp:226] res4b9_branch2c needs backward computation.
I0504 10:19:43.788942  4032 net.cpp:226] res4b9_branch2b_relu needs backward computation.
I0504 10:19:43.788949  4032 net.cpp:226] scale4b9_branch2b needs backward computation.
I0504 10:19:43.788952  4032 net.cpp:226] bn4b9_branch2b needs backward computation.
I0504 10:19:43.788955  4032 net.cpp:226] res4b9_branch2b needs backward computation.
I0504 10:19:43.788959  4032 net.cpp:226] res4b9_branch2a_relu needs backward computation.
I0504 10:19:43.788964  4032 net.cpp:226] scale4b9_branch2a needs backward computation.
I0504 10:19:43.788966  4032 net.cpp:226] bn4b9_branch2a needs backward computation.
I0504 10:19:43.788970  4032 net.cpp:226] res4b9_branch2a needs backward computation.
I0504 10:19:43.788975  4032 net.cpp:226] res4b8_res4b8_relu_0_split needs backward computation.
I0504 10:19:43.788978  4032 net.cpp:226] res4b8_relu needs backward computation.
I0504 10:19:43.788983  4032 net.cpp:226] res4b8 needs backward computation.
I0504 10:19:43.788988  4032 net.cpp:226] scale4b8_branch2c needs backward computation.
I0504 10:19:43.788992  4032 net.cpp:226] bn4b8_branch2c needs backward computation.
I0504 10:19:43.788995  4032 net.cpp:226] res4b8_branch2c needs backward computation.
I0504 10:19:43.789000  4032 net.cpp:226] res4b8_branch2b_relu needs backward computation.
I0504 10:19:43.789003  4032 net.cpp:226] scale4b8_branch2b needs backward computation.
I0504 10:19:43.789006  4032 net.cpp:226] bn4b8_branch2b needs backward computation.
I0504 10:19:43.789011  4032 net.cpp:226] res4b8_branch2b needs backward computation.
I0504 10:19:43.789013  4032 net.cpp:226] res4b8_branch2a_relu needs backward computation.
I0504 10:19:43.789017  4032 net.cpp:226] scale4b8_branch2a needs backward computation.
I0504 10:19:43.789021  4032 net.cpp:226] bn4b8_branch2a needs backward computation.
I0504 10:19:43.789024  4032 net.cpp:226] res4b8_branch2a needs backward computation.
I0504 10:19:43.789028  4032 net.cpp:226] res4b7_res4b7_relu_0_split needs backward computation.
I0504 10:19:43.789032  4032 net.cpp:226] res4b7_relu needs backward computation.
I0504 10:19:43.789036  4032 net.cpp:226] res4b7 needs backward computation.
I0504 10:19:43.789042  4032 net.cpp:226] scale4b7_branch2c needs backward computation.
I0504 10:19:43.789047  4032 net.cpp:226] bn4b7_branch2c needs backward computation.
I0504 10:19:43.789050  4032 net.cpp:226] res4b7_branch2c needs backward computation.
I0504 10:19:43.789054  4032 net.cpp:226] res4b7_branch2b_relu needs backward computation.
I0504 10:19:43.789057  4032 net.cpp:226] scale4b7_branch2b needs backward computation.
I0504 10:19:43.789062  4032 net.cpp:226] bn4b7_branch2b needs backward computation.
I0504 10:19:43.789065  4032 net.cpp:226] res4b7_branch2b needs backward computation.
I0504 10:19:43.789068  4032 net.cpp:226] res4b7_branch2a_relu needs backward computation.
I0504 10:19:43.789072  4032 net.cpp:226] scale4b7_branch2a needs backward computation.
I0504 10:19:43.789077  4032 net.cpp:226] bn4b7_branch2a needs backward computation.
I0504 10:19:43.789079  4032 net.cpp:226] res4b7_branch2a needs backward computation.
I0504 10:19:43.789085  4032 net.cpp:226] res4b6_res4b6_relu_0_split needs backward computation.
I0504 10:19:43.789089  4032 net.cpp:226] res4b6_relu needs backward computation.
I0504 10:19:43.789093  4032 net.cpp:226] res4b6 needs backward computation.
I0504 10:19:43.789098  4032 net.cpp:226] scale4b6_branch2c needs backward computation.
I0504 10:19:43.789101  4032 net.cpp:226] bn4b6_branch2c needs backward computation.
I0504 10:19:43.789104  4032 net.cpp:226] res4b6_branch2c needs backward computation.
I0504 10:19:43.789108  4032 net.cpp:226] res4b6_branch2b_relu needs backward computation.
I0504 10:19:43.789113  4032 net.cpp:226] scale4b6_branch2b needs backward computation.
I0504 10:19:43.789115  4032 net.cpp:226] bn4b6_branch2b needs backward computation.
I0504 10:19:43.789119  4032 net.cpp:226] res4b6_branch2b needs backward computation.
I0504 10:19:43.789124  4032 net.cpp:226] res4b6_branch2a_relu needs backward computation.
I0504 10:19:43.789126  4032 net.cpp:226] scale4b6_branch2a needs backward computation.
I0504 10:19:43.789131  4032 net.cpp:226] bn4b6_branch2a needs backward computation.
I0504 10:19:43.789135  4032 net.cpp:226] res4b6_branch2a needs backward computation.
I0504 10:19:43.789139  4032 net.cpp:226] res4b5_res4b5_relu_0_split needs backward computation.
I0504 10:19:43.789144  4032 net.cpp:226] res4b5_relu needs backward computation.
I0504 10:19:43.789147  4032 net.cpp:226] res4b5 needs backward computation.
I0504 10:19:43.789151  4032 net.cpp:226] scale4b5_branch2c needs backward computation.
I0504 10:19:43.789155  4032 net.cpp:226] bn4b5_branch2c needs backward computation.
I0504 10:19:43.789158  4032 net.cpp:226] res4b5_branch2c needs backward computation.
I0504 10:19:43.789162  4032 net.cpp:226] res4b5_branch2b_relu needs backward computation.
I0504 10:19:43.789166  4032 net.cpp:226] scale4b5_branch2b needs backward computation.
I0504 10:19:43.789170  4032 net.cpp:226] bn4b5_branch2b needs backward computation.
I0504 10:19:43.789175  4032 net.cpp:226] res4b5_branch2b needs backward computation.
I0504 10:19:43.789180  4032 net.cpp:226] res4b5_branch2a_relu needs backward computation.
I0504 10:19:43.789182  4032 net.cpp:226] scale4b5_branch2a needs backward computation.
I0504 10:19:43.789186  4032 net.cpp:226] bn4b5_branch2a needs backward computation.
I0504 10:19:43.789189  4032 net.cpp:226] res4b5_branch2a needs backward computation.
I0504 10:19:43.789193  4032 net.cpp:226] res4b4_res4b4_relu_0_split needs backward computation.
I0504 10:19:43.789197  4032 net.cpp:226] res4b4_relu needs backward computation.
I0504 10:19:43.789201  4032 net.cpp:226] res4b4 needs backward computation.
I0504 10:19:43.789206  4032 net.cpp:226] scale4b4_branch2c needs backward computation.
I0504 10:19:43.789209  4032 net.cpp:226] bn4b4_branch2c needs backward computation.
I0504 10:19:43.789214  4032 net.cpp:226] res4b4_branch2c needs backward computation.
I0504 10:19:43.789218  4032 net.cpp:226] res4b4_branch2b_relu needs backward computation.
I0504 10:19:43.789222  4032 net.cpp:226] scale4b4_branch2b needs backward computation.
I0504 10:19:43.789227  4032 net.cpp:226] bn4b4_branch2b needs backward computation.
I0504 10:19:43.789229  4032 net.cpp:226] res4b4_branch2b needs backward computation.
I0504 10:19:43.789233  4032 net.cpp:226] res4b4_branch2a_relu needs backward computation.
I0504 10:19:43.789237  4032 net.cpp:226] scale4b4_branch2a needs backward computation.
I0504 10:19:43.789240  4032 net.cpp:226] bn4b4_branch2a needs backward computation.
I0504 10:19:43.789244  4032 net.cpp:226] res4b4_branch2a needs backward computation.
I0504 10:19:43.789248  4032 net.cpp:226] res4b3_res4b3_relu_0_split needs backward computation.
I0504 10:19:43.789252  4032 net.cpp:226] res4b3_relu needs backward computation.
I0504 10:19:43.789255  4032 net.cpp:226] res4b3 needs backward computation.
I0504 10:19:43.789261  4032 net.cpp:226] scale4b3_branch2c needs backward computation.
I0504 10:19:43.789265  4032 net.cpp:226] bn4b3_branch2c needs backward computation.
I0504 10:19:43.789269  4032 net.cpp:226] res4b3_branch2c needs backward computation.
I0504 10:19:43.789273  4032 net.cpp:226] res4b3_branch2b_relu needs backward computation.
I0504 10:19:43.789276  4032 net.cpp:226] scale4b3_branch2b needs backward computation.
I0504 10:19:43.789280  4032 net.cpp:226] bn4b3_branch2b needs backward computation.
I0504 10:19:43.789284  4032 net.cpp:226] res4b3_branch2b needs backward computation.
I0504 10:19:43.789290  4032 net.cpp:226] res4b3_branch2a_relu needs backward computation.
I0504 10:19:43.789295  4032 net.cpp:226] scale4b3_branch2a needs backward computation.
I0504 10:19:43.789299  4032 net.cpp:226] bn4b3_branch2a needs backward computation.
I0504 10:19:43.789304  4032 net.cpp:226] res4b3_branch2a needs backward computation.
I0504 10:19:43.789307  4032 net.cpp:226] res4b2_res4b2_relu_0_split needs backward computation.
I0504 10:19:43.789311  4032 net.cpp:226] res4b2_relu needs backward computation.
I0504 10:19:43.789314  4032 net.cpp:226] res4b2 needs backward computation.
I0504 10:19:43.789319  4032 net.cpp:226] scale4b2_branch2c needs backward computation.
I0504 10:19:43.789324  4032 net.cpp:226] bn4b2_branch2c needs backward computation.
I0504 10:19:43.789326  4032 net.cpp:226] res4b2_branch2c needs backward computation.
I0504 10:19:43.789330  4032 net.cpp:226] res4b2_branch2b_relu needs backward computation.
I0504 10:19:43.789336  4032 net.cpp:226] scale4b2_branch2b needs backward computation.
I0504 10:19:43.789340  4032 net.cpp:226] bn4b2_branch2b needs backward computation.
I0504 10:19:43.789343  4032 net.cpp:226] res4b2_branch2b needs backward computation.
I0504 10:19:43.789347  4032 net.cpp:226] res4b2_branch2a_relu needs backward computation.
I0504 10:19:43.789350  4032 net.cpp:226] scale4b2_branch2a needs backward computation.
I0504 10:19:43.789355  4032 net.cpp:226] bn4b2_branch2a needs backward computation.
I0504 10:19:43.789357  4032 net.cpp:226] res4b2_branch2a needs backward computation.
I0504 10:19:43.789361  4032 net.cpp:226] res4b1_res4b1_relu_0_split needs backward computation.
I0504 10:19:43.789366  4032 net.cpp:226] res4b1_relu needs backward computation.
I0504 10:19:43.789369  4032 net.cpp:226] res4b1 needs backward computation.
I0504 10:19:43.789373  4032 net.cpp:226] scale4b1_branch2c needs backward computation.
I0504 10:19:43.789378  4032 net.cpp:226] bn4b1_branch2c needs backward computation.
I0504 10:19:43.789382  4032 net.cpp:226] res4b1_branch2c needs backward computation.
I0504 10:19:43.789386  4032 net.cpp:226] res4b1_branch2b_relu needs backward computation.
I0504 10:19:43.789389  4032 net.cpp:226] scale4b1_branch2b needs backward computation.
I0504 10:19:43.789393  4032 net.cpp:226] bn4b1_branch2b needs backward computation.
I0504 10:19:43.789397  4032 net.cpp:226] res4b1_branch2b needs backward computation.
I0504 10:19:43.789400  4032 net.cpp:226] res4b1_branch2a_relu needs backward computation.
I0504 10:19:43.789403  4032 net.cpp:226] scale4b1_branch2a needs backward computation.
I0504 10:19:43.789407  4032 net.cpp:226] bn4b1_branch2a needs backward computation.
I0504 10:19:43.789410  4032 net.cpp:226] res4b1_branch2a needs backward computation.
I0504 10:19:43.789414  4032 net.cpp:226] res4a_res4a_relu_0_split needs backward computation.
I0504 10:19:43.789418  4032 net.cpp:226] res4a_relu needs backward computation.
I0504 10:19:43.789422  4032 net.cpp:226] res4a needs backward computation.
I0504 10:19:43.789428  4032 net.cpp:226] scale4a_branch2c needs backward computation.
I0504 10:19:43.789433  4032 net.cpp:226] bn4a_branch2c needs backward computation.
I0504 10:19:43.789436  4032 net.cpp:226] res4a_branch2c needs backward computation.
I0504 10:19:43.789440  4032 net.cpp:226] res4a_branch2b_relu needs backward computation.
I0504 10:19:43.789444  4032 net.cpp:226] scale4a_branch2b needs backward computation.
I0504 10:19:43.789448  4032 net.cpp:226] bn4a_branch2b needs backward computation.
I0504 10:19:43.789451  4032 net.cpp:226] res4a_branch2b needs backward computation.
I0504 10:19:43.789454  4032 net.cpp:226] res4a_branch2a_relu needs backward computation.
I0504 10:19:43.789458  4032 net.cpp:226] scale4a_branch2a needs backward computation.
I0504 10:19:43.789463  4032 net.cpp:226] bn4a_branch2a needs backward computation.
I0504 10:19:43.789465  4032 net.cpp:226] res4a_branch2a needs backward computation.
I0504 10:19:43.789469  4032 net.cpp:226] scale4a_branch1 needs backward computation.
I0504 10:19:43.789474  4032 net.cpp:226] bn4a_branch1 needs backward computation.
I0504 10:19:43.789476  4032 net.cpp:226] res4a_branch1 needs backward computation.
I0504 10:19:43.789481  4032 net.cpp:226] res3b3_res3b3_relu_0_split needs backward computation.
I0504 10:19:43.789486  4032 net.cpp:226] res3b3_relu needs backward computation.
I0504 10:19:43.789490  4032 net.cpp:226] res3b3 needs backward computation.
I0504 10:19:43.789495  4032 net.cpp:226] scale3b3_branch2c needs backward computation.
I0504 10:19:43.789499  4032 net.cpp:226] bn3b3_branch2c needs backward computation.
I0504 10:19:43.789502  4032 net.cpp:226] res3b3_branch2c needs backward computation.
I0504 10:19:43.789506  4032 net.cpp:226] res3b3_branch2b_relu needs backward computation.
I0504 10:19:43.789510  4032 net.cpp:226] scale3b3_branch2b needs backward computation.
I0504 10:19:43.789513  4032 net.cpp:226] bn3b3_branch2b needs backward computation.
I0504 10:19:43.789516  4032 net.cpp:226] res3b3_branch2b needs backward computation.
I0504 10:19:43.789520  4032 net.cpp:226] res3b3_branch2a_relu needs backward computation.
I0504 10:19:43.789525  4032 net.cpp:226] scale3b3_branch2a needs backward computation.
I0504 10:19:43.789527  4032 net.cpp:226] bn3b3_branch2a needs backward computation.
I0504 10:19:43.789531  4032 net.cpp:226] res3b3_branch2a needs backward computation.
I0504 10:19:43.789535  4032 net.cpp:226] res3b2_res3b2_relu_0_split needs backward computation.
I0504 10:19:43.789539  4032 net.cpp:226] res3b2_relu needs backward computation.
I0504 10:19:43.789542  4032 net.cpp:226] res3b2 needs backward computation.
I0504 10:19:43.789546  4032 net.cpp:226] scale3b2_branch2c needs backward computation.
I0504 10:19:43.789551  4032 net.cpp:226] bn3b2_branch2c needs backward computation.
I0504 10:19:43.789553  4032 net.cpp:226] res3b2_branch2c needs backward computation.
I0504 10:19:43.789557  4032 net.cpp:226] res3b2_branch2b_relu needs backward computation.
I0504 10:19:43.789561  4032 net.cpp:226] scale3b2_branch2b needs backward computation.
I0504 10:19:43.789564  4032 net.cpp:226] bn3b2_branch2b needs backward computation.
I0504 10:19:43.789567  4032 net.cpp:226] res3b2_branch2b needs backward computation.
I0504 10:19:43.789572  4032 net.cpp:226] res3b2_branch2a_relu needs backward computation.
I0504 10:19:43.789574  4032 net.cpp:226] scale3b2_branch2a needs backward computation.
I0504 10:19:43.789577  4032 net.cpp:226] bn3b2_branch2a needs backward computation.
I0504 10:19:43.789582  4032 net.cpp:226] res3b2_branch2a needs backward computation.
I0504 10:19:43.789585  4032 net.cpp:226] res3b1_res3b1_relu_0_split needs backward computation.
I0504 10:19:43.789588  4032 net.cpp:226] res3b1_relu needs backward computation.
I0504 10:19:43.789592  4032 net.cpp:226] res3b1 needs backward computation.
I0504 10:19:43.789597  4032 net.cpp:226] scale3b1_branch2c needs backward computation.
I0504 10:19:43.789602  4032 net.cpp:226] bn3b1_branch2c needs backward computation.
I0504 10:19:43.789605  4032 net.cpp:226] res3b1_branch2c needs backward computation.
I0504 10:19:43.789609  4032 net.cpp:226] res3b1_branch2b_relu needs backward computation.
I0504 10:19:43.789613  4032 net.cpp:226] scale3b1_branch2b needs backward computation.
I0504 10:19:43.789618  4032 net.cpp:226] bn3b1_branch2b needs backward computation.
I0504 10:19:43.789620  4032 net.cpp:226] res3b1_branch2b needs backward computation.
I0504 10:19:43.789626  4032 net.cpp:226] res3b1_branch2a_relu needs backward computation.
I0504 10:19:43.789630  4032 net.cpp:226] scale3b1_branch2a needs backward computation.
I0504 10:19:43.789634  4032 net.cpp:226] bn3b1_branch2a needs backward computation.
I0504 10:19:43.789638  4032 net.cpp:226] res3b1_branch2a needs backward computation.
I0504 10:19:43.789641  4032 net.cpp:226] res3a_res3a_relu_0_split needs backward computation.
I0504 10:19:43.789645  4032 net.cpp:226] res3a_relu needs backward computation.
I0504 10:19:43.789649  4032 net.cpp:226] res3a needs backward computation.
I0504 10:19:43.789654  4032 net.cpp:226] scale3a_branch2c needs backward computation.
I0504 10:19:43.789659  4032 net.cpp:226] bn3a_branch2c needs backward computation.
I0504 10:19:43.789662  4032 net.cpp:226] res3a_branch2c needs backward computation.
I0504 10:19:43.789666  4032 net.cpp:226] res3a_branch2b_relu needs backward computation.
I0504 10:19:43.789670  4032 net.cpp:226] scale3a_branch2b needs backward computation.
I0504 10:19:43.789674  4032 net.cpp:226] bn3a_branch2b needs backward computation.
I0504 10:19:43.789677  4032 net.cpp:226] res3a_branch2b needs backward computation.
I0504 10:19:43.789682  4032 net.cpp:226] res3a_branch2a_relu needs backward computation.
I0504 10:19:43.789686  4032 net.cpp:226] scale3a_branch2a needs backward computation.
I0504 10:19:43.789690  4032 net.cpp:226] bn3a_branch2a needs backward computation.
I0504 10:19:43.789695  4032 net.cpp:226] res3a_branch2a needs backward computation.
I0504 10:19:43.789700  4032 net.cpp:226] scale3a_branch1 needs backward computation.
I0504 10:19:43.789705  4032 net.cpp:226] bn3a_branch1 needs backward computation.
I0504 10:19:43.789707  4032 net.cpp:226] res3a_branch1 needs backward computation.
I0504 10:19:43.789712  4032 net.cpp:228] res2c_res2c_relu_0_split does not need backward computation.
I0504 10:19:43.789716  4032 net.cpp:228] res2c_relu does not need backward computation.
I0504 10:19:43.789721  4032 net.cpp:228] res2c does not need backward computation.
I0504 10:19:43.789726  4032 net.cpp:228] scale2c_branch2c does not need backward computation.
I0504 10:19:43.789729  4032 net.cpp:228] bn2c_branch2c does not need backward computation.
I0504 10:19:43.789733  4032 net.cpp:228] res2c_branch2c does not need backward computation.
I0504 10:19:43.789737  4032 net.cpp:228] res2c_branch2b_relu does not need backward computation.
I0504 10:19:43.789741  4032 net.cpp:228] scale2c_branch2b does not need backward computation.
I0504 10:19:43.789746  4032 net.cpp:228] bn2c_branch2b does not need backward computation.
I0504 10:19:43.789749  4032 net.cpp:228] res2c_branch2b does not need backward computation.
I0504 10:19:43.789753  4032 net.cpp:228] res2c_branch2a_relu does not need backward computation.
I0504 10:19:43.789757  4032 net.cpp:228] scale2c_branch2a does not need backward computation.
I0504 10:19:43.789760  4032 net.cpp:228] bn2c_branch2a does not need backward computation.
I0504 10:19:43.789764  4032 net.cpp:228] res2c_branch2a does not need backward computation.
I0504 10:19:43.789769  4032 net.cpp:228] res2b_res2b_relu_0_split does not need backward computation.
I0504 10:19:43.789773  4032 net.cpp:228] res2b_relu does not need backward computation.
I0504 10:19:43.789777  4032 net.cpp:228] res2b does not need backward computation.
I0504 10:19:43.789782  4032 net.cpp:228] scale2b_branch2c does not need backward computation.
I0504 10:19:43.789785  4032 net.cpp:228] bn2b_branch2c does not need backward computation.
I0504 10:19:43.789789  4032 net.cpp:228] res2b_branch2c does not need backward computation.
I0504 10:19:43.789793  4032 net.cpp:228] res2b_branch2b_relu does not need backward computation.
I0504 10:19:43.789798  4032 net.cpp:228] scale2b_branch2b does not need backward computation.
I0504 10:19:43.789801  4032 net.cpp:228] bn2b_branch2b does not need backward computation.
I0504 10:19:43.789804  4032 net.cpp:228] res2b_branch2b does not need backward computation.
I0504 10:19:43.789808  4032 net.cpp:228] res2b_branch2a_relu does not need backward computation.
I0504 10:19:43.789813  4032 net.cpp:228] scale2b_branch2a does not need backward computation.
I0504 10:19:43.789816  4032 net.cpp:228] bn2b_branch2a does not need backward computation.
I0504 10:19:43.789819  4032 net.cpp:228] res2b_branch2a does not need backward computation.
I0504 10:19:43.789824  4032 net.cpp:228] res2a_res2a_relu_0_split does not need backward computation.
I0504 10:19:43.789829  4032 net.cpp:228] res2a_relu does not need backward computation.
I0504 10:19:43.789832  4032 net.cpp:228] res2a does not need backward computation.
I0504 10:19:43.789836  4032 net.cpp:228] scale2a_branch2c does not need backward computation.
I0504 10:19:43.789840  4032 net.cpp:228] bn2a_branch2c does not need backward computation.
I0504 10:19:43.789844  4032 net.cpp:228] res2a_branch2c does not need backward computation.
I0504 10:19:43.789849  4032 net.cpp:228] res2a_branch2b_relu does not need backward computation.
I0504 10:19:43.789851  4032 net.cpp:228] scale2a_branch2b does not need backward computation.
I0504 10:19:43.789855  4032 net.cpp:228] bn2a_branch2b does not need backward computation.
I0504 10:19:43.789860  4032 net.cpp:228] res2a_branch2b does not need backward computation.
I0504 10:19:43.789863  4032 net.cpp:228] res2a_branch2a_relu does not need backward computation.
I0504 10:19:43.789867  4032 net.cpp:228] scale2a_branch2a does not need backward computation.
I0504 10:19:43.789871  4032 net.cpp:228] bn2a_branch2a does not need backward computation.
I0504 10:19:43.789875  4032 net.cpp:228] res2a_branch2a does not need backward computation.
I0504 10:19:43.789880  4032 net.cpp:228] scale2a_branch1 does not need backward computation.
I0504 10:19:43.789882  4032 net.cpp:228] bn2a_branch1 does not need backward computation.
I0504 10:19:43.789886  4032 net.cpp:228] res2a_branch1 does not need backward computation.
I0504 10:19:43.789891  4032 net.cpp:228] pool1_pool1_0_split does not need backward computation.
I0504 10:19:43.789897  4032 net.cpp:228] pool1 does not need backward computation.
I0504 10:19:43.789902  4032 net.cpp:228] conv1_relu does not need backward computation.
I0504 10:19:43.789906  4032 net.cpp:228] scale_conv1 does not need backward computation.
I0504 10:19:43.789909  4032 net.cpp:228] bn_conv1 does not need backward computation.
I0504 10:19:43.789913  4032 net.cpp:228] conv1 does not need backward computation.
I0504 10:19:43.789918  4032 net.cpp:228] gt_boxes_input-data_2_split does not need backward computation.
I0504 10:19:43.789922  4032 net.cpp:228] im_info_input-data_1_split does not need backward computation.
I0504 10:19:43.789927  4032 net.cpp:228] data_input-data_0_split does not need backward computation.
I0504 10:19:43.789932  4032 net.cpp:228] input-data does not need backward computation.
I0504 10:19:43.789935  4032 net.cpp:270] This network produces output accuarcy
I0504 10:19:43.789939  4032 net.cpp:270] This network produces output loss_bbox
I0504 10:19:43.789944  4032 net.cpp:270] This network produces output loss_cls
I0504 10:19:43.789948  4032 net.cpp:270] This network produces output rpn_cls_loss
I0504 10:19:43.789952  4032 net.cpp:270] This network produces output rpn_loss_bbox
I0504 10:19:43.790223  4032 net.cpp:283] Network initialization done.
I0504 10:19:43.791123  4032 solver.cpp:60] Solver scaffolding done.
Loading pretrained model weights from data/imagenet_models/ResNet-50-model.caffemodel
I0504 10:19:44.208214  4032 upgrade_proto.cpp:66] Attempting to upgrade input file specified using deprecated input fields: data/imagenet_models/ResNet-50-model.caffemodel
I0504 10:19:44.208237  4032 upgrade_proto.cpp:69] Successfully upgraded file specified using deprecated input fields.
W0504 10:19:44.208250  4032 upgrade_proto.cpp:71] Note that future Caffe releases will only support input layers and not input fields.
I0504 10:19:44.208253  4032 net.cpp:774] Copying source layer conv1
F0504 10:19:44.208268  4032 net.cpp:777] Check failed: target_blobs.size() == source_layer.blobs_size() (1 vs. 2) Incompatible number of blobs for layer conv1
*** Check failure stack trace: ***
./experiments/scripts/couplenet_end2end_ohem.sh: line 58:  4032 Aborted                 (core dumped) ./tools/train_net.py --gpu ${GPU_ID} --solver models/${PT_DIR}/${NET}/couplenet_end2end/solver_ohem.prototxt --weights data/imagenet_models/${NET}-model.caffemodel --imdb ${TRAIN_IMDB} --iters ${ITERS} --cfg experiments/cfgs/couplenet_end2end_ohem.yml ${EXTRA_ARGS}`

from couplenet.

yousongzhu avatar yousongzhu commented on August 15, 2024

The given train_agnostic_ohem.prototxt is based on ResNet101. I suggest carefully comparing the prototxt files of your network and the pre-trained net you're copying params from

from couplenet.

z362194037 avatar z362194037 commented on August 15, 2024

I use resnet-101 and it get work
thanks for your help

from couplenet.

Related Issues (9)

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.