GithubHelp home page GithubHelp logo

rksltnl / deep-metric-learning-cvpr16 Goto Github PK

View Code? Open in Web Editor NEW
340.0 340.0 122.0 41 KB

Main repository for Deep Metric Learning via Lifted Structured Feature Embedding

License: MIT License

MATLAB 53.92% Python 3.38% C++ 41.92% Forth 0.78%

deep-metric-learning-cvpr16's People

Contributors

jaekyeom avatar rksltnl avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

deep-metric-learning-cvpr16's Issues

compile.m fails

When running modified compile.m, error occurs that:

path/to/serialized_pairs_to_leveldb.cpp:14:22: fatal error: caffe.pb.h: No such file or directory
 #include "caffe.pb.h"
                      ^
compilation terminated.

And change -L/path/to/caffe/build/src/caffe/proto tag to -I/path/to/caffe/build/src/caffe/proto will find "caffe.pb.h", and it works.

Besides, imageset_to_leveldb.cpp to compile is lost, have you changed its name to serialized_triplets_to_leveldb.cpp?

small image error

My dataset images are height:128 width:64. when I set config.preprocessing.squre_size is 256,and caffenet prototxt crop size:227. It will call "Check failed: datum height is >= crop size", what can I do to adjust my image crop size?

Out of memory

When using gen_images.m on my own dataset, there is an matlab error named :out of memory...Did anyone meet this problem? And what can I do to solve the problem?

missing nagetive_sampler implementation

Hi

it seems that this project miss the nagetive_sampler implemetation.

%% negative examples

num_negs_per_image = ceil(num_pos_pairs / num_images);
neg_pairs = zeros(num_negs_per_image * num_images, 2);
neg_class = zeros(num_negs_per_image * num_images, 2);
insert_idx = 1;
for class_id = class_list
    fprintf('class: %d\n', class_id);
    image_ids = dict(class_id);
    sampled_neg_ids = negative_sampler(num_images, image_ids, ...
        num_negs_per_image);
    neg_pairs(insert_idx:insert_idx + length(sampled_neg_ids)-1, :) = ...
        sampled_neg_ids;
    neg_class(insert_idx:insert_idx + length(sampled_neg_ids)-1, 1) = ...
        class_id;
    for j = 1:length(sampled_neg_ids)
        neg_class(insert_idx+j-1,2) = dict_reverse(sampled_neg_ids(j,2));
        assert(neg_class(insert_idx+j-1) == dict_reverse(sampled_neg_ids(j,1)));
    end
        
    insert_idx = insert_idx + length(sampled_neg_ids);
end

code reference

Thanks.

k

GIF's in the Ebay dataset

Hi,
It happens there're 6 GIF's in the dataset that confuses other languages trying to decompress a JPEG:

data/Stanford_Online_Products/lamp_final/271802113987_2.JPG GIF 400x400 400x400+0+0 8-bit sRGB 256c 57KB 0.000u 0:00.000
data/Stanford_Online_Products/lamp_final/221777566426_7.JPG GIF 400x400 400x400+0+0 8-bit sRGB 256c 93.3KB 0.000u 0:00.000
data/Stanford_Online_Products/fan_final/280961317122_7.JPG GIF 167x400 167x400+0+0 8-bit sRGB 256c 31.7KB 0.000u 0:00.000
data/Stanford_Online_Products/fan_final/131546166499_5.JPG GIF 500x500 500x500+0+0 8-bit sRGB 256c 59.4KB 0.000u 0:00.000
data/Stanford_Online_Products/coffee_maker_final/291488772961_1.JPG GIF 500x500 500x500+0+0 8-bit sRGB 256c 80.9KB 0.000u 0:00.000
data/Stanford_Online_Products/bicycle_final/231588927256_1.JPG GIF 400x250 400x250+0+0 8-bit sRGB 256c 47.6KB 0.000u 0:00.000

I'll convert these using ImageMagick, but to avoid surprises of future users of the dataset, it might be beneficial to update the distributed zip file.

Invalid MEX-file '/home/rpk/caffe_set/Deep-Metric-Learning-CVPR16/Caffe-Deep-Metric-Learning-CVPR16/matlab/code/serialized_pairs_to_leveldb.mexa64': libcaffe.so: cannot open shared object file: No such file or directory

getenv('LD_LIBRARY_PATH')
/usr/local/MATLAB/R2014b/sys/os/glnxa64:/usr/local/MATLAB/R2014b/bin/glnxa64:/usr/local/MATLAB/R2014b/extern/lib/glnxa64:/usr/local/MATLAB/R2014b/runtime/glnxa64:/usr/local/MATLAB/R2014b/sys/java/jre/glnxa64/jre/lib/amd64/native_threads:/usr/local/MATLAB/R2014b/sys/java/jre/glnxa64/jre/lib/amd64/server:/home/rpk/caffe_set/Deep-Metric-Learning-CVPR16/Caffe-Deep-Metric-Learning-CVPR16/.build_release/lib

run the compile.m failed

When running modified compile.m, the errors are as follows:
error

The caffe has been installed correctly. How can I solved this problem?

Thanks.

generate data

Hi!
Recently, we want to re-implemented the source code, while you didn’t provide some some .mat files, including "splits.mat", "training_images_crop15_square256.mat" and "validation_images_crop15_square256.mat". Since these files represent the details of the data structure, could you please release an simple example (for example, 10 or 100 images) of this part? Or could you sent me these .mat files? Thanks a lot for your kind help!

Best regards!

why shift the cost for negative samples before applying exponent?

Hi there,
in lines 127 to 131 in your loss layer implementation you calculate the argument of the exponent in

equation 4

Dtype max_elem = *std::max_element(loss_aug_inference_.cpu_data(), loss_aug_inference_.cpu_data() + num_negatives);
caffe_add_scalar(loss_aug_inference_.count(),
    Dtype(-1.0)*max_elem, // shift
    loss_aug_inference_.mutable_cpu_data());
caffe_exp(loss_aug_inference_.count(), loss_aug_inference_.mutable_cpu_data(), loss_aug_inference_.mutable_cpu_data());
Dtype soft_maximum = log(caffe_cpu_dot(num_negatives, summer_vec_.cpu_data(), loss_aug_inference_.mutable_cpu_data()))
    + max_elem; // shift back

However, you shift it by the maximum element of codecogseqn 1 such that it is in the range [-inf, 0] when applying the exponent. Later, in line 131, you shift it back after applying the logarithm. I can not find any mentioning of this in your paper.

Could you please elaborate on this?

mex compilation fails

I am using Ubuntu 16.04. I configured Matlab 2016a to use g++ 4.7 after compiling the Caffe submodule successfully with g++ 5.4. I install libprotobuf-dev with apt.

gavin@workstation:~/Deep-Metric-Learning-CVPR16/code$ mex imageset_to_leveldb.cpp -lcaffe -lglog -lgflags -lprotobuf -lleveldb -llmdb -L/home/gavin/Deep-Metric-Learning-CVPR16/Caffe-Deep-Metric-Learning-CVPR16/build/lib -I/home/gavin/Deep-Metric-Learning-CVPR16/Caffe-Deep-Metric-Learning-CVPR16/build/src/caffe/proto
Building with 'g++'.
/tmp/mex_41527687748514_5830/imageset_to_leveldb.o: In function `process(unsigned char*, int, int, int, char const*)':
imageset_to_leveldb.cpp:(.text+0x5b8): undefined reference to `google::protobuf::internal::kEmptyString'
imageset_to_leveldb.cpp:(.text+0x616): undefined reference to `google::protobuf::MessageLite::SerializeToString(std::string*) const'
/tmp/mex_41527687748514_5830/imageset_to_leveldb.o: In function `std::string* google::MakeCheckOpString<int, int>(int const&, int const&, char const*)':
imageset_to_leveldb.cpp:(.text._ZN6google17MakeCheckOpStringIiiEEPSsRKT_RKT0_PKc[_ZN6google17MakeCheckOpStringIiiEEPSsRKT_RKT0_PKc]+0x42): undefined reference to `google::base::CheckOpMessageBuilder::NewString()'
collect2: error: ld returned 1 exit status

solver files for CUB-200-2011

Hi,

I noticed that the pretrained models for CUB have baselr_1E-6 in their names. Have you used learning rate 1e-6 for this dataset? If possible, could you post the parameters (or whole solver files) used for training on CUB?

Thanks,
Vadim

gen_caffe_dataset_multilabel_m128.m run error

执行gen_caffe_dataset_multilabel_m128.m 的时候报错:
Deleted 31 data pairs from negatives for batch divisibility
Writing level db..
Invalid MEX-file '/home/yja/caffecode/lifted_caffe/code/serialized_pairs_to_leveldb.mexa64':
libcaffe.so.1.0.0-rc3: cannot open shared object file: No such file or directory
Error in gen_caffe_dataset_multilabel_m128 (line 88)
但是已经做了compile.m 生成了serialized_pairs_to_leveldb.mexa64。希望您帮看下,谢谢!

Lower values of recall@k than reported on the paper

I tried the Stanford Online Products Dataset's test set on the pretrained model and obtained the following results:

Recall at 1 = 0.368929952729
Recall at 10 = 0.635218670457
Recall at 100 = 0.79597368682
Recall at 1000 = 0.907060923606

These values seem to be less than those reported on the CVPR paper, Fig. 9. What could be the reason for this?

GPU issue

Hi

I got the following error when compile caffe using CPU mode only:
STUB_GPU(LiftedStructSimilaritySoftmaxLossLayer);
^
make: *** [.build_release/src/caffe/layers/lifted_struct_similarity_softmax_layer.o] Error 1

Is there only GPU mode ?

Thanks

Some questions

Hi
I am trying to use this method to my own datasets.
I have run the matlab code with Stanford_Online_Products dataset, and it seems work well.

And I have some questions as follow:

  1. If the dataset is very large, such as 1 millon images, the sum of pos pairs and neg pairs will be more than 1 billion. Using the training batch size 128, it will take more than 70000 iterations to consume all samples. Is it true?
  2. It said "the fully connected layer was initialized with random weights" in the paper, but I got the nan value of bottom_data1 when fineturning from my model. I changed it to initialize from the network pretrained, it work well and the test loss value decreases step by step. Is it right?

Thank you!

Compile failed

Does anybody have this problem?When I ran "make all -j8", it failed as follow:
Any help will be appreciated!

src/caffe/layers/cudnn_sigmoid_layer.cu(13): error: argument of type "cudnnActivationMode_t" is incompatible with parameter of type "cudnnActivationDescriptor_t"
detected during instantiation of "void caffe::CuDNNSigmoidLayer::Forward_gpu(const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &, const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &) [with Dtype=float]"
(42): here

src/caffe/layers/cudnn_sigmoid_layer.cu(33): error: argument of type "cudnnActivationMode_t" is incompatible with parameter of type "cudnnActivationDescriptor_t"
detected during instantiation of "void caffe::CuDNNSigmoidLayer::Backward_gpu(const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &, const std::vector<__nv_bool, std::allocator<__nv_bool>> &, const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &) [with Dtype=float]"
(42): here

src/caffe/layers/cudnn_sigmoid_layer.cu(13): error: argument of type "cudnnActivationMode_t" is incompatible with parameter of type "cudnnActivationDescriptor_t"
detected during instantiation of "void caffe::CuDNNSigmoidLayer::Forward_gpu(const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &, const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &) [with Dtype=double]"
(42): here

src/caffe/layers/cudnn_sigmoid_layer.cu(33): error: argument of type "cudnnActivationMode_t" is incompatible with parameter of type "cudnnActivationDescriptor_t"
detected during instantiation of "void caffe::CuDNNSigmoidLayer::Backward_gpu(const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &, const std::vector<__nv_bool, std::allocator<__nv_bool>> &, const std::vector<caffe::Blob *, std::allocator<caffe::Blob *>> &) [with Dtype=double]"
(42): here

4 errors detected in the compilation of "/tmp/tmpxft_00000c98_00000000-13_cudnn_sigmoid_layer.compute_50.cpp1.ii".
make: *** [.build_release/cuda/src/caffe/layers/cudnn_sigmoid_layer.o] 错误 1
make: *** 正在等待未完成的任务....

Question about mining pairs

This is a more generic algorithmic question. In your paper, you say:

We sample a few positive pairs at random, and then actively add their difficult neighbors to the training mini-batch.

I was wondering if you could explain more how you "add their difficult neighbors". I imagine that would mean finding the n nearest embedded neighbors of each of the constituents of the positive pairs. But how are you computing this efficiently? The most naive approach would be to predict on the entire dataset between each minibatch, but I figure that's probably overkill. Another way would be to store embeddings for each datapoint every time they appear in a minibatch, and find nearest neighbors using these embddings -- understanding the caveat that the embeddings are not totally up to date.

I'm planning on playing around with this but thought I'd ask your advice as well.

loss = nan when setting embedding size to 64

Hi,
At first time, when I set the learning rate = 0.01, the loss shows nan for all kinds of embedding size. Therefore, I decrease the learning rate to 0.0001. It works for all embedding size except 64. Could you help me to check it? Attached is the log when embedding size = 64.

Another thing is that I did't follow your procedure to generate the lmdb data because you don't have too many documentations about the input organization or format for your Matlab code. So, I use the image data layer at the beginning of the network. I just wanna make sure it won't conflict with the loss layer you implemented.

(update)
Finally, loss = nan for all kinds of embedding size.

Best regards,
Zhan

I0709 01:02:44.728183 11133 caffe.cpp:185] Using GPUs 5
I0709 01:02:44.777431 11133 caffe.cpp:190] GPU 5: Tesla K80
I0709 01:02:45.141552 11133 solver.cpp:48] Initializing solver from parameters: 
base_lr: 0.0001
display: 10
max_iter: 200000
lr_policy: "step"
gamma: 0.1
momentum: 0.9
weight_decay: 0.0002
stepsize: 100000
snapshot: 6636
snapshot_prefix: "/home/hikvision/shizhan/Deep-Metric-Learning-CVPR16-master/result/v3_lifted_64/"
solver_mode: GPU
device_id: 5
net: "/home/hikvision/shizhan/Deep-Metric-Learning-CVPR16-master/my_model/inceptionv3_lifted_64_trainval.prototxt"
average_loss: 10
iter_size: 1
I0709 01:02:45.141763 11133 solver.cpp:91] Creating training net from net file: /home/hikvision/shizhan/Deep-Metric-Learning-CVPR16-master/my_model/inceptionv3_lifted_64_trainval.prototxt
I0709 01:02:45.149375 11133 net.cpp:49] Initializing net from parameters: 
name: "Inception_v3"
state {
  phase: TRAIN
}
layer {
  name: "data"
  type: "ImageData"
  top: "data"
  top: "label"
  transform_param {
    mirror: true
    crop_size: 299
    mean_value: 103.94
    mean_value: 116.78
    mean_value: 123.68
  }
  image_data_param {
    source: "/home/hikvision/shizhan/Deep-Metric-Learning-CVPR16-master/train.txt"
    batch_size: 32
    new_height: 320
    new_width: 320
  }
}
layer {
  name: "conv1_1"
  type: "Convolution"
  bottom: "data"
  top: "conv1_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 32
    bias_term: false
    pad: 0
    kernel_size: 3
    stride: 2
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv1_1/bn"
  type: "LBN"
  bottom: "conv1_1"
  top: "conv1_1/bn"
}
layer {
  name: "relu1_1"
  type: "ReLU"
  bottom: "conv1_1/bn"
  top: "conv1_1/bn"
}
layer {
  name: "conv1_2"
  type: "Convolution"
  bottom: "conv1_1/bn"
  top: "conv1_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 32
    bias_term: false
    pad: 0
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv1_2/bn"
  type: "LBN"
  bottom: "conv1_2"
  top: "conv1_2/bn"
}
layer {
  name: "relu1_2"
  type: "ReLU"
  bottom: "conv1_2/bn"
  top: "conv1_2/bn"
}
layer {
  name: "conv1_3"
  type: "Convolution"
  bottom: "conv1_2/bn"
  top: "conv1_3"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv1_3/bn"
  type: "LBN"
  bottom: "conv1_3"
  top: "conv1_3/bn"
}
layer {
  name: "relu1_3"
  type: "ReLU"
  bottom: "conv1_3/bn"
  top: "conv1_3/bn"
}
layer {
  name: "pool1"
  type: "Pooling"
  bottom: "conv1_3/bn"
  top: "pool1"
  pooling_param {
    pool: MAX
    kernel_size: 3
    stride: 2
  }
}
layer {
  name: "conv2_1"
  type: "Convolution"
  bottom: "pool1"
  top: "conv2_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 80
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv2_1/bn"
  type: "LBN"
  bottom: "conv2_1"
  top: "conv2_1/bn"
}
layer {
  name: "relu2_1"
  type: "ReLU"
  bottom: "conv2_1/bn"
  top: "conv2_1/bn"
}
layer {
  name: "conv2_2"
  type: "Convolution"
  bottom: "conv2_1/bn"
  top: "conv2_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv2_2/bn"
  type: "LBN"
  bottom: "conv2_2"
  top: "conv2_2/bn"
}
layer {
  name: "relu2_2"
  type: "ReLU"
  bottom: "conv2_2/bn"
  top: "conv2_2/bn"
}
layer {
  name: "pool2"
  type: "Pooling"
  bottom: "conv2_2/bn"
  top: "pool2"
  pooling_param {
    pool: MAX
    kernel_size: 3
    stride: 2
  }
}
layer {
  name: "conv3a_t1_1x1"
  type: "Convolution"
  bottom: "pool2"
  top: "conv3a_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t1_1x1/bn"
  type: "LBN"
  bottom: "conv3a_t1_1x1"
  top: "conv3a_t1_1x1/bn"
}
layer {
  name: "relu3a_t1_1x1"
  type: "ReLU"
  bottom: "conv3a_t1_1x1/bn"
  top: "conv3a_t1_1x1/bn"
}
layer {
  name: "conv3a_t2_1x1"
  type: "Convolution"
  bottom: "pool2"
  top: "conv3a_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 48
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t2_1x1/bn"
  type: "LBN"
  bottom: "conv3a_t2_1x1"
  top: "conv3a_t2_1x1/bn"
}
layer {
  name: "relu3a_t2_1x1"
  type: "ReLU"
  bottom: "conv3a_t2_1x1/bn"
  top: "conv3a_t2_1x1/bn"
}
layer {
  name: "conv3a_t2_5x5"
  type: "Convolution"
  bottom: "conv3a_t2_1x1/bn"
  top: "conv3a_t2_5x5"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    pad: 2
    kernel_size: 5
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t2_5x5/bn"
  type: "LBN"
  bottom: "conv3a_t2_5x5"
  top: "conv3a_t2_5x5/bn"
}
layer {
  name: "relu3a_t2_5x5"
  type: "ReLU"
  bottom: "conv3a_t2_5x5/bn"
  top: "conv3a_t2_5x5/bn"
}
layer {
  name: "conv3a_t3_1x1"
  type: "Convolution"
  bottom: "pool2"
  top: "conv3a_t3_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t3_1x1/bn"
  type: "LBN"
  bottom: "conv3a_t3_1x1"
  top: "conv3a_t3_1x1/bn"
}
layer {
  name: "relu3a_t3_1x1"
  type: "ReLU"
  bottom: "conv3a_t3_1x1/bn"
  top: "conv3a_t3_1x1/bn"
}
layer {
  name: "conv3a_t3_3x3_1"
  type: "Convolution"
  bottom: "conv3a_t3_1x1/bn"
  top: "conv3a_t3_3x3_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t3_3x3_1/bn"
  type: "LBN"
  bottom: "conv3a_t3_3x3_1"
  top: "conv3a_t3_3x3_1/bn"
}
layer {
  name: "relu3a_t3_3x3_1"
  type: "ReLU"
  bottom: "conv3a_t3_3x3_1/bn"
  top: "conv3a_t3_3x3_1/bn"
}
layer {
  name: "conv3a_t3_3x3_2"
  type: "Convolution"
  bottom: "conv3a_t3_3x3_1/bn"
  top: "conv3a_t3_3x3_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t3_3x3_2/bn"
  type: "LBN"
  bottom: "conv3a_t3_3x3_2"
  top: "conv3a_t3_3x3_2/bn"
}
layer {
  name: "relu3a_t3_3x3_2"
  type: "ReLU"
  bottom: "conv3a_t3_3x3_2/bn"
  top: "conv3a_t3_3x3_2/bn"
}
layer {
  name: "conv3a_t4_pool"
  type: "Pooling"
  bottom: "pool2"
  top: "conv3a_t4_pool"
  pooling_param {
    pool: AVE
    kernel_size: 3
    stride: 1
    pad: 1
  }
}
layer {
  name: "conv3a_t4_1x1"
  type: "Convolution"
  bottom: "conv3a_t4_pool"
  top: "conv3a_t4_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 32
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3a_t4_1x1/bn"
  type: "LBN"
  bottom: "conv3a_t4_1x1"
  top: "conv3a_t4_1x1/bn"
}
layer {
  name: "relu3a_t4_1x1"
  type: "ReLU"
  bottom: "conv3a_t4_1x1/bn"
  top: "conv3a_t4_1x1/bn"
}
layer {
  name: "inception_3a"
  type: "Concat"
  bottom: "conv3a_t1_1x1/bn"
  bottom: "conv3a_t2_5x5/bn"
  bottom: "conv3a_t3_3x3_2/bn"
  bottom: "conv3a_t4_1x1/bn"
  top: "inception_3a"
}
layer {
  name: "conv3b_t1_1x1"
  type: "Convolution"
  bottom: "inception_3a"
  top: "conv3b_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t1_1x1/bn"
  type: "LBN"
  bottom: "conv3b_t1_1x1"
  top: "conv3b_t1_1x1/bn"
}
layer {
  name: "relu3b_t1_1x1"
  type: "ReLU"
  bottom: "conv3b_t1_1x1/bn"
  top: "conv3b_t1_1x1/bn"
}
layer {
  name: "conv3b_t2_1x1"
  type: "Convolution"
  bottom: "inception_3a"
  top: "conv3b_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 48
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t2_1x1/bn"
  type: "LBN"
  bottom: "conv3b_t2_1x1"
  top: "conv3b_t2_1x1/bn"
}
layer {
  name: "relu3b_t2_1x1"
  type: "ReLU"
  bottom: "conv3b_t2_1x1/bn"
  top: "conv3b_t2_1x1/bn"
}
layer {
  name: "conv3b_t2_5x5"
  type: "Convolution"
  bottom: "conv3b_t2_1x1/bn"
  top: "conv3b_t2_5x5"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    pad: 2
    kernel_size: 5
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t2_5x5/bn"
  type: "LBN"
  bottom: "conv3b_t2_5x5"
  top: "conv3b_t2_5x5/bn"
}
layer {
  name: "relu3b_t2_5x5"
  type: "ReLU"
  bottom: "conv3b_t2_5x5/bn"
  top: "conv3b_t2_5x5/bn"
}
layer {
  name: "conv3b_t3_1x1"
  type: "Convolution"
  bottom: "inception_3a"
  top: "conv3b_t3_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t3_1x1/bn"
  type: "LBN"
  bottom: "conv3b_t3_1x1"
  top: "conv3b_t3_1x1/bn"
}
layer {
  name: "relu3b_t3_1x1"
  type: "ReLU"
  bottom: "conv3b_t3_1x1/bn"
  top: "conv3b_t3_1x1/bn"
}
layer {
  name: "conv3b_t3_3x3_1"
  type: "Convolution"
  bottom: "conv3b_t3_1x1/bn"
  top: "conv3b_t3_3x3_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t3_3x3_1/bn"
  type: "LBN"
  bottom: "conv3b_t3_3x3_1"
  top: "conv3b_t3_3x3_1/bn"
}
layer {
  name: "relu3b_t3_3x3_1"
  type: "ReLU"
  bottom: "conv3b_t3_3x3_1/bn"
  top: "conv3b_t3_3x3_1/bn"
}
layer {
  name: "conv3b_t3_3x3_2"
  type: "Convolution"
  bottom: "conv3b_t3_3x3_1/bn"
  top: "conv3b_t3_3x3_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t3_3x3_2/bn"
  type: "LBN"
  bottom: "conv3b_t3_3x3_2"
  top: "conv3b_t3_3x3_2/bn"
}
layer {
  name: "relu3b_t3_3x3_2"
  type: "ReLU"
  bottom: "conv3b_t3_3x3_2/bn"
  top: "conv3b_t3_3x3_2/bn"
}
layer {
  name: "conv3b_t4_pool"
  type: "Pooling"
  bottom: "inception_3a"
  top: "conv3b_t4_pool"
  pooling_param {
    pool: AVE
    kernel_size: 3
    stride: 1
    pad: 1
  }
}
layer {
  name: "conv3b_t4_1x1"
  type: "Convolution"
  bottom: "conv3b_t4_pool"
  top: "conv3b_t4_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3b_t4_1x1/bn"
  type: "LBN"
  bottom: "conv3b_t4_1x1"
  top: "conv3b_t4_1x1/bn"
}
layer {
  name: "relu3b_t4_1x1"
  type: "ReLU"
  bottom: "conv3b_t4_1x1/bn"
  top: "conv3b_t4_1x1/bn"
}
layer {
  name: "inception_3b"
  type: "Concat"
  bottom: "conv3b_t1_1x1/bn"
  bottom: "conv3b_t2_5x5/bn"
  bottom: "conv3b_t3_3x3_2/bn"
  bottom: "conv3b_t4_1x1/bn"
  top: "inception_3b"
}
layer {
  name: "conv3c_t1_1x1"
  type: "Convolution"
  bottom: "inception_3b"
  top: "conv3c_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t1_1x1/bn"
  type: "LBN"
  bottom: "conv3c_t1_1x1"
  top: "conv3c_t1_1x1/bn"
}
layer {
  name: "relu3c_t1_1x1"
  type: "ReLU"
  bottom: "conv3c_t1_1x1/bn"
  top: "conv3c_t1_1x1/bn"
}
layer {
  name: "conv3c_t2_1x1"
  type: "Convolution"
  bottom: "inception_3b"
  top: "conv3c_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 48
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t2_1x1/bn"
  type: "LBN"
  bottom: "conv3c_t2_1x1"
  top: "conv3c_t2_1x1/bn"
}
layer {
  name: "relu3c_t2_1x1"
  type: "ReLU"
  bottom: "conv3c_t2_1x1/bn"
  top: "conv3c_t2_1x1/bn"
}
layer {
  name: "conv3c_t2_5x5"
  type: "Convolution"
  bottom: "conv3c_t2_1x1/bn"
  top: "conv3c_t2_5x5"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    pad: 2
    kernel_size: 5
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t2_5x5/bn"
  type: "LBN"
  bottom: "conv3c_t2_5x5"
  top: "conv3c_t2_5x5/bn"
}
layer {
  name: "relu3c_t2_5x5"
  type: "ReLU"
  bottom: "conv3c_t2_5x5/bn"
  top: "conv3c_t2_5x5/bn"
}
layer {
  name: "conv3c_t3_1x1"
  type: "Convolution"
  bottom: "inception_3b"
  top: "conv3c_t3_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t3_1x1/bn"
  type: "LBN"
  bottom: "conv3c_t3_1x1"
  top: "conv3c_t3_1x1/bn"
}
layer {
  name: "relu3c_t3_1x1"
  type: "ReLU"
  bottom: "conv3c_t3_1x1/bn"
  top: "conv3c_t3_1x1/bn"
}
layer {
  name: "conv3c_t3_3x3_1"
  type: "Convolution"
  bottom: "conv3c_t3_1x1/bn"
  top: "conv3c_t3_3x3_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t3_3x3_1/bn"
  type: "LBN"
  bottom: "conv3c_t3_3x3_1"
  top: "conv3c_t3_3x3_1/bn"
}
layer {
  name: "relu3c_t3_3x3_1"
  type: "ReLU"
  bottom: "conv3c_t3_3x3_1/bn"
  top: "conv3c_t3_3x3_1/bn"
}
layer {
  name: "conv3c_t3_3x3_2"
  type: "Convolution"
  bottom: "conv3c_t3_3x3_1/bn"
  top: "conv3c_t3_3x3_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t3_3x3_2/bn"
  type: "LBN"
  bottom: "conv3c_t3_3x3_2"
  top: "conv3c_t3_3x3_2/bn"
}
layer {
  name: "relu3c_t3_3x3_2"
  type: "ReLU"
  bottom: "conv3c_t3_3x3_2/bn"
  top: "conv3c_t3_3x3_2/bn"
}
layer {
  name: "conv3c_t4_pool"
  type: "Pooling"
  bottom: "inception_3b"
  top: "conv3c_t4_pool"
  pooling_param {
    pool: AVE
    kernel_size: 3
    stride: 1
    pad: 1
  }
}
layer {
  name: "conv3c_t4_1x1"
  type: "Convolution"
  bottom: "conv3c_t4_pool"
  top: "conv3c_t4_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3c_t4_1x1/bn"
  type: "LBN"
  bottom: "conv3c_t4_1x1"
  top: "conv3c_t4_1x1/bn"
}
layer {
  name: "relu3c_t4_1x1"
  type: "ReLU"
  bottom: "conv3c_t4_1x1/bn"
  top: "conv3c_t4_1x1/bn"
}
layer {
  name: "inception_3c"
  type: "Concat"
  bottom: "conv3c_t1_1x1/bn"
  bottom: "conv3c_t2_5x5/bn"
  bottom: "conv3c_t3_3x3_2/bn"
  bottom: "conv3c_t4_1x1/bn"
  top: "inception_3c"
}
layer {
  name: "conv3d_t1_3x3"
  type: "Convolution"
  bottom: "inception_3c"
  top: "conv3d_t1_3x3"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 384
    bias_term: false
    kernel_size: 3
    stride: 2
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3d_t1_3x3/bn"
  type: "LBN"
  bottom: "conv3d_t1_3x3"
  top: "conv3d_t1_3x3/bn"
}
layer {
  name: "relu3d_t1_3x3"
  type: "ReLU"
  bottom: "conv3d_t1_3x3/bn"
  top: "conv3d_t1_3x3/bn"
}
layer {
  name: "conv3d_t2_1x1"
  type: "Convolution"
  bottom: "inception_3c"
  top: "conv3d_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 64
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3d_t2_1x1/bn"
  type: "LBN"
  bottom: "conv3d_t2_1x1"
  top: "conv3d_t2_1x1/bn"
}
layer {
  name: "relu3d_t2_1x1"
  type: "ReLU"
  bottom: "conv3d_t2_1x1/bn"
  top: "conv3d_t2_1x1/bn"
}
layer {
  name: "conv3d_t2_3x3_1"
  type: "Convolution"
  bottom: "conv3d_t2_1x1/bn"
  top: "conv3d_t2_3x3_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    pad: 1
    kernel_size: 3
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3d_t2_3x3_1/bn"
  type: "LBN"
  bottom: "conv3d_t2_3x3_1"
  top: "conv3d_t2_3x3_1/bn"
}
layer {
  name: "relu3d_t3_3x3_1"
  type: "ReLU"
  bottom: "conv3d_t2_3x3_1/bn"
  top: "conv3d_t2_3x3_1/bn"
}
layer {
  name: "conv3d_t2_3x3_2"
  type: "Convolution"
  bottom: "conv3d_t2_3x3_1/bn"
  top: "conv3d_t2_3x3_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 96
    bias_term: false
    kernel_size: 3
    stride: 2
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv3d_t2_3x3_2/bn"
  type: "LBN"
  bottom: "conv3d_t2_3x3_2"
  top: "conv3d_t2_3x3_2/bn"
}
layer {
  name: "relu3d_t3_3x3_2"
  type: "ReLU"
  bottom: "conv3d_t2_3x3_2/bn"
  top: "conv3d_t2_3x3_2/bn"
}
layer {
  name: "conv3d_t3_pool"
  type: "Pooling"
  bottom: "inception_3c"
  top: "conv3d_t3_pool"
  pooling_param {
    pool: MAX
    kernel_size: 3
    stride: 2
  }
}
layer {
  name: "inception_3d"
  type: "Concat"
  bottom: "conv3d_t1_3x3/bn"
  bottom: "conv3d_t2_3x3_2/bn"
  bottom: "conv3d_t3_pool"
  top: "inception_3d"
}
layer {
  name: "conv4a_t1_1x1"
  type: "Convolution"
  bottom: "inception_3d"
  top: "conv4a_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4a_t1_1x1/bn"
  type: "LBN"
  bottom: "conv4a_t1_1x1"
  top: "conv4a_t1_1x1/bn"
}
layer {
  name: "relu4a_t1_1x1"
  type: "ReLU"
  bottom: "conv4a_t1_1x1/bn"
  top: "conv4a_t1_1x1/bn"
}
layer {
  name: "conv4a_t2_1x1"
  type: "Convolution"
  bottom: "inception_3d"
  top: "conv4a_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4a_t2_1x1/bn"
  type: "LBN"
  bottom: "conv4a_t2_1x1"
  top: "conv4a_t2_1x1/bn"
}
layer {
  name: "relu4a_t2_1x1"
  type: "ReLU"
  bottom: "conv4a_t2_1x1/bn"
  top: "conv4a_t2_1x1/bn"
}
layer {
  name: "conv4a_t2_1x7"
  type: "Convolution"
  bottom: "conv4a_t2_1x1/bn"
  top: "conv4a_t2_1x7"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4a_t2_1x7/bn"
  type: "LBN"
  bottom: "conv4a_t2_1x7"
  top: "conv4a_t2_1x7/bn"
}
layer {
  name: "relu4a_t2_1x7"
  type: "ReLU"
  bottom: "conv4a_t2_1x7/bn"
  top: "conv4a_t2_1x7/bn"
}
layer {
  name: "conv4a_t2_7x1"
  type: "Convolution"
  bottom: "conv4a_t2_1x7/bn"
  top: "conv4a_t2_7x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4a_t2_7x1/bn"
  type: "LBN"
  bottom: "conv4a_t2_7x1"
  top: "conv4a_t2_7x1/bn"
}
layer {
  name: "relu4a_t2_7x1"
  type: "ReLU"
  bottom: "conv4a_t2_7x1/bn"
  top: "conv4a_t2_7x1/bn"
}
layer {
  name: "conv4a_t3_1x1"
  type: "Convolution"
  bottom: "inception_3d"
  top: "conv4a_t3_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4a_t3_1x1/bn"
  type: "LBN"
  bottom: "conv4a_t3_1x1"
  top: "conv4a_t3_1x1/bn"
}
layer {
  name: "relu4a_t3_1x1"
  type: "ReLU"
  bottom: "conv4a_t3_1x1/bn"
  top: "conv4a_t3_1x1/bn"
}
layer {
  name: "conv4a_t3_7x1_1"
  type: "Convolution"
  bottom: "conv4a_t3_1x1/bn"
  top: "conv4a_t3_7x1_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4a_t3_7x1_1/bn"
  type: "LBN"
  bottom: "conv4a_t3_7x1_1"
  top: "conv4a_t3_7x1_1/bn"
}
layer {
  name: "relu4a_t3_7x1_1"
  type: "ReLU"
  bottom: "conv4a_t3_7x1_1/bn"
  top: "conv4a_t3_7x1_1/bn"
}
layer {
  name: "conv4a_t3_1x7_1"
  type: "Convolution"
  bottom: "conv4a_t3_7x1_1/bn"
  top: "conv4a_t3_1x7_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4a_t3_1x7_1/bn"
  type: "LBN"
  bottom: "conv4a_t3_1x7_1"
  top: "conv4a_t3_1x7_1/bn"
}
layer {
  name: "relu4a_t3_1x7_1"
  type: "ReLU"
  bottom: "conv4a_t3_1x7_1/bn"
  top: "conv4a_t3_1x7_1/bn"
}
layer {
  name: "conv4a_t3_7x1_2"
  type: "Convolution"
  bottom: "conv4a_t3_1x7_1/bn"
  top: "conv4a_t3_7x1_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 128
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4a_t3_7x1_2/bn"
  type: "LBN"
  bottom: "conv4a_t3_7x1_2"
  top: "conv4a_t3_7x1_2/bn"
}
layer {
  name: "relu4a_t3_7x1_2"
  type: "ReLU"
  bottom: "conv4a_t3_7x1_2/bn"
  top: "conv4a_t3_7x1_2/bn"
}
layer {
  name: "conv4a_t3_1x7_2"
  type: "Convolution"
  bottom: "conv4a_t3_7x1_2/bn"
  top: "conv4a_t3_1x7_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4a_t3_1x7_2/bn"
  type: "LBN"
  bottom: "conv4a_t3_1x7_2"
  top: "conv4a_t3_1x7_2/bn"
}
layer {
  name: "relu4a_t3_1x7_2"
  type: "ReLU"
  bottom: "conv4a_t3_1x7_2/bn"
  top: "conv4a_t3_1x7_2/bn"
}
layer {
  name: "conv4a_t4_pool"
  type: "Pooling"
  bottom: "inception_3d"
  top: "conv4a_t4_pool"
  pooling_param {
    pool: AVE
    kernel_size: 3
    stride: 1
    pad: 1
  }
}
layer {
  name: "conv4a_t4_1x1"
  type: "Convolution"
  bottom: "conv4a_t4_pool"
  top: "conv4a_t4_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4a_t4_1x1/bn"
  type: "LBN"
  bottom: "conv4a_t4_1x1"
  top: "conv4a_t4_1x1/bn"
}
layer {
  name: "relu4a_t4_1x1"
  type: "ReLU"
  bottom: "conv4a_t4_1x1/bn"
  top: "conv4a_t4_1x1/bn"
}
layer {
  name: "inception_4a"
  type: "Concat"
  bottom: "conv4a_t1_1x1/bn"
  bottom: "conv4a_t2_7x1/bn"
  bottom: "conv4a_t3_1x7_2/bn"
  bottom: "conv4a_t4_1x1/bn"
  top: "inception_4a"
}
layer {
  name: "conv4b_t1_1x1"
  type: "Convolution"
  bottom: "inception_4a"
  top: "conv4b_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4b_t1_1x1/bn"
  type: "LBN"
  bottom: "conv4b_t1_1x1"
  top: "conv4b_t1_1x1/bn"
}
layer {
  name: "relu4b_t1_1x1"
  type: "ReLU"
  bottom: "conv4b_t1_1x1/bn"
  top: "conv4b_t1_1x1/bn"
}
layer {
  name: "conv4b_t2_1x1"
  type: "Convolution"
  bottom: "inception_4a"
  top: "conv4b_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4b_t2_1x1/bn"
  type: "LBN"
  bottom: "conv4b_t2_1x1"
  top: "conv4b_t2_1x1/bn"
}
layer {
  name: "relu4b_t2_1x1"
  type: "ReLU"
  bottom: "conv4b_t2_1x1/bn"
  top: "conv4b_t2_1x1/bn"
}
layer {
  name: "conv4b_t2_1x7"
  type: "Convolution"
  bottom: "conv4b_t2_1x1/bn"
  top: "conv4b_t2_1x7"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4b_t2_1x7/bn"
  type: "LBN"
  bottom: "conv4b_t2_1x7"
  top: "conv4b_t2_1x7/bn"
}
layer {
  name: "relu4b_t2_1x7"
  type: "ReLU"
  bottom: "conv4b_t2_1x7/bn"
  top: "conv4b_t2_1x7/bn"
}
layer {
  name: "conv4b_t2_7x1"
  type: "Convolution"
  bottom: "conv4b_t2_1x7/bn"
  top: "conv4b_t2_7x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4b_t2_7x1/bn"
  type: "LBN"
  bottom: "conv4b_t2_7x1"
  top: "conv4b_t2_7x1/bn"
}
layer {
  name: "relu4b_t2_7x1"
  type: "ReLU"
  bottom: "conv4b_t2_7x1/bn"
  top: "conv4b_t2_7x1/bn"
}
layer {
  name: "conv4b_t3_1x1"
  type: "Convolution"
  bottom: "inception_4a"
  top: "conv4b_t3_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4b_t3_1x1/bn"
  type: "LBN"
  bottom: "conv4b_t3_1x1"
  top: "conv4b_t3_1x1/bn"
}
layer {
  name: "relu4b_t3_1x1"
  type: "ReLU"
  bottom: "conv4b_t3_1x1/bn"
  top: "conv4b_t3_1x1/bn"
}
layer {
  name: "conv4b_t3_7x1_1"
  type: "Convolution"
  bottom: "conv4b_t3_1x1/bn"
  top: "conv4b_t3_7x1_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4b_t3_7x1_1/bn"
  type: "LBN"
  bottom: "conv4b_t3_7x1_1"
  top: "conv4b_t3_7x1_1/bn"
}
layer {
  name: "relu4b_t3_7x1_1"
  type: "ReLU"
  bottom: "conv4b_t3_7x1_1/bn"
  top: "conv4b_t3_7x1_1/bn"
}
layer {
  name: "conv4b_t3_1x7_1"
  type: "Convolution"
  bottom: "conv4b_t3_7x1_1/bn"
  top: "conv4b_t3_1x7_1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4b_t3_1x7_1/bn"
  type: "LBN"
  bottom: "conv4b_t3_1x7_1"
  top: "conv4b_t3_1x7_1/bn"
}
layer {
  name: "relu4b_t3_1x7_1"
  type: "ReLU"
  bottom: "conv4b_t3_1x7_1/bn"
  top: "conv4b_t3_1x7_1/bn"
}
layer {
  name: "conv4b_t3_7x1_2"
  type: "Convolution"
  bottom: "conv4b_t3_1x7_1/bn"
  top: "conv4b_t3_7x1_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 3
    pad_w: 0
    kernel_h: 7
    kernel_w: 1
  }
}
layer {
  name: "conv4b_t3_7x1_2/bn"
  type: "LBN"
  bottom: "conv4b_t3_7x1_2"
  top: "conv4b_t3_7x1_2/bn"
}
layer {
  name: "relu4b_t3_7x1_2"
  type: "ReLU"
  bottom: "conv4b_t3_7x1_2/bn"
  top: "conv4b_t3_7x1_2/bn"
}
layer {
  name: "conv4b_t3_1x7_2"
  type: "Convolution"
  bottom: "conv4b_t3_7x1_2/bn"
  top: "conv4b_t3_1x7_2"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4b_t3_1x7_2/bn"
  type: "LBN"
  bottom: "conv4b_t3_1x7_2"
  top: "conv4b_t3_1x7_2/bn"
}
layer {
  name: "relu4b_t3_1x7_2"
  type: "ReLU"
  bottom: "conv4b_t3_1x7_2/bn"
  top: "conv4b_t3_1x7_2/bn"
}
layer {
  name: "conv4b_t4_pool"
  type: "Pooling"
  bottom: "inception_4a"
  top: "conv4b_t4_pool"
  pooling_param {
    pool: AVE
    kernel_size: 3
    stride: 1
    pad: 1
  }
}
layer {
  name: "conv4b_t4_1x1"
  type: "Convolution"
  bottom: "conv4b_t4_pool"
  top: "conv4b_t4_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4b_t4_1x1/bn"
  type: "LBN"
  bottom: "conv4b_t4_1x1"
  top: "conv4b_t4_1x1/bn"
}
layer {
  name: "relu4b_t4 _1x1"
  type: "ReLU"
  bottom: "conv4b_t4_1x1/bn"
  top: "conv4b_t4_1x1/bn"
}
layer {
  name: "inception_4b"
  type: "Concat"
  bottom: "conv4b_t1_1x1/bn"
  bottom: "conv4b_t2_7x1/bn"
  bottom: "conv4b_t3_1x7_2/bn"
  bottom: "conv4b_t4_1x1/bn"
  top: "inception_4b"
}
layer {
  name: "conv4c_t1_1x1"
  type: "Convolution"
  bottom: "inception_4b"
  top: "conv4c_t1_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 192
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4c_t1_1x1/bn"
  type: "LBN"
  bottom: "conv4c_t1_1x1"
  top: "conv4c_t1_1x1/bn"
}
layer {
  name: "relu4c_t1_1x1"
  type: "ReLU"
  bottom: "conv4c_t1_1x1/bn"
  top: "conv4c_t1_1x1/bn"
}
layer {
  name: "conv4c_t2_1x1"
  type: "Convolution"
  bottom: "inception_4b"
  top: "conv4c_t2_1x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    kernel_size: 1
    weight_filler {
      type: "msra"
    }
  }
}
layer {
  name: "conv4c_t2_1x1/bn"
  type: "LBN"
  bottom: "conv4c_t2_1x1"
  top: "conv4c_t2_1x1/bn"
}
layer {
  name: "relu4c_t2_1x1"
  type: "ReLU"
  bottom: "conv4c_t2_1x1/bn"
  top: "conv4c_t2_1x1/bn"
}
layer {
  name: "conv4c_t2_1x7"
  type: "Convolution"
  bottom: "conv4c_t2_1x1/bn"
  top: "conv4c_t2_1x7"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  convolution_param {
    num_output: 160
    bias_term: false
    stride: 1
    weight_filler {
      type: "msra"
    }
    pad_h: 0
    pad_w: 3
    kernel_h: 1
    kernel_w: 7
  }
}
layer {
  name: "conv4c_t2_1x7/bn"
  type: "LBN"
  bottom: "conv4c_t2_1x7"
  top: "conv4c_t2_1x7/bn"
}
layer {
  name: "relu4c_t2_1x7"
  type: "ReLU"
  bottom: "conv4c_t2_1x7/bn"
  top: "conv4c_t2_1x7/bn"
}
layer {
  name: "conv4c_t2_7x1"
  type: "Convolution"
  bottom: "conv4c_t2_1x7/bn"
  top: "conv4c_t2_7x1"
  param {
    lr_mult: 1
    decay_mult: 1
  }
  conv
I0709 01:02:45.150965 11133 layer_factory.hpp:77] Creating layer data
I0709 01:02:45.151046 11133 net.cpp:91] Creating Layer data
I0709 01:02:45.151057 11133 net.cpp:399] data -> data
I0709 01:02:45.151103 11133 net.cpp:399] data -> label
I0709 01:02:45.151518 11133 image_data_layer.cpp:38] Opening file /home/hikvision/shizhan/Deep-Metric-Learning-CVPR16-master/train.txt
I0709 01:02:45.292803 11133 image_data_layer.cpp:53] A total of 212340 images.
I0709 01:02:45.311744 11133 image_data_layer.cpp:80] output data size: 32,3,299,299
I0709 01:02:45.405448 11133 net.cpp:141] Setting up data
I0709 01:02:45.405522 11133 net.cpp:148] Top shape: 32 3 299 299 (8582496)
I0709 01:02:45.405530 11133 net.cpp:148] Top shape: 32 (32)
I0709 01:02:45.405535 11133 net.cpp:156] Memory required for data: 34330112
I0709 01:02:45.405552 11133 layer_factory.hpp:77] Creating layer conv1_1
I0709 01:02:45.405594 11133 net.cpp:91] Creating Layer conv1_1
I0709 01:02:45.405603 11133 net.cpp:425] conv1_1 <- data
I0709 01:02:45.405627 11133 net.cpp:399] conv1_1 -> conv1_1
I0709 01:02:45.635128 11133 net.cpp:141] Setting up conv1_1
I0709 01:02:45.635229 11133 net.cpp:148] Top shape: 32 32 149 149 (22733824)
I0709 01:02:45.635264 11133 net.cpp:156] Memory required for data: 125265408
I0709 01:02:45.635306 11133 layer_factory.hpp:77] Creating layer conv1_1/bn
I0709 01:02:45.635349 11133 net.cpp:91] Creating Layer conv1_1/bn
I0709 01:02:45.635378 11133 net.cpp:425] conv1_1/bn <- conv1_1
I0709 01:02:45.635416 11133 net.cpp:399] conv1_1/bn -> conv1_1/bn
I0709 01:02:45.636653 11133 net.cpp:141] Setting up conv1_1/bn
I0709 01:02:45.636699 11133 net.cpp:148] Top shape: 32 32 149 149 (22733824)
I0709 01:02:45.636724 11133 net.cpp:156] Memory required for data: 216200704
I0709 01:02:45.636767 11133 layer_factory.hpp:77] Creating layer relu1_1
I0709 01:02:45.636801 11133 net.cpp:91] Creating Layer relu1_1
I0709 01:02:45.636829 11133 net.cpp:425] relu1_1 <- conv1_1/bn
I0709 01:02:45.636858 11133 net.cpp:386] relu1_1 -> conv1_1/bn (in-place)
I0709 01:02:45.637173 11133 net.cpp:141] Setting up relu1_1
I0709 01:02:45.637190 11133 net.cpp:148] Top shape: 32 32 149 149 (22733824)
I0709 01:02:45.637208 11133 net.cpp:156] Memory required for data: 307136000
I0709 01:02:45.637214 11133 layer_factory.hpp:77] Creating layer conv1_2
I0709 01:02:45.637238 11133 net.cpp:91] Creating Layer conv1_2
I0709 01:02:45.637246 11133 net.cpp:425] conv1_2 <- conv1_1/bn
I0709 01:02:45.637259 11133 net.cpp:399] conv1_2 -> conv1_2
I0709 01:02:45.640362 11133 net.cpp:141] Setting up conv1_2
I0709 01:02:45.640411 11133 net.cpp:148] Top shape: 32 32 147 147 (22127616)
I0709 01:02:45.640419 11133 net.cpp:156] Memory required for data: 395646464
I0709 01:02:45.640432 11133 layer_factory.hpp:77] Creating layer conv1_2/bn
I0709 01:02:45.640450 11133 net.cpp:91] Creating Layer conv1_2/bn
I0709 01:02:45.640470 11133 net.cpp:425] conv1_2/bn <- conv1_2
I0709 01:02:45.640486 11133 net.cpp:399] conv1_2/bn -> conv1_2/bn
I0709 01:02:45.640878 11133 net.cpp:141] Setting up conv1_2/bn
I0709 01:02:45.640892 11133 net.cpp:148] Top shape: 32 32 147 147 (22127616)
I0709 01:02:45.640908 11133 net.cpp:156] Memory required for data: 484156928
I0709 01:02:45.640945 11133 layer_factory.hpp:77] Creating layer relu1_2
I0709 01:02:45.640957 11133 net.cpp:91] Creating Layer relu1_2
I0709 01:02:45.640970 11133 net.cpp:425] relu1_2 <- conv1_2/bn
I0709 01:02:45.640990 11133 net.cpp:386] relu1_2 -> conv1_2/bn (in-place)
I0709 01:02:45.641443 11133 net.cpp:141] Setting up relu1_2
I0709 01:02:45.641463 11133 net.cpp:148] Top shape: 32 32 147 147 (22127616)
I0709 01:02:45.641466 11133 net.cpp:156] Memory required for data: 572667392
I0709 01:02:45.641471 11133 layer_factory.hpp:77] Creating layer conv1_3
I0709 01:02:45.641490 11133 net.cpp:91] Creating Layer conv1_3
I0709 01:02:45.641499 11133 net.cpp:425] conv1_3 <- conv1_2/bn
I0709 01:02:45.641515 11133 net.cpp:399] conv1_3 -> conv1_3
I0709 01:02:45.644207 11133 net.cpp:141] Setting up conv1_3
I0709 01:02:45.644286 11133 net.cpp:148] Top shape: 32 64 147 147 (44255232)
I0709 01:02:45.644294 11133 net.cpp:156] Memory required for data: 749688320
I0709 01:02:45.644318 11133 layer_factory.hpp:77] Creating layer conv1_3/bn
I0709 01:02:45.644361 11133 net.cpp:91] Creating Layer conv1_3/bn
I0709 01:02:45.644418 11133 net.cpp:425] conv1_3/bn <- conv1_3
I0709 01:02:45.644456 11133 net.cpp:399] conv1_3/bn -> conv1_3/bn
I0709 01:02:45.644781 11133 net.cpp:141] Setting up conv1_3/bn
I0709 01:02:45.644799 11133 net.cpp:148] Top shape: 32 64 147 147 (44255232)
I0709 01:02:45.644804 11133 net.cpp:156] Memory required for data: 926709248
I0709 01:02:45.644814 11133 layer_factory.hpp:77] Creating layer relu1_3
I0709 01:02:45.644846 11133 net.cpp:91] Creating Layer relu1_3
I0709 01:02:45.644858 11133 net.cpp:425] relu1_3 <- conv1_3/bn
I0709 01:02:45.644871 11133 net.cpp:386] relu1_3 -> conv1_3/bn (in-place)
I0709 01:02:45.645126 11133 net.cpp:141] Setting up relu1_3
I0709 01:02:45.645143 11133 net.cpp:148] Top shape: 32 64 147 147 (44255232)
I0709 01:02:45.645148 11133 net.cpp:156] Memory required for data: 1103730176
I0709 01:02:45.645154 11133 layer_factory.hpp:77] Creating layer pool1
I0709 01:02:45.645166 11133 net.cpp:91] Creating Layer pool1
I0709 01:02:45.645193 11133 net.cpp:425] pool1 <- conv1_3/bn
I0709 01:02:45.645225 11133 net.cpp:399] pool1 -> pool1
I0709 01:02:45.645304 11133 net.cpp:141] Setting up pool1
I0709 01:02:45.645318 11133 net.cpp:148] Top shape: 32 64 73 73 (10913792)
I0709 01:02:45.645323 11133 net.cpp:156] Memory required for data: 1147385344
I0709 01:02:45.645346 11133 layer_factory.hpp:77] Creating layer conv2_1
I0709 01:02:45.645367 11133 net.cpp:91] Creating Layer conv2_1
I0709 01:02:45.645375 11133 net.cpp:425] conv2_1 <- pool1
I0709 01:02:45.645385 11133 net.cpp:399] conv2_1 -> conv2_1
I0709 01:02:45.647047 11133 net.cpp:141] Setting up conv2_1
I0709 01:02:45.647131 11133 net.cpp:148] Top shape: 32 80 73 73 (13642240)
I0709 01:02:45.647143 11133 net.cpp:156] Memory required for data: 1201954304
I0709 01:02:45.647157 11133 layer_factory.hpp:77] Creating layer conv2_1/bn
I0709 01:02:45.647176 11133 net.cpp:91] Creating Layer conv2_1/bn
I0709 01:02:45.647186 11133 net.cpp:425] conv2_1/bn <- conv2_1
I0709 01:02:45.647202 11133 net.cpp:399] conv2_1/bn -> conv2_1/bn
I0709 01:02:45.647594 11133 net.cpp:141] Setting up conv2_1/bn
I0709 01:02:45.647614 11133 net.cpp:148] Top shape: 32 80 73 73 (13642240)
I0709 01:02:45.647622 11133 net.cpp:156] Memory required for data: 1256523264
I0709 01:02:45.647660 11133 layer_factory.hpp:77] Creating layer relu2_1
I0709 01:02:45.647677 11133 net.cpp:91] Creating Layer relu2_1
I0709 01:02:45.647686 11133 net.cpp:425] relu2_1 <- conv2_1/bn
I0709 01:02:45.647701 11133 net.cpp:386] relu2_1 -> conv2_1/bn (in-place)
I0709 01:02:45.648020 11133 net.cpp:141] Setting up relu2_1
I0709 01:02:45.648077 11133 net.cpp:148] Top shape: 32 80 73 73 (13642240)
I0709 01:02:45.648087 11133 net.cpp:156] Memory required for data: 1311092224
I0709 01:02:45.648094 11133 layer_factory.hpp:77] Creating layer conv2_2
I0709 01:02:45.648141 11133 net.cpp:91] Creating Layer conv2_2
I0709 01:02:45.648154 11133 net.cpp:425] conv2_2 <- conv2_1/bn
I0709 01:02:45.648165 11133 net.cpp:399] conv2_2 -> conv2_2
I0709 01:02:45.655973 11133 net.cpp:141] Setting up conv2_2
I0709 01:02:45.656015 11133 net.cpp:148] Top shape: 32 192 71 71 (30971904)
I0709 01:02:45.656020 11133 net.cpp:156] Memory required for data: 1434979840
I0709 01:02:45.656030 11133 layer_factory.hpp:77] Creating layer conv2_2/bn
I0709 01:02:45.656043 11133 net.cpp:91] Creating Layer conv2_2/bn
I0709 01:02:45.656047 11133 net.cpp:425] conv2_2/bn <- conv2_2
I0709 01:02:45.656054 11133 net.cpp:399] conv2_2/bn -> conv2_2/bn
I0709 01:02:45.656325 11133 net.cpp:141] Setting up conv2_2/bn
I0709 01:02:45.656359 11133 net.cpp:148] Top shape: 32 192 71 71 (30971904)
I0709 01:02:45.656363 11133 net.cpp:156] Memory required for data: 1558867456
I0709 01:02:45.656379 11133 layer_factory.hpp:77] Creating layer relu2_2
I0709 01:02:45.656405 11133 net.cpp:91] Creating Layer relu2_2
I0709 01:02:45.656440 11133 net.cpp:425] relu2_2 <- conv2_2/bn
I0709 01:02:45.656481 11133 net.cpp:386] relu2_2 -> conv2_2/bn (in-place)
I0709 01:02:45.656872 11133 net.cpp:141] Setting up relu2_2
I0709 01:02:45.656885 11133 net.cpp:148] Top shape: 32 192 71 71 (30971904)
I0709 01:02:45.656900 11133 net.cpp:156] Memory required for data: 1682755072
I0709 01:02:45.656903 11133 layer_factory.hpp:77] Creating layer pool2
I0709 01:02:45.656913 11133 net.cpp:91] Creating Layer pool2
I0709 01:02:45.656919 11133 net.cpp:425] pool2 <- conv2_2/bn
I0709 01:02:45.656929 11133 net.cpp:399] pool2 -> pool2
I0709 01:02:45.657002 11133 net.cpp:141] Setting up pool2
I0709 01:02:45.657011 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.657017 11133 net.cpp:156] Memory required for data: 1712860672
I0709 01:02:45.657023 11133 layer_factory.hpp:77] Creating layer pool2_pool2_0_split
I0709 01:02:45.657047 11133 net.cpp:91] Creating Layer pool2_pool2_0_split
I0709 01:02:45.657057 11133 net.cpp:425] pool2_pool2_0_split <- pool2
I0709 01:02:45.657064 11133 net.cpp:399] pool2_pool2_0_split -> pool2_pool2_0_split_0
I0709 01:02:45.657074 11133 net.cpp:399] pool2_pool2_0_split -> pool2_pool2_0_split_1
I0709 01:02:45.657107 11133 net.cpp:399] pool2_pool2_0_split -> pool2_pool2_0_split_2
I0709 01:02:45.657122 11133 net.cpp:399] pool2_pool2_0_split -> pool2_pool2_0_split_3
I0709 01:02:45.657202 11133 net.cpp:141] Setting up pool2_pool2_0_split
I0709 01:02:45.657212 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.657217 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.657223 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.657230 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.657235 11133 net.cpp:156] Memory required for data: 1833283072
I0709 01:02:45.657240 11133 layer_factory.hpp:77] Creating layer conv3a_t1_1x1
I0709 01:02:45.657258 11133 net.cpp:91] Creating Layer conv3a_t1_1x1
I0709 01:02:45.657263 11133 net.cpp:425] conv3a_t1_1x1 <- pool2_pool2_0_split_0
I0709 01:02:45.657275 11133 net.cpp:399] conv3a_t1_1x1 -> conv3a_t1_1x1
I0709 01:02:45.658864 11133 net.cpp:141] Setting up conv3a_t1_1x1
I0709 01:02:45.658897 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.658902 11133 net.cpp:156] Memory required for data: 1843318272
I0709 01:02:45.658912 11133 layer_factory.hpp:77] Creating layer conv3a_t1_1x1/bn
I0709 01:02:45.658927 11133 net.cpp:91] Creating Layer conv3a_t1_1x1/bn
I0709 01:02:45.658936 11133 net.cpp:425] conv3a_t1_1x1/bn <- conv3a_t1_1x1
I0709 01:02:45.658948 11133 net.cpp:399] conv3a_t1_1x1/bn -> conv3a_t1_1x1/bn
I0709 01:02:45.660136 11133 net.cpp:141] Setting up conv3a_t1_1x1/bn
I0709 01:02:45.660176 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.660182 11133 net.cpp:156] Memory required for data: 1853353472
I0709 01:02:45.660207 11133 layer_factory.hpp:77] Creating layer relu3a_t1_1x1
I0709 01:02:45.660260 11133 net.cpp:91] Creating Layer relu3a_t1_1x1
I0709 01:02:45.660272 11133 net.cpp:425] relu3a_t1_1x1 <- conv3a_t1_1x1/bn
I0709 01:02:45.660281 11133 net.cpp:386] relu3a_t1_1x1 -> conv3a_t1_1x1/bn (in-place)
I0709 01:02:45.660624 11133 net.cpp:141] Setting up relu3a_t1_1x1
I0709 01:02:45.660640 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.660646 11133 net.cpp:156] Memory required for data: 1863388672
I0709 01:02:45.660653 11133 layer_factory.hpp:77] Creating layer conv3a_t2_1x1
I0709 01:02:45.660709 11133 net.cpp:91] Creating Layer conv3a_t2_1x1
I0709 01:02:45.660720 11133 net.cpp:425] conv3a_t2_1x1 <- pool2_pool2_0_split_1
I0709 01:02:45.660738 11133 net.cpp:399] conv3a_t2_1x1 -> conv3a_t2_1x1
I0709 01:02:45.662644 11133 net.cpp:141] Setting up conv3a_t2_1x1
I0709 01:02:45.662727 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.662751 11133 net.cpp:156] Memory required for data: 1870915072
I0709 01:02:45.662781 11133 layer_factory.hpp:77] Creating layer conv3a_t2_1x1/bn
I0709 01:02:45.662812 11133 net.cpp:91] Creating Layer conv3a_t2_1x1/bn
I0709 01:02:45.662837 11133 net.cpp:425] conv3a_t2_1x1/bn <- conv3a_t2_1x1
I0709 01:02:45.662866 11133 net.cpp:399] conv3a_t2_1x1/bn -> conv3a_t2_1x1/bn
I0709 01:02:45.663262 11133 net.cpp:141] Setting up conv3a_t2_1x1/bn
I0709 01:02:45.663302 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.663323 11133 net.cpp:156] Memory required for data: 1878441472
I0709 01:02:45.663367 11133 layer_factory.hpp:77] Creating layer relu3a_t2_1x1
I0709 01:02:45.663408 11133 net.cpp:91] Creating Layer relu3a_t2_1x1
I0709 01:02:45.663442 11133 net.cpp:425] relu3a_t2_1x1 <- conv3a_t2_1x1/bn
I0709 01:02:45.663468 11133 net.cpp:386] relu3a_t2_1x1 -> conv3a_t2_1x1/bn (in-place)
I0709 01:02:45.663784 11133 net.cpp:141] Setting up relu3a_t2_1x1
I0709 01:02:45.663826 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.663851 11133 net.cpp:156] Memory required for data: 1885967872
I0709 01:02:45.663873 11133 layer_factory.hpp:77] Creating layer conv3a_t2_5x5
I0709 01:02:45.663909 11133 net.cpp:91] Creating Layer conv3a_t2_5x5
I0709 01:02:45.663933 11133 net.cpp:425] conv3a_t2_5x5 <- conv3a_t2_1x1/bn
I0709 01:02:45.663964 11133 net.cpp:399] conv3a_t2_5x5 -> conv3a_t2_5x5
I0709 01:02:45.669739 11133 net.cpp:141] Setting up conv3a_t2_5x5
I0709 01:02:45.669783 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.669790 11133 net.cpp:156] Memory required for data: 1896003072
I0709 01:02:45.669808 11133 layer_factory.hpp:77] Creating layer conv3a_t2_5x5/bn
I0709 01:02:45.669831 11133 net.cpp:91] Creating Layer conv3a_t2_5x5/bn
I0709 01:02:45.669844 11133 net.cpp:425] conv3a_t2_5x5/bn <- conv3a_t2_5x5
I0709 01:02:45.669860 11133 net.cpp:399] conv3a_t2_5x5/bn -> conv3a_t2_5x5/bn
I0709 01:02:45.670200 11133 net.cpp:141] Setting up conv3a_t2_5x5/bn
I0709 01:02:45.670217 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.670234 11133 net.cpp:156] Memory required for data: 1906038272
I0709 01:02:45.670255 11133 layer_factory.hpp:77] Creating layer relu3a_t2_5x5
I0709 01:02:45.670274 11133 net.cpp:91] Creating Layer relu3a_t2_5x5
I0709 01:02:45.670284 11133 net.cpp:425] relu3a_t2_5x5 <- conv3a_t2_5x5/bn
I0709 01:02:45.670307 11133 net.cpp:386] relu3a_t2_5x5 -> conv3a_t2_5x5/bn (in-place)
I0709 01:02:45.670704 11133 net.cpp:141] Setting up relu3a_t2_5x5
I0709 01:02:45.670720 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.670727 11133 net.cpp:156] Memory required for data: 1916073472
I0709 01:02:45.670733 11133 layer_factory.hpp:77] Creating layer conv3a_t3_1x1
I0709 01:02:45.670759 11133 net.cpp:91] Creating Layer conv3a_t3_1x1
I0709 01:02:45.670768 11133 net.cpp:425] conv3a_t3_1x1 <- pool2_pool2_0_split_2
I0709 01:02:45.670778 11133 net.cpp:399] conv3a_t3_1x1 -> conv3a_t3_1x1
I0709 01:02:45.672649 11133 net.cpp:141] Setting up conv3a_t3_1x1
I0709 01:02:45.672695 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.672699 11133 net.cpp:156] Memory required for data: 1926108672
I0709 01:02:45.672714 11133 layer_factory.hpp:77] Creating layer conv3a_t3_1x1/bn
I0709 01:02:45.672736 11133 net.cpp:91] Creating Layer conv3a_t3_1x1/bn
I0709 01:02:45.672747 11133 net.cpp:425] conv3a_t3_1x1/bn <- conv3a_t3_1x1
I0709 01:02:45.672760 11133 net.cpp:399] conv3a_t3_1x1/bn -> conv3a_t3_1x1/bn
I0709 01:02:45.673046 11133 net.cpp:141] Setting up conv3a_t3_1x1/bn
I0709 01:02:45.673060 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.673066 11133 net.cpp:156] Memory required for data: 1936143872
I0709 01:02:45.673092 11133 layer_factory.hpp:77] Creating layer relu3a_t3_1x1
I0709 01:02:45.673110 11133 net.cpp:91] Creating Layer relu3a_t3_1x1
I0709 01:02:45.673117 11133 net.cpp:425] relu3a_t3_1x1 <- conv3a_t3_1x1/bn
I0709 01:02:45.673126 11133 net.cpp:386] relu3a_t3_1x1 -> conv3a_t3_1x1/bn (in-place)
I0709 01:02:45.673333 11133 net.cpp:141] Setting up relu3a_t3_1x1
I0709 01:02:45.673347 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.673352 11133 net.cpp:156] Memory required for data: 1946179072
I0709 01:02:45.673359 11133 layer_factory.hpp:77] Creating layer conv3a_t3_3x3_1
I0709 01:02:45.673380 11133 net.cpp:91] Creating Layer conv3a_t3_3x3_1
I0709 01:02:45.673387 11133 net.cpp:425] conv3a_t3_3x3_1 <- conv3a_t3_1x1/bn
I0709 01:02:45.673393 11133 net.cpp:399] conv3a_t3_3x3_1 -> conv3a_t3_3x3_1
I0709 01:02:45.676604 11133 net.cpp:141] Setting up conv3a_t3_3x3_1
I0709 01:02:45.676645 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.676651 11133 net.cpp:156] Memory required for data: 1961231872
I0709 01:02:45.676662 11133 layer_factory.hpp:77] Creating layer conv3a_t3_3x3_1/bn
I0709 01:02:45.676707 11133 net.cpp:91] Creating Layer conv3a_t3_3x3_1/bn
I0709 01:02:45.676718 11133 net.cpp:425] conv3a_t3_3x3_1/bn <- conv3a_t3_3x3_1
I0709 01:02:45.676731 11133 net.cpp:399] conv3a_t3_3x3_1/bn -> conv3a_t3_3x3_1/bn
I0709 01:02:45.677000 11133 net.cpp:141] Setting up conv3a_t3_3x3_1/bn
I0709 01:02:45.677012 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.677018 11133 net.cpp:156] Memory required for data: 1976284672
I0709 01:02:45.677044 11133 layer_factory.hpp:77] Creating layer relu3a_t3_3x3_1
I0709 01:02:45.677052 11133 net.cpp:91] Creating Layer relu3a_t3_3x3_1
I0709 01:02:45.677057 11133 net.cpp:425] relu3a_t3_3x3_1 <- conv3a_t3_3x3_1/bn
I0709 01:02:45.677064 11133 net.cpp:386] relu3a_t3_3x3_1 -> conv3a_t3_3x3_1/bn (in-place)
I0709 01:02:45.677301 11133 net.cpp:141] Setting up relu3a_t3_3x3_1
I0709 01:02:45.677317 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.677323 11133 net.cpp:156] Memory required for data: 1991337472
I0709 01:02:45.677330 11133 layer_factory.hpp:77] Creating layer conv3a_t3_3x3_2
I0709 01:02:45.677348 11133 net.cpp:91] Creating Layer conv3a_t3_3x3_2
I0709 01:02:45.677356 11133 net.cpp:425] conv3a_t3_3x3_2 <- conv3a_t3_3x3_1/bn
I0709 01:02:45.677367 11133 net.cpp:399] conv3a_t3_3x3_2 -> conv3a_t3_3x3_2
I0709 01:02:45.683207 11133 net.cpp:141] Setting up conv3a_t3_3x3_2
I0709 01:02:45.683315 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.683349 11133 net.cpp:156] Memory required for data: 2006390272
I0709 01:02:45.683367 11133 layer_factory.hpp:77] Creating layer conv3a_t3_3x3_2/bn
I0709 01:02:45.683387 11133 net.cpp:91] Creating Layer conv3a_t3_3x3_2/bn
I0709 01:02:45.683410 11133 net.cpp:425] conv3a_t3_3x3_2/bn <- conv3a_t3_3x3_2
I0709 01:02:45.683430 11133 net.cpp:399] conv3a_t3_3x3_2/bn -> conv3a_t3_3x3_2/bn
I0709 01:02:45.683727 11133 net.cpp:141] Setting up conv3a_t3_3x3_2/bn
I0709 01:02:45.683740 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.683746 11133 net.cpp:156] Memory required for data: 2021443072
I0709 01:02:45.683765 11133 layer_factory.hpp:77] Creating layer relu3a_t3_3x3_2
I0709 01:02:45.683784 11133 net.cpp:91] Creating Layer relu3a_t3_3x3_2
I0709 01:02:45.683791 11133 net.cpp:425] relu3a_t3_3x3_2 <- conv3a_t3_3x3_2/bn
I0709 01:02:45.683800 11133 net.cpp:386] relu3a_t3_3x3_2 -> conv3a_t3_3x3_2/bn (in-place)
I0709 01:02:45.684334 11133 net.cpp:141] Setting up relu3a_t3_3x3_2
I0709 01:02:45.684350 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.684356 11133 net.cpp:156] Memory required for data: 2036495872
I0709 01:02:45.684366 11133 layer_factory.hpp:77] Creating layer conv3a_t4_pool
I0709 01:02:45.684391 11133 net.cpp:91] Creating Layer conv3a_t4_pool
I0709 01:02:45.684399 11133 net.cpp:425] conv3a_t4_pool <- pool2_pool2_0_split_3
I0709 01:02:45.684414 11133 net.cpp:399] conv3a_t4_pool -> conv3a_t4_pool
I0709 01:02:45.684659 11133 net.cpp:141] Setting up conv3a_t4_pool
I0709 01:02:45.684676 11133 net.cpp:148] Top shape: 32 192 35 35 (7526400)
I0709 01:02:45.684682 11133 net.cpp:156] Memory required for data: 2066601472
I0709 01:02:45.684689 11133 layer_factory.hpp:77] Creating layer conv3a_t4_1x1
I0709 01:02:45.684712 11133 net.cpp:91] Creating Layer conv3a_t4_1x1
I0709 01:02:45.684720 11133 net.cpp:425] conv3a_t4_1x1 <- conv3a_t4_pool
I0709 01:02:45.684732 11133 net.cpp:399] conv3a_t4_1x1 -> conv3a_t4_1x1
I0709 01:02:45.686496 11133 net.cpp:141] Setting up conv3a_t4_1x1
I0709 01:02:45.686542 11133 net.cpp:148] Top shape: 32 32 35 35 (1254400)
I0709 01:02:45.686548 11133 net.cpp:156] Memory required for data: 2071619072
I0709 01:02:45.686566 11133 layer_factory.hpp:77] Creating layer conv3a_t4_1x1/bn
I0709 01:02:45.686586 11133 net.cpp:91] Creating Layer conv3a_t4_1x1/bn
I0709 01:02:45.686601 11133 net.cpp:425] conv3a_t4_1x1/bn <- conv3a_t4_1x1
I0709 01:02:45.686630 11133 net.cpp:399] conv3a_t4_1x1/bn -> conv3a_t4_1x1/bn
I0709 01:02:45.686959 11133 net.cpp:141] Setting up conv3a_t4_1x1/bn
I0709 01:02:45.686976 11133 net.cpp:148] Top shape: 32 32 35 35 (1254400)
I0709 01:02:45.686985 11133 net.cpp:156] Memory required for data: 2076636672
I0709 01:02:45.687001 11133 layer_factory.hpp:77] Creating layer relu3a_t4_1x1
I0709 01:02:45.687016 11133 net.cpp:91] Creating Layer relu3a_t4_1x1
I0709 01:02:45.687027 11133 net.cpp:425] relu3a_t4_1x1 <- conv3a_t4_1x1/bn
I0709 01:02:45.687041 11133 net.cpp:386] relu3a_t4_1x1 -> conv3a_t4_1x1/bn (in-place)
I0709 01:02:45.687664 11133 net.cpp:141] Setting up relu3a_t4_1x1
I0709 01:02:45.687685 11133 net.cpp:148] Top shape: 32 32 35 35 (1254400)
I0709 01:02:45.687690 11133 net.cpp:156] Memory required for data: 2081654272
I0709 01:02:45.687700 11133 layer_factory.hpp:77] Creating layer inception_3a
I0709 01:02:45.687717 11133 net.cpp:91] Creating Layer inception_3a
I0709 01:02:45.687726 11133 net.cpp:425] inception_3a <- conv3a_t1_1x1/bn
I0709 01:02:45.687733 11133 net.cpp:425] inception_3a <- conv3a_t2_5x5/bn
I0709 01:02:45.687741 11133 net.cpp:425] inception_3a <- conv3a_t3_3x3_2/bn
I0709 01:02:45.687749 11133 net.cpp:425] inception_3a <- conv3a_t4_1x1/bn
I0709 01:02:45.687760 11133 net.cpp:399] inception_3a -> inception_3a
I0709 01:02:45.687831 11133 net.cpp:141] Setting up inception_3a
I0709 01:02:45.687839 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.687845 11133 net.cpp:156] Memory required for data: 2121795072
I0709 01:02:45.687851 11133 layer_factory.hpp:77] Creating layer inception_3a_inception_3a_0_split
I0709 01:02:45.687866 11133 net.cpp:91] Creating Layer inception_3a_inception_3a_0_split
I0709 01:02:45.687873 11133 net.cpp:425] inception_3a_inception_3a_0_split <- inception_3a
I0709 01:02:45.687883 11133 net.cpp:399] inception_3a_inception_3a_0_split -> inception_3a_inception_3a_0_split_0
I0709 01:02:45.687892 11133 net.cpp:399] inception_3a_inception_3a_0_split -> inception_3a_inception_3a_0_split_1
I0709 01:02:45.687902 11133 net.cpp:399] inception_3a_inception_3a_0_split -> inception_3a_inception_3a_0_split_2
I0709 01:02:45.687913 11133 net.cpp:399] inception_3a_inception_3a_0_split -> inception_3a_inception_3a_0_split_3
I0709 01:02:45.687989 11133 net.cpp:141] Setting up inception_3a_inception_3a_0_split
I0709 01:02:45.687999 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.688007 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.688015 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.688024 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.688032 11133 net.cpp:156] Memory required for data: 2282358272
I0709 01:02:45.688038 11133 layer_factory.hpp:77] Creating layer conv3b_t1_1x1
I0709 01:02:45.688061 11133 net.cpp:91] Creating Layer conv3b_t1_1x1
I0709 01:02:45.688068 11133 net.cpp:425] conv3b_t1_1x1 <- inception_3a_inception_3a_0_split_0
I0709 01:02:45.688081 11133 net.cpp:399] conv3b_t1_1x1 -> conv3b_t1_1x1
I0709 01:02:45.690138 11133 net.cpp:141] Setting up conv3b_t1_1x1
I0709 01:02:45.690222 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.690233 11133 net.cpp:156] Memory required for data: 2292393472
I0709 01:02:45.690248 11133 layer_factory.hpp:77] Creating layer conv3b_t1_1x1/bn
I0709 01:02:45.690263 11133 net.cpp:91] Creating Layer conv3b_t1_1x1/bn
I0709 01:02:45.690274 11133 net.cpp:425] conv3b_t1_1x1/bn <- conv3b_t1_1x1
I0709 01:02:45.690289 11133 net.cpp:399] conv3b_t1_1x1/bn -> conv3b_t1_1x1/bn
I0709 01:02:45.690672 11133 net.cpp:141] Setting up conv3b_t1_1x1/bn
I0709 01:02:45.690688 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.690704 11133 net.cpp:156] Memory required for data: 2302428672
I0709 01:02:45.690743 11133 layer_factory.hpp:77] Creating layer relu3b_t1_1x1
I0709 01:02:45.690759 11133 net.cpp:91] Creating Layer relu3b_t1_1x1
I0709 01:02:45.690769 11133 net.cpp:425] relu3b_t1_1x1 <- conv3b_t1_1x1/bn
I0709 01:02:45.690783 11133 net.cpp:386] relu3b_t1_1x1 -> conv3b_t1_1x1/bn (in-place)
I0709 01:02:45.691285 11133 net.cpp:141] Setting up relu3b_t1_1x1
I0709 01:02:45.691301 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.691306 11133 net.cpp:156] Memory required for data: 2312463872
I0709 01:02:45.691311 11133 layer_factory.hpp:77] Creating layer conv3b_t2_1x1
I0709 01:02:45.691332 11133 net.cpp:91] Creating Layer conv3b_t2_1x1
I0709 01:02:45.691339 11133 net.cpp:425] conv3b_t2_1x1 <- inception_3a_inception_3a_0_split_1
I0709 01:02:45.691354 11133 net.cpp:399] conv3b_t2_1x1 -> conv3b_t2_1x1
I0709 01:02:45.693958 11133 net.cpp:141] Setting up conv3b_t2_1x1
I0709 01:02:45.693997 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.694005 11133 net.cpp:156] Memory required for data: 2319990272
I0709 01:02:45.694020 11133 layer_factory.hpp:77] Creating layer conv3b_t2_1x1/bn
I0709 01:02:45.694036 11133 net.cpp:91] Creating Layer conv3b_t2_1x1/bn
I0709 01:02:45.694048 11133 net.cpp:425] conv3b_t2_1x1/bn <- conv3b_t2_1x1
I0709 01:02:45.694063 11133 net.cpp:399] conv3b_t2_1x1/bn -> conv3b_t2_1x1/bn
I0709 01:02:45.694495 11133 net.cpp:141] Setting up conv3b_t2_1x1/bn
I0709 01:02:45.694512 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.694519 11133 net.cpp:156] Memory required for data: 2327516672
I0709 01:02:45.694532 11133 layer_factory.hpp:77] Creating layer relu3b_t2_1x1
I0709 01:02:45.694558 11133 net.cpp:91] Creating Layer relu3b_t2_1x1
I0709 01:02:45.694566 11133 net.cpp:425] relu3b_t2_1x1 <- conv3b_t2_1x1/bn
I0709 01:02:45.694576 11133 net.cpp:386] relu3b_t2_1x1 -> conv3b_t2_1x1/bn (in-place)
I0709 01:02:45.694841 11133 net.cpp:141] Setting up relu3b_t2_1x1
I0709 01:02:45.694881 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.694886 11133 net.cpp:156] Memory required for data: 2335043072
I0709 01:02:45.694903 11133 layer_factory.hpp:77] Creating layer conv3b_t2_5x5
I0709 01:02:45.694926 11133 net.cpp:91] Creating Layer conv3b_t2_5x5
I0709 01:02:45.694934 11133 net.cpp:425] conv3b_t2_5x5 <- conv3b_t2_1x1/bn
I0709 01:02:45.694946 11133 net.cpp:399] conv3b_t2_5x5 -> conv3b_t2_5x5
I0709 01:02:45.700423 11133 net.cpp:141] Setting up conv3b_t2_5x5
I0709 01:02:45.700458 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.700461 11133 net.cpp:156] Memory required for data: 2345078272
I0709 01:02:45.700474 11133 layer_factory.hpp:77] Creating layer conv3b_t2_5x5/bn
I0709 01:02:45.700486 11133 net.cpp:91] Creating Layer conv3b_t2_5x5/bn
I0709 01:02:45.700494 11133 net.cpp:425] conv3b_t2_5x5/bn <- conv3b_t2_5x5
I0709 01:02:45.700506 11133 net.cpp:399] conv3b_t2_5x5/bn -> conv3b_t2_5x5/bn
I0709 01:02:45.700785 11133 net.cpp:141] Setting up conv3b_t2_5x5/bn
I0709 01:02:45.700795 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.700798 11133 net.cpp:156] Memory required for data: 2355113472
I0709 01:02:45.700808 11133 layer_factory.hpp:77] Creating layer relu3b_t2_5x5
I0709 01:02:45.700817 11133 net.cpp:91] Creating Layer relu3b_t2_5x5
I0709 01:02:45.700822 11133 net.cpp:425] relu3b_t2_5x5 <- conv3b_t2_5x5/bn
I0709 01:02:45.700827 11133 net.cpp:386] relu3b_t2_5x5 -> conv3b_t2_5x5/bn (in-place)
I0709 01:02:45.701270 11133 net.cpp:141] Setting up relu3b_t2_5x5
I0709 01:02:45.701287 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.701290 11133 net.cpp:156] Memory required for data: 2365148672
I0709 01:02:45.701294 11133 layer_factory.hpp:77] Creating layer conv3b_t3_1x1
I0709 01:02:45.701309 11133 net.cpp:91] Creating Layer conv3b_t3_1x1
I0709 01:02:45.701316 11133 net.cpp:425] conv3b_t3_1x1 <- inception_3a_inception_3a_0_split_2
I0709 01:02:45.701323 11133 net.cpp:399] conv3b_t3_1x1 -> conv3b_t3_1x1
I0709 01:02:45.703474 11133 net.cpp:141] Setting up conv3b_t3_1x1
I0709 01:02:45.703537 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.703544 11133 net.cpp:156] Memory required for data: 2375183872
I0709 01:02:45.703568 11133 layer_factory.hpp:77] Creating layer conv3b_t3_1x1/bn
I0709 01:02:45.703601 11133 net.cpp:91] Creating Layer conv3b_t3_1x1/bn
I0709 01:02:45.703647 11133 net.cpp:425] conv3b_t3_1x1/bn <- conv3b_t3_1x1
I0709 01:02:45.703672 11133 net.cpp:399] conv3b_t3_1x1/bn -> conv3b_t3_1x1/bn
I0709 01:02:45.704051 11133 net.cpp:141] Setting up conv3b_t3_1x1/bn
I0709 01:02:45.704071 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.704097 11133 net.cpp:156] Memory required for data: 2385219072
I0709 01:02:45.704120 11133 layer_factory.hpp:77] Creating layer relu3b_t3_1x1
I0709 01:02:45.704141 11133 net.cpp:91] Creating Layer relu3b_t3_1x1
I0709 01:02:45.704150 11133 net.cpp:425] relu3b_t3_1x1 <- conv3b_t3_1x1/bn
I0709 01:02:45.704167 11133 net.cpp:386] relu3b_t3_1x1 -> conv3b_t3_1x1/bn (in-place)
I0709 01:02:45.704897 11133 net.cpp:141] Setting up relu3b_t3_1x1
I0709 01:02:45.704928 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.704934 11133 net.cpp:156] Memory required for data: 2395254272
I0709 01:02:45.704943 11133 layer_factory.hpp:77] Creating layer conv3b_t3_3x3_1
I0709 01:02:45.704984 11133 net.cpp:91] Creating Layer conv3b_t3_3x3_1
I0709 01:02:45.705001 11133 net.cpp:425] conv3b_t3_3x3_1 <- conv3b_t3_1x1/bn
I0709 01:02:45.705021 11133 net.cpp:399] conv3b_t3_3x3_1 -> conv3b_t3_3x3_1
I0709 01:02:45.709342 11133 net.cpp:141] Setting up conv3b_t3_3x3_1
I0709 01:02:45.709403 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.709424 11133 net.cpp:156] Memory required for data: 2410307072
I0709 01:02:45.709437 11133 layer_factory.hpp:77] Creating layer conv3b_t3_3x3_1/bn
I0709 01:02:45.709458 11133 net.cpp:91] Creating Layer conv3b_t3_3x3_1/bn
I0709 01:02:45.709470 11133 net.cpp:425] conv3b_t3_3x3_1/bn <- conv3b_t3_3x3_1
I0709 01:02:45.709491 11133 net.cpp:399] conv3b_t3_3x3_1/bn -> conv3b_t3_3x3_1/bn
I0709 01:02:45.709957 11133 net.cpp:141] Setting up conv3b_t3_3x3_1/bn
I0709 01:02:45.709990 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.709996 11133 net.cpp:156] Memory required for data: 2425359872
I0709 01:02:45.710014 11133 layer_factory.hpp:77] Creating layer relu3b_t3_3x3_1
I0709 01:02:45.710031 11133 net.cpp:91] Creating Layer relu3b_t3_3x3_1
I0709 01:02:45.710041 11133 net.cpp:425] relu3b_t3_3x3_1 <- conv3b_t3_3x3_1/bn
I0709 01:02:45.710057 11133 net.cpp:386] relu3b_t3_3x3_1 -> conv3b_t3_3x3_1/bn (in-place)
I0709 01:02:45.710387 11133 net.cpp:141] Setting up relu3b_t3_3x3_1
I0709 01:02:45.710407 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.710414 11133 net.cpp:156] Memory required for data: 2440412672
I0709 01:02:45.710423 11133 layer_factory.hpp:77] Creating layer conv3b_t3_3x3_2
I0709 01:02:45.710451 11133 net.cpp:91] Creating Layer conv3b_t3_3x3_2
I0709 01:02:45.710460 11133 net.cpp:425] conv3b_t3_3x3_2 <- conv3b_t3_3x3_1/bn
I0709 01:02:45.710474 11133 net.cpp:399] conv3b_t3_3x3_2 -> conv3b_t3_3x3_2
I0709 01:02:45.716048 11133 net.cpp:141] Setting up conv3b_t3_3x3_2
I0709 01:02:45.716096 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.716101 11133 net.cpp:156] Memory required for data: 2455465472
I0709 01:02:45.716112 11133 layer_factory.hpp:77] Creating layer conv3b_t3_3x3_2/bn
I0709 01:02:45.716140 11133 net.cpp:91] Creating Layer conv3b_t3_3x3_2/bn
I0709 01:02:45.716162 11133 net.cpp:425] conv3b_t3_3x3_2/bn <- conv3b_t3_3x3_2
I0709 01:02:45.716171 11133 net.cpp:399] conv3b_t3_3x3_2/bn -> conv3b_t3_3x3_2/bn
I0709 01:02:45.716447 11133 net.cpp:141] Setting up conv3b_t3_3x3_2/bn
I0709 01:02:45.716456 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.716459 11133 net.cpp:156] Memory required for data: 2470518272
I0709 01:02:45.716469 11133 layer_factory.hpp:77] Creating layer relu3b_t3_3x3_2
I0709 01:02:45.716477 11133 net.cpp:91] Creating Layer relu3b_t3_3x3_2
I0709 01:02:45.716482 11133 net.cpp:425] relu3b_t3_3x3_2 <- conv3b_t3_3x3_2/bn
I0709 01:02:45.716490 11133 net.cpp:386] relu3b_t3_3x3_2 -> conv3b_t3_3x3_2/bn (in-place)
I0709 01:02:45.716853 11133 net.cpp:141] Setting up relu3b_t3_3x3_2
I0709 01:02:45.716866 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.716871 11133 net.cpp:156] Memory required for data: 2485571072
I0709 01:02:45.716874 11133 layer_factory.hpp:77] Creating layer conv3b_t4_pool
I0709 01:02:45.716881 11133 net.cpp:91] Creating Layer conv3b_t4_pool
I0709 01:02:45.716887 11133 net.cpp:425] conv3b_t4_pool <- inception_3a_inception_3a_0_split_3
I0709 01:02:45.716894 11133 net.cpp:399] conv3b_t4_pool -> conv3b_t4_pool
I0709 01:02:45.717097 11133 net.cpp:141] Setting up conv3b_t4_pool
I0709 01:02:45.717121 11133 net.cpp:148] Top shape: 32 256 35 35 (10035200)
I0709 01:02:45.717126 11133 net.cpp:156] Memory required for data: 2525711872
I0709 01:02:45.717134 11133 layer_factory.hpp:77] Creating layer conv3b_t4_1x1
I0709 01:02:45.717152 11133 net.cpp:91] Creating Layer conv3b_t4_1x1
I0709 01:02:45.717159 11133 net.cpp:425] conv3b_t4_1x1 <- conv3b_t4_pool
I0709 01:02:45.717170 11133 net.cpp:399] conv3b_t4_1x1 -> conv3b_t4_1x1
I0709 01:02:45.719642 11133 net.cpp:141] Setting up conv3b_t4_1x1
I0709 01:02:45.719702 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.719710 11133 net.cpp:156] Memory required for data: 2535747072
I0709 01:02:45.719727 11133 layer_factory.hpp:77] Creating layer conv3b_t4_1x1/bn
I0709 01:02:45.719745 11133 net.cpp:91] Creating Layer conv3b_t4_1x1/bn
I0709 01:02:45.719830 11133 net.cpp:425] conv3b_t4_1x1/bn <- conv3b_t4_1x1
I0709 01:02:45.719864 11133 net.cpp:399] conv3b_t4_1x1/bn -> conv3b_t4_1x1/bn
I0709 01:02:45.720310 11133 net.cpp:141] Setting up conv3b_t4_1x1/bn
I0709 01:02:45.720329 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.720336 11133 net.cpp:156] Memory required for data: 2545782272
I0709 01:02:45.720353 11133 layer_factory.hpp:77] Creating layer relu3b_t4_1x1
I0709 01:02:45.720383 11133 net.cpp:91] Creating Layer relu3b_t4_1x1
I0709 01:02:45.720394 11133 net.cpp:425] relu3b_t4_1x1 <- conv3b_t4_1x1/bn
I0709 01:02:45.720402 11133 net.cpp:386] relu3b_t4_1x1 -> conv3b_t4_1x1/bn (in-place)
I0709 01:02:45.720675 11133 net.cpp:141] Setting up relu3b_t4_1x1
I0709 01:02:45.720692 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.720703 11133 net.cpp:156] Memory required for data: 2555817472
I0709 01:02:45.720711 11133 layer_factory.hpp:77] Creating layer inception_3b
I0709 01:02:45.720726 11133 net.cpp:91] Creating Layer inception_3b
I0709 01:02:45.720734 11133 net.cpp:425] inception_3b <- conv3b_t1_1x1/bn
I0709 01:02:45.720744 11133 net.cpp:425] inception_3b <- conv3b_t2_5x5/bn
I0709 01:02:45.720753 11133 net.cpp:425] inception_3b <- conv3b_t3_3x3_2/bn
I0709 01:02:45.720762 11133 net.cpp:425] inception_3b <- conv3b_t4_1x1/bn
I0709 01:02:45.720773 11133 net.cpp:399] inception_3b -> inception_3b
I0709 01:02:45.720830 11133 net.cpp:141] Setting up inception_3b
I0709 01:02:45.720844 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.720849 11133 net.cpp:156] Memory required for data: 2600975872
I0709 01:02:45.720856 11133 layer_factory.hpp:77] Creating layer inception_3b_inception_3b_0_split
I0709 01:02:45.720868 11133 net.cpp:91] Creating Layer inception_3b_inception_3b_0_split
I0709 01:02:45.720876 11133 net.cpp:425] inception_3b_inception_3b_0_split <- inception_3b
I0709 01:02:45.720888 11133 net.cpp:399] inception_3b_inception_3b_0_split -> inception_3b_inception_3b_0_split_0
I0709 01:02:45.720901 11133 net.cpp:399] inception_3b_inception_3b_0_split -> inception_3b_inception_3b_0_split_1
I0709 01:02:45.720911 11133 net.cpp:399] inception_3b_inception_3b_0_split -> inception_3b_inception_3b_0_split_2
I0709 01:02:45.720926 11133 net.cpp:399] inception_3b_inception_3b_0_split -> inception_3b_inception_3b_0_split_3
I0709 01:02:45.721029 11133 net.cpp:141] Setting up inception_3b_inception_3b_0_split
I0709 01:02:45.721043 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.721050 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.721058 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.721067 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.721073 11133 net.cpp:156] Memory required for data: 2781609472
I0709 01:02:45.721093 11133 layer_factory.hpp:77] Creating layer conv3c_t1_1x1
I0709 01:02:45.721112 11133 net.cpp:91] Creating Layer conv3c_t1_1x1
I0709 01:02:45.721122 11133 net.cpp:425] conv3c_t1_1x1 <- inception_3b_inception_3b_0_split_0
I0709 01:02:45.721132 11133 net.cpp:399] conv3c_t1_1x1 -> conv3c_t1_1x1
I0709 01:02:45.724637 11133 net.cpp:141] Setting up conv3c_t1_1x1
I0709 01:02:45.724704 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.724709 11133 net.cpp:156] Memory required for data: 2791644672
I0709 01:02:45.724726 11133 layer_factory.hpp:77] Creating layer conv3c_t1_1x1/bn
I0709 01:02:45.724750 11133 net.cpp:91] Creating Layer conv3c_t1_1x1/bn
I0709 01:02:45.724764 11133 net.cpp:425] conv3c_t1_1x1/bn <- conv3c_t1_1x1
I0709 01:02:45.724777 11133 net.cpp:399] conv3c_t1_1x1/bn -> conv3c_t1_1x1/bn
I0709 01:02:45.727746 11133 net.cpp:141] Setting up conv3c_t1_1x1/bn
I0709 01:02:45.727833 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.727838 11133 net.cpp:156] Memory required for data: 2801679872
I0709 01:02:45.727880 11133 layer_factory.hpp:77] Creating layer relu3c_t1_1x1
I0709 01:02:45.727932 11133 net.cpp:91] Creating Layer relu3c_t1_1x1
I0709 01:02:45.727955 11133 net.cpp:425] relu3c_t1_1x1 <- conv3c_t1_1x1/bn
I0709 01:02:45.727989 11133 net.cpp:386] relu3c_t1_1x1 -> conv3c_t1_1x1/bn (in-place)
I0709 01:02:45.729482 11133 net.cpp:141] Setting up relu3c_t1_1x1
I0709 01:02:45.729540 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.729549 11133 net.cpp:156] Memory required for data: 2811715072
I0709 01:02:45.729564 11133 layer_factory.hpp:77] Creating layer conv3c_t2_1x1
I0709 01:02:45.729617 11133 net.cpp:91] Creating Layer conv3c_t2_1x1
I0709 01:02:45.729636 11133 net.cpp:425] conv3c_t2_1x1 <- inception_3b_inception_3b_0_split_1
I0709 01:02:45.729681 11133 net.cpp:399] conv3c_t2_1x1 -> conv3c_t2_1x1
I0709 01:02:45.731766 11133 net.cpp:141] Setting up conv3c_t2_1x1
I0709 01:02:45.731796 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.731801 11133 net.cpp:156] Memory required for data: 2819241472
I0709 01:02:45.731812 11133 layer_factory.hpp:77] Creating layer conv3c_t2_1x1/bn
I0709 01:02:45.731844 11133 net.cpp:91] Creating Layer conv3c_t2_1x1/bn
I0709 01:02:45.731853 11133 net.cpp:425] conv3c_t2_1x1/bn <- conv3c_t2_1x1
I0709 01:02:45.731861 11133 net.cpp:399] conv3c_t2_1x1/bn -> conv3c_t2_1x1/bn
I0709 01:02:45.732199 11133 net.cpp:141] Setting up conv3c_t2_1x1/bn
I0709 01:02:45.732209 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.732224 11133 net.cpp:156] Memory required for data: 2826767872
I0709 01:02:45.732234 11133 layer_factory.hpp:77] Creating layer relu3c_t2_1x1
I0709 01:02:45.732242 11133 net.cpp:91] Creating Layer relu3c_t2_1x1
I0709 01:02:45.732246 11133 net.cpp:425] relu3c_t2_1x1 <- conv3c_t2_1x1/bn
I0709 01:02:45.732255 11133 net.cpp:386] relu3c_t2_1x1 -> conv3c_t2_1x1/bn (in-place)
I0709 01:02:45.732448 11133 net.cpp:141] Setting up relu3c_t2_1x1
I0709 01:02:45.732460 11133 net.cpp:148] Top shape: 32 48 35 35 (1881600)
I0709 01:02:45.732462 11133 net.cpp:156] Memory required for data: 2834294272
I0709 01:02:45.732466 11133 layer_factory.hpp:77] Creating layer conv3c_t2_5x5
I0709 01:02:45.732481 11133 net.cpp:91] Creating Layer conv3c_t2_5x5
I0709 01:02:45.732486 11133 net.cpp:425] conv3c_t2_5x5 <- conv3c_t2_1x1/bn
I0709 01:02:45.732493 11133 net.cpp:399] conv3c_t2_5x5 -> conv3c_t2_5x5
I0709 01:02:45.737711 11133 net.cpp:141] Setting up conv3c_t2_5x5
I0709 01:02:45.737757 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.737761 11133 net.cpp:156] Memory required for data: 2844329472
I0709 01:02:45.737773 11133 layer_factory.hpp:77] Creating layer conv3c_t2_5x5/bn
I0709 01:02:45.737788 11133 net.cpp:91] Creating Layer conv3c_t2_5x5/bn
I0709 01:02:45.737795 11133 net.cpp:425] conv3c_t2_5x5/bn <- conv3c_t2_5x5
I0709 01:02:45.737807 11133 net.cpp:399] conv3c_t2_5x5/bn -> conv3c_t2_5x5/bn
I0709 01:02:45.738111 11133 net.cpp:141] Setting up conv3c_t2_5x5/bn
I0709 01:02:45.738123 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.738126 11133 net.cpp:156] Memory required for data: 2854364672
I0709 01:02:45.738134 11133 layer_factory.hpp:77] Creating layer relu3c_t2_5x5
I0709 01:02:45.738144 11133 net.cpp:91] Creating Layer relu3c_t2_5x5
I0709 01:02:45.738148 11133 net.cpp:425] relu3c_t2_5x5 <- conv3c_t2_5x5/bn
I0709 01:02:45.738153 11133 net.cpp:386] relu3c_t2_5x5 -> conv3c_t2_5x5/bn (in-place)
I0709 01:02:45.738339 11133 net.cpp:141] Setting up relu3c_t2_5x5
I0709 01:02:45.738348 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.738354 11133 net.cpp:156] Memory required for data: 2864399872
I0709 01:02:45.738358 11133 layer_factory.hpp:77] Creating layer conv3c_t3_1x1
I0709 01:02:45.738373 11133 net.cpp:91] Creating Layer conv3c_t3_1x1
I0709 01:02:45.738380 11133 net.cpp:425] conv3c_t3_1x1 <- inception_3b_inception_3b_0_split_2
I0709 01:02:45.738387 11133 net.cpp:399] conv3c_t3_1x1 -> conv3c_t3_1x1
I0709 01:02:45.740263 11133 net.cpp:141] Setting up conv3c_t3_1x1
I0709 01:02:45.740298 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.740305 11133 net.cpp:156] Memory required for data: 2874435072
I0709 01:02:45.740314 11133 layer_factory.hpp:77] Creating layer conv3c_t3_1x1/bn
I0709 01:02:45.740334 11133 net.cpp:91] Creating Layer conv3c_t3_1x1/bn
I0709 01:02:45.740340 11133 net.cpp:425] conv3c_t3_1x1/bn <- conv3c_t3_1x1
I0709 01:02:45.740363 11133 net.cpp:399] conv3c_t3_1x1/bn -> conv3c_t3_1x1/bn
I0709 01:02:45.740664 11133 net.cpp:141] Setting up conv3c_t3_1x1/bn
I0709 01:02:45.740681 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.740687 11133 net.cpp:156] Memory required for data: 2884470272
I0709 01:02:45.740701 11133 layer_factory.hpp:77] Creating layer relu3c_t3_1x1
I0709 01:02:45.740753 11133 net.cpp:91] Creating Layer relu3c_t3_1x1
I0709 01:02:45.740763 11133 net.cpp:425] relu3c_t3_1x1 <- conv3c_t3_1x1/bn
I0709 01:02:45.740773 11133 net.cpp:386] relu3c_t3_1x1 -> conv3c_t3_1x1/bn (in-place)
I0709 01:02:45.743626 11133 net.cpp:141] Setting up relu3c_t3_1x1
I0709 01:02:45.743700 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.743707 11133 net.cpp:156] Memory required for data: 2894505472
I0709 01:02:45.743721 11133 layer_factory.hpp:77] Creating layer conv3c_t3_3x3_1
I0709 01:02:45.743770 11133 net.cpp:91] Creating Layer conv3c_t3_3x3_1
I0709 01:02:45.743783 11133 net.cpp:425] conv3c_t3_3x3_1 <- conv3c_t3_1x1/bn
I0709 01:02:45.743804 11133 net.cpp:399] conv3c_t3_3x3_1 -> conv3c_t3_3x3_1
I0709 01:02:45.749408 11133 net.cpp:141] Setting up conv3c_t3_3x3_1
I0709 01:02:45.749475 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.749485 11133 net.cpp:156] Memory required for data: 2909558272
I0709 01:02:45.749501 11133 layer_factory.hpp:77] Creating layer conv3c_t3_3x3_1/bn
I0709 01:02:45.749521 11133 net.cpp:91] Creating Layer conv3c_t3_3x3_1/bn
I0709 01:02:45.749532 11133 net.cpp:425] conv3c_t3_3x3_1/bn <- conv3c_t3_3x3_1
I0709 01:02:45.749549 11133 net.cpp:399] conv3c_t3_3x3_1/bn -> conv3c_t3_3x3_1/bn
I0709 01:02:45.749997 11133 net.cpp:141] Setting up conv3c_t3_3x3_1/bn
I0709 01:02:45.750012 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.750030 11133 net.cpp:156] Memory required for data: 2924611072
I0709 01:02:45.750048 11133 layer_factory.hpp:77] Creating layer relu3c_t3_3x3_1
I0709 01:02:45.750061 11133 net.cpp:91] Creating Layer relu3c_t3_3x3_1
I0709 01:02:45.750068 11133 net.cpp:425] relu3c_t3_3x3_1 <- conv3c_t3_3x3_1/bn
I0709 01:02:45.750078 11133 net.cpp:386] relu3c_t3_3x3_1 -> conv3c_t3_3x3_1/bn (in-place)
I0709 01:02:45.750354 11133 net.cpp:141] Setting up relu3c_t3_3x3_1
I0709 01:02:45.750368 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.750375 11133 net.cpp:156] Memory required for data: 2939663872
I0709 01:02:45.750383 11133 layer_factory.hpp:77] Creating layer conv3c_t3_3x3_2
I0709 01:02:45.750404 11133 net.cpp:91] Creating Layer conv3c_t3_3x3_2
I0709 01:02:45.750412 11133 net.cpp:425] conv3c_t3_3x3_2 <- conv3c_t3_3x3_1/bn
I0709 01:02:45.750423 11133 net.cpp:399] conv3c_t3_3x3_2 -> conv3c_t3_3x3_2
I0709 01:02:45.755806 11133 net.cpp:141] Setting up conv3c_t3_3x3_2
I0709 01:02:45.755861 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.755867 11133 net.cpp:156] Memory required for data: 2954716672
I0709 01:02:45.755877 11133 layer_factory.hpp:77] Creating layer conv3c_t3_3x3_2/bn
I0709 01:02:45.755892 11133 net.cpp:91] Creating Layer conv3c_t3_3x3_2/bn
I0709 01:02:45.755898 11133 net.cpp:425] conv3c_t3_3x3_2/bn <- conv3c_t3_3x3_2
I0709 01:02:45.755908 11133 net.cpp:399] conv3c_t3_3x3_2/bn -> conv3c_t3_3x3_2/bn
I0709 01:02:45.756230 11133 net.cpp:141] Setting up conv3c_t3_3x3_2/bn
I0709 01:02:45.756244 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.756250 11133 net.cpp:156] Memory required for data: 2969769472
I0709 01:02:45.756265 11133 layer_factory.hpp:77] Creating layer relu3c_t3_3x3_2
I0709 01:02:45.756281 11133 net.cpp:91] Creating Layer relu3c_t3_3x3_2
I0709 01:02:45.756290 11133 net.cpp:425] relu3c_t3_3x3_2 <- conv3c_t3_3x3_2/bn
I0709 01:02:45.756301 11133 net.cpp:386] relu3c_t3_3x3_2 -> conv3c_t3_3x3_2/bn (in-place)
I0709 01:02:45.756499 11133 net.cpp:141] Setting up relu3c_t3_3x3_2
I0709 01:02:45.756511 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.756516 11133 net.cpp:156] Memory required for data: 2984822272
I0709 01:02:45.756525 11133 layer_factory.hpp:77] Creating layer conv3c_t4_pool
I0709 01:02:45.756582 11133 net.cpp:91] Creating Layer conv3c_t4_pool
I0709 01:02:45.756587 11133 net.cpp:425] conv3c_t4_pool <- inception_3b_inception_3b_0_split_3
I0709 01:02:45.756593 11133 net.cpp:399] conv3c_t4_pool -> conv3c_t4_pool
I0709 01:02:45.759536 11133 net.cpp:141] Setting up conv3c_t4_pool
I0709 01:02:45.759613 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.759621 11133 net.cpp:156] Memory required for data: 3029980672
I0709 01:02:45.759636 11133 layer_factory.hpp:77] Creating layer conv3c_t4_1x1
I0709 01:02:45.759688 11133 net.cpp:91] Creating Layer conv3c_t4_1x1
I0709 01:02:45.759739 11133 net.cpp:425] conv3c_t4_1x1 <- conv3c_t4_pool
I0709 01:02:45.759773 11133 net.cpp:399] conv3c_t4_1x1 -> conv3c_t4_1x1
I0709 01:02:45.762789 11133 net.cpp:141] Setting up conv3c_t4_1x1
I0709 01:02:45.762918 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.762930 11133 net.cpp:156] Memory required for data: 3040015872
I0709 01:02:45.762948 11133 layer_factory.hpp:77] Creating layer conv3c_t4_1x1/bn
I0709 01:02:45.762976 11133 net.cpp:91] Creating Layer conv3c_t4_1x1/bn
I0709 01:02:45.762990 11133 net.cpp:425] conv3c_t4_1x1/bn <- conv3c_t4_1x1
I0709 01:02:45.763007 11133 net.cpp:399] conv3c_t4_1x1/bn -> conv3c_t4_1x1/bn
I0709 01:02:45.763516 11133 net.cpp:141] Setting up conv3c_t4_1x1/bn
I0709 01:02:45.763563 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.763587 11133 net.cpp:156] Memory required for data: 3050051072
I0709 01:02:45.763741 11133 layer_factory.hpp:77] Creating layer relu3c_t4_1x1
I0709 01:02:45.763783 11133 net.cpp:91] Creating Layer relu3c_t4_1x1
I0709 01:02:45.763799 11133 net.cpp:425] relu3c_t4_1x1 <- conv3c_t4_1x1/bn
I0709 01:02:45.763814 11133 net.cpp:386] relu3c_t4_1x1 -> conv3c_t4_1x1/bn (in-place)
I0709 01:02:45.764384 11133 net.cpp:141] Setting up relu3c_t4_1x1
I0709 01:02:45.764410 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.764418 11133 net.cpp:156] Memory required for data: 3060086272
I0709 01:02:45.764430 11133 layer_factory.hpp:77] Creating layer inception_3c
I0709 01:02:45.764457 11133 net.cpp:91] Creating Layer inception_3c
I0709 01:02:45.764468 11133 net.cpp:425] inception_3c <- conv3c_t1_1x1/bn
I0709 01:02:45.764484 11133 net.cpp:425] inception_3c <- conv3c_t2_5x5/bn
I0709 01:02:45.764495 11133 net.cpp:425] inception_3c <- conv3c_t3_3x3_2/bn
I0709 01:02:45.764509 11133 net.cpp:425] inception_3c <- conv3c_t4_1x1/bn
I0709 01:02:45.764526 11133 net.cpp:399] inception_3c -> inception_3c
I0709 01:02:45.764663 11133 net.cpp:141] Setting up inception_3c
I0709 01:02:45.764678 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.764719 11133 net.cpp:156] Memory required for data: 3105244672
I0709 01:02:45.764731 11133 layer_factory.hpp:77] Creating layer inception_3c_inception_3c_0_split
I0709 01:02:45.764747 11133 net.cpp:91] Creating Layer inception_3c_inception_3c_0_split
I0709 01:02:45.764755 11133 net.cpp:425] inception_3c_inception_3c_0_split <- inception_3c
I0709 01:02:45.764765 11133 net.cpp:399] inception_3c_inception_3c_0_split -> inception_3c_inception_3c_0_split_0
I0709 01:02:45.764782 11133 net.cpp:399] inception_3c_inception_3c_0_split -> inception_3c_inception_3c_0_split_1
I0709 01:02:45.764792 11133 net.cpp:399] inception_3c_inception_3c_0_split -> inception_3c_inception_3c_0_split_2
I0709 01:02:45.764906 11133 net.cpp:141] Setting up inception_3c_inception_3c_0_split
I0709 01:02:45.764919 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.764931 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.764940 11133 net.cpp:148] Top shape: 32 288 35 35 (11289600)
I0709 01:02:45.764945 11133 net.cpp:156] Memory required for data: 3240719872
I0709 01:02:45.764953 11133 layer_factory.hpp:77] Creating layer conv3d_t1_3x3
I0709 01:02:45.764981 11133 net.cpp:91] Creating Layer conv3d_t1_3x3
I0709 01:02:45.764988 11133 net.cpp:425] conv3d_t1_3x3 <- inception_3c_inception_3c_0_split_0
I0709 01:02:45.765002 11133 net.cpp:399] conv3d_t1_3x3 -> conv3d_t1_3x3
I0709 01:02:45.806315 11133 net.cpp:141] Setting up conv3d_t1_3x3
I0709 01:02:45.806380 11133 net.cpp:148] Top shape: 32 384 17 17 (3551232)
I0709 01:02:45.806387 11133 net.cpp:156] Memory required for data: 3254924800
I0709 01:02:45.806402 11133 layer_factory.hpp:77] Creating layer conv3d_t1_3x3/bn
I0709 01:02:45.806417 11133 net.cpp:91] Creating Layer conv3d_t1_3x3/bn
I0709 01:02:45.806470 11133 net.cpp:425] conv3d_t1_3x3/bn <- conv3d_t1_3x3
I0709 01:02:45.806488 11133 net.cpp:399] conv3d_t1_3x3/bn -> conv3d_t1_3x3/bn
I0709 01:02:45.806915 11133 net.cpp:141] Setting up conv3d_t1_3x3/bn
I0709 01:02:45.806944 11133 net.cpp:148] Top shape: 32 384 17 17 (3551232)
I0709 01:02:45.806951 11133 net.cpp:156] Memory required for data: 3269129728
I0709 01:02:45.806970 11133 layer_factory.hpp:77] Creating layer relu3d_t1_3x3
I0709 01:02:45.806993 11133 net.cpp:91] Creating Layer relu3d_t1_3x3
I0709 01:02:45.807003 11133 net.cpp:425] relu3d_t1_3x3 <- conv3d_t1_3x3/bn
I0709 01:02:45.807016 11133 net.cpp:386] relu3d_t1_3x3 -> conv3d_t1_3x3/bn (in-place)
I0709 01:02:45.807898 11133 net.cpp:141] Setting up relu3d_t1_3x3
I0709 01:02:45.807937 11133 net.cpp:148] Top shape: 32 384 17 17 (3551232)
I0709 01:02:45.807946 11133 net.cpp:156] Memory required for data: 3283334656
I0709 01:02:45.807960 11133 layer_factory.hpp:77] Creating layer conv3d_t2_1x1
I0709 01:02:45.808001 11133 net.cpp:91] Creating Layer conv3d_t2_1x1
I0709 01:02:45.808015 11133 net.cpp:425] conv3d_t2_1x1 <- inception_3c_inception_3c_0_split_1
I0709 01:02:45.808042 11133 net.cpp:399] conv3d_t2_1x1 -> conv3d_t2_1x1
I0709 01:02:45.810701 11133 net.cpp:141] Setting up conv3d_t2_1x1
I0709 01:02:45.810752 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.810757 11133 net.cpp:156] Memory required for data: 3293369856
I0709 01:02:45.810767 11133 layer_factory.hpp:77] Creating layer conv3d_t2_1x1/bn
I0709 01:02:45.810781 11133 net.cpp:91] Creating Layer conv3d_t2_1x1/bn
I0709 01:02:45.810789 11133 net.cpp:425] conv3d_t2_1x1/bn <- conv3d_t2_1x1
I0709 01:02:45.810797 11133 net.cpp:399] conv3d_t2_1x1/bn -> conv3d_t2_1x1/bn
I0709 01:02:45.811122 11133 net.cpp:141] Setting up conv3d_t2_1x1/bn
I0709 01:02:45.811131 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.811146 11133 net.cpp:156] Memory required for data: 3303405056
I0709 01:02:45.811153 11133 layer_factory.hpp:77] Creating layer relu3d_t2_1x1
I0709 01:02:45.811161 11133 net.cpp:91] Creating Layer relu3d_t2_1x1
I0709 01:02:45.811163 11133 net.cpp:425] relu3d_t2_1x1 <- conv3d_t2_1x1/bn
I0709 01:02:45.811169 11133 net.cpp:386] relu3d_t2_1x1 -> conv3d_t2_1x1/bn (in-place)
I0709 01:02:45.811681 11133 net.cpp:141] Setting up relu3d_t2_1x1
I0709 01:02:45.811692 11133 net.cpp:148] Top shape: 32 64 35 35 (2508800)
I0709 01:02:45.811708 11133 net.cpp:156] Memory required for data: 3313440256
I0709 01:02:45.811712 11133 layer_factory.hpp:77] Creating layer conv3d_t2_3x3_1
I0709 01:02:45.811728 11133 net.cpp:91] Creating Layer conv3d_t2_3x3_1
I0709 01:02:45.811734 11133 net.cpp:425] conv3d_t2_3x3_1 <- conv3d_t2_1x1/bn
I0709 01:02:45.811754 11133 net.cpp:399] conv3d_t2_3x3_1 -> conv3d_t2_3x3_1
I0709 01:02:45.815804 11133 net.cpp:141] Setting up conv3d_t2_3x3_1
I0709 01:02:45.815867 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.815874 11133 net.cpp:156] Memory required for data: 3328493056
I0709 01:02:45.815891 11133 layer_factory.hpp:77] Creating layer conv3d_t2_3x3_1/bn
I0709 01:02:45.815908 11133 net.cpp:91] Creating Layer conv3d_t2_3x3_1/bn
I0709 01:02:45.815932 11133 net.cpp:425] conv3d_t2_3x3_1/bn <- conv3d_t2_3x3_1
I0709 01:02:45.815959 11133 net.cpp:399] conv3d_t2_3x3_1/bn -> conv3d_t2_3x3_1/bn
I0709 01:02:45.816427 11133 net.cpp:141] Setting up conv3d_t2_3x3_1/bn
I0709 01:02:45.816450 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.816468 11133 net.cpp:156] Memory required for data: 3343545856
I0709 01:02:45.816481 11133 layer_factory.hpp:77] Creating layer relu3d_t3_3x3_1
I0709 01:02:45.816511 11133 net.cpp:91] Creating Layer relu3d_t3_3x3_1
I0709 01:02:45.816529 11133 net.cpp:425] relu3d_t3_3x3_1 <- conv3d_t2_3x3_1/bn
I0709 01:02:45.816539 11133 net.cpp:386] relu3d_t3_3x3_1 -> conv3d_t2_3x3_1/bn (in-place)
I0709 01:02:45.816850 11133 net.cpp:141] Setting up relu3d_t3_3x3_1
I0709 01:02:45.816865 11133 net.cpp:148] Top shape: 32 96 35 35 (3763200)
I0709 01:02:45.816881 11133 net.cpp:156] Memory required for data: 3358598656
I0709 01:02:45.816886 11133 layer_factory.hpp:77] Creating layer conv3d_t2_3x3_2
I0709 01:02:45.816908 11133 net.cpp:91] Creating Layer conv3d_t2_3x3_2
I0709 01:02:45.816917 11133 net.cpp:425] conv3d_t2_3x3_2 <- conv3d_t2_3x3_1/bn
I0709 01:02:45.816936 11133 net.cpp:399] conv3d_t2_3x3_2 -> conv3d_t2_3x3_2
I0709 01:02:45.822805 11133 net.cpp:141] Setting up conv3d_t2_3x3_2
I0709 01:02:45.822852 11133 net.cpp:148] Top shape: 32 96 17 17 (887808)
I0709 01:02:45.822857 11133 net.cpp:156] Memory required for data: 3362149888
I0709 01:02:45.822870 11133 layer_factory.hpp:77] Creating layer conv3d_t2_3x3_2/bn
I0709 01:02:45.822890 11133 net.cpp:91] Creating Layer conv3d_t2_3x3_2/bn
I0709 01:02:45.822903 11133 net.cpp:425] conv3d_t2_3x3_2/bn <- conv3d_t2_3x3_2
I0709 01:02:45.822916 11133 net.cpp:399] conv3d_t2_3x3_2/bn -> conv3d_t2_3x3_2/bn
I0709 01:02:45.823231 11133 net.cpp:141] Setting up conv3d_t2_3x3_2/bn
I0709 01:02:45.823245 11133 net.cpp:148] Top shape: 32 96 17 17 (887808)
I0709 01:02:45.823249 11133 net.cpp:156] Memory required for data: 3365701120
I0709 01:02:45.823267 11133 layer_factory.hpp:77] Creating layer relu3d_t3_3x3_2
I0709 01:02:45.823283 11133 net.cpp:91] Creating Layer relu3d_t3_3x3_2
I0709 01:02:45.823299 11133 net.cpp:425] relu3d_t3_3x3_2 <- conv3d_t2_3x3_2/bn
I0709 01:02:45.823304 11133 net.cpp:386] relu3d_t3_3x3_2 -> conv3d_t2_3x3_2/bn (in-place)
I0709 01:02:45.823797 11133 net.cpp:141] Setting up relu3d_t3_3x3_2
I0709 01:02:45.823810 11133 net.cpp:148] Top shape: 32 96 17 17 (887808)
I0709 01:02:45.823825 11133 net.cpp:156] Memory required for data: 3369252352
I0709 01:02:45.823829 11133 layer_factory.hpp:77] Creating layer conv3d_t3_pool
I0709 01:02:45.823837 11133 net.cpp:91] Creating Layer conv3d_t3_pool
I0709 01:02:45.823842 11133 net.cpp:425] conv3d_t3_pool <- inception_3c_inception_3c_0_split_2
I0709 01:02:45.823849 11133 net.cpp:399] conv3d_t3_pool -> conv3d_t3_pool
I0709 01:02:45.823904 11133 net.cpp:141] Setting up conv3d_t3_pool
I0709 01:02:45.823915 11133 net.cpp:148] Top shape: 32 288 17 17 (2663424)
I0709 01:02:45.823920 11133 net.cpp:156] Memory required for data: 3379906048
I0709 01:02:45.823926 11133 layer_factory.hpp:77] Creating layer inception_3d
I0709 01:02:45.823940 11133 net.cpp:91] Creating Layer inception_3d
I0709 01:02:45.823948 11133 net.cpp:425] inception_3d <- conv3d_t1_3x3/bn
I0709 01:02:45.823956 11133 net.cpp:425] inception_3d <- conv3d_t2_3x3_2/bn
I0709 01:02:45.823985 11133 net.cpp:425] inception_3d <- conv3d_t3_pool
I0709 01:02:45.823997 11133 net.cpp:399] inception_3d -> inception_3d
I0709 01:02:45.824043 11133 net.cpp:141] Setting up inception_3d
I0709 01:02:45.824054 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.824060 11133 net.cpp:156] Memory required for data: 3408315904
I0709 01:02:45.824066 11133 layer_factory.hpp:77] Creating layer inception_3d_inception_3d_0_split
I0709 01:02:45.824079 11133 net.cpp:91] Creating Layer inception_3d_inception_3d_0_split
I0709 01:02:45.824086 11133 net.cpp:425] inception_3d_inception_3d_0_split <- inception_3d
I0709 01:02:45.824098 11133 net.cpp:399] inception_3d_inception_3d_0_split -> inception_3d_inception_3d_0_split_0
I0709 01:02:45.824110 11133 net.cpp:399] inception_3d_inception_3d_0_split -> inception_3d_inception_3d_0_split_1
I0709 01:02:45.824122 11133 net.cpp:399] inception_3d_inception_3d_0_split -> inception_3d_inception_3d_0_split_2
I0709 01:02:45.824136 11133 net.cpp:399] inception_3d_inception_3d_0_split -> inception_3d_inception_3d_0_split_3
I0709 01:02:45.824214 11133 net.cpp:141] Setting up inception_3d_inception_3d_0_split
I0709 01:02:45.824225 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.824232 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.824241 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.824250 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.824257 11133 net.cpp:156] Memory required for data: 3521955328
I0709 01:02:45.824265 11133 layer_factory.hpp:77] Creating layer conv4a_t1_1x1
I0709 01:02:45.824285 11133 net.cpp:91] Creating Layer conv4a_t1_1x1
I0709 01:02:45.824295 11133 net.cpp:425] conv4a_t1_1x1 <- inception_3d_inception_3d_0_split_0
I0709 01:02:45.824304 11133 net.cpp:399] conv4a_t1_1x1 -> conv4a_t1_1x1
I0709 01:02:45.831848 11133 net.cpp:141] Setting up conv4a_t1_1x1
I0709 01:02:45.831893 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.831902 11133 net.cpp:156] Memory required for data: 3529057792
I0709 01:02:45.831915 11133 layer_factory.hpp:77] Creating layer conv4a_t1_1x1/bn
I0709 01:02:45.831931 11133 net.cpp:91] Creating Layer conv4a_t1_1x1/bn
I0709 01:02:45.831943 11133 net.cpp:425] conv4a_t1_1x1/bn <- conv4a_t1_1x1
I0709 01:02:45.831956 11133 net.cpp:399] conv4a_t1_1x1/bn -> conv4a_t1_1x1/bn
I0709 01:02:45.832296 11133 net.cpp:141] Setting up conv4a_t1_1x1/bn
I0709 01:02:45.832319 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.832334 11133 net.cpp:156] Memory required for data: 3536160256
I0709 01:02:45.832355 11133 layer_factory.hpp:77] Creating layer relu4a_t1_1x1
I0709 01:02:45.832366 11133 net.cpp:91] Creating Layer relu4a_t1_1x1
I0709 01:02:45.832373 11133 net.cpp:425] relu4a_t1_1x1 <- conv4a_t1_1x1/bn
I0709 01:02:45.832389 11133 net.cpp:386] relu4a_t1_1x1 -> conv4a_t1_1x1/bn (in-place)
I0709 01:02:45.832808 11133 net.cpp:141] Setting up relu4a_t1_1x1
I0709 01:02:45.832823 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.832837 11133 net.cpp:156] Memory required for data: 3543262720
I0709 01:02:45.832841 11133 layer_factory.hpp:77] Creating layer conv4a_t2_1x1
I0709 01:02:45.832857 11133 net.cpp:91] Creating Layer conv4a_t2_1x1
I0709 01:02:45.832883 11133 net.cpp:425] conv4a_t2_1x1 <- inception_3d_inception_3d_0_split_1
I0709 01:02:45.832890 11133 net.cpp:399] conv4a_t2_1x1 -> conv4a_t2_1x1
I0709 01:02:45.838114 11133 net.cpp:141] Setting up conv4a_t2_1x1
I0709 01:02:45.838160 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.838165 11133 net.cpp:156] Memory required for data: 3547997696
I0709 01:02:45.838176 11133 layer_factory.hpp:77] Creating layer conv4a_t2_1x1/bn
I0709 01:02:45.838188 11133 net.cpp:91] Creating Layer conv4a_t2_1x1/bn
I0709 01:02:45.838197 11133 net.cpp:425] conv4a_t2_1x1/bn <- conv4a_t2_1x1
I0709 01:02:45.838207 11133 net.cpp:399] conv4a_t2_1x1/bn -> conv4a_t2_1x1/bn
I0709 01:02:45.838508 11133 net.cpp:141] Setting up conv4a_t2_1x1/bn
I0709 01:02:45.838517 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.838531 11133 net.cpp:156] Memory required for data: 3552732672
I0709 01:02:45.838543 11133 layer_factory.hpp:77] Creating layer relu4a_t2_1x1
I0709 01:02:45.838551 11133 net.cpp:91] Creating Layer relu4a_t2_1x1
I0709 01:02:45.838557 11133 net.cpp:425] relu4a_t2_1x1 <- conv4a_t2_1x1/bn
I0709 01:02:45.838560 11133 net.cpp:386] relu4a_t2_1x1 -> conv4a_t2_1x1/bn (in-place)
I0709 01:02:45.838757 11133 net.cpp:141] Setting up relu4a_t2_1x1
I0709 01:02:45.838768 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.838773 11133 net.cpp:156] Memory required for data: 3557467648
I0709 01:02:45.838776 11133 layer_factory.hpp:77] Creating layer conv4a_t2_1x7
I0709 01:02:45.838790 11133 net.cpp:91] Creating Layer conv4a_t2_1x7
I0709 01:02:45.838795 11133 net.cpp:425] conv4a_t2_1x7 <- conv4a_t2_1x1/bn
I0709 01:02:45.838801 11133 net.cpp:399] conv4a_t2_1x7 -> conv4a_t2_1x7
I0709 01:02:45.845595 11133 net.cpp:141] Setting up conv4a_t2_1x7
I0709 01:02:45.845650 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.845655 11133 net.cpp:156] Memory required for data: 3562202624
I0709 01:02:45.845670 11133 layer_factory.hpp:77] Creating layer conv4a_t2_1x7/bn
I0709 01:02:45.845688 11133 net.cpp:91] Creating Layer conv4a_t2_1x7/bn
I0709 01:02:45.845698 11133 net.cpp:425] conv4a_t2_1x7/bn <- conv4a_t2_1x7
I0709 01:02:45.845708 11133 net.cpp:399] conv4a_t2_1x7/bn -> conv4a_t2_1x7/bn
I0709 01:02:45.846029 11133 net.cpp:141] Setting up conv4a_t2_1x7/bn
I0709 01:02:45.846040 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.846042 11133 net.cpp:156] Memory required for data: 3566937600
I0709 01:02:45.846051 11133 layer_factory.hpp:77] Creating layer relu4a_t2_1x7
I0709 01:02:45.846058 11133 net.cpp:91] Creating Layer relu4a_t2_1x7
I0709 01:02:45.846062 11133 net.cpp:425] relu4a_t2_1x7 <- conv4a_t2_1x7/bn
I0709 01:02:45.846070 11133 net.cpp:386] relu4a_t2_1x7 -> conv4a_t2_1x7/bn (in-place)
I0709 01:02:45.846556 11133 net.cpp:141] Setting up relu4a_t2_1x7
I0709 01:02:45.846570 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.846585 11133 net.cpp:156] Memory required for data: 3571672576
I0709 01:02:45.846591 11133 layer_factory.hpp:77] Creating layer conv4a_t2_7x1
I0709 01:02:45.846604 11133 net.cpp:91] Creating Layer conv4a_t2_7x1
I0709 01:02:45.846611 11133 net.cpp:425] conv4a_t2_7x1 <- conv4a_t2_1x7/bn
I0709 01:02:45.846617 11133 net.cpp:399] conv4a_t2_7x1 -> conv4a_t2_7x1
I0709 01:02:45.854463 11133 net.cpp:141] Setting up conv4a_t2_7x1
I0709 01:02:45.854522 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.854532 11133 net.cpp:156] Memory required for data: 3578775040
I0709 01:02:45.854548 11133 layer_factory.hpp:77] Creating layer conv4a_t2_7x1/bn
I0709 01:02:45.854599 11133 net.cpp:91] Creating Layer conv4a_t2_7x1/bn
I0709 01:02:45.854614 11133 net.cpp:425] conv4a_t2_7x1/bn <- conv4a_t2_7x1
I0709 01:02:45.854631 11133 net.cpp:399] conv4a_t2_7x1/bn -> conv4a_t2_7x1/bn
I0709 01:02:45.855118 11133 net.cpp:141] Setting up conv4a_t2_7x1/bn
I0709 01:02:45.855135 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.855141 11133 net.cpp:156] Memory required for data: 3585877504
I0709 01:02:45.855160 11133 layer_factory.hpp:77] Creating layer relu4a_t2_7x1
I0709 01:02:45.855177 11133 net.cpp:91] Creating Layer relu4a_t2_7x1
I0709 01:02:45.855185 11133 net.cpp:425] relu4a_t2_7x1 <- conv4a_t2_7x1/bn
I0709 01:02:45.855195 11133 net.cpp:386] relu4a_t2_7x1 -> conv4a_t2_7x1/bn (in-place)
I0709 01:02:45.855856 11133 net.cpp:141] Setting up relu4a_t2_7x1
I0709 01:02:45.855875 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.855882 11133 net.cpp:156] Memory required for data: 3592979968
I0709 01:02:45.855888 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x1
I0709 01:02:45.855914 11133 net.cpp:91] Creating Layer conv4a_t3_1x1
I0709 01:02:45.855924 11133 net.cpp:425] conv4a_t3_1x1 <- inception_3d_inception_3d_0_split_2
I0709 01:02:45.855936 11133 net.cpp:399] conv4a_t3_1x1 -> conv4a_t3_1x1
I0709 01:02:45.862586 11133 net.cpp:141] Setting up conv4a_t3_1x1
I0709 01:02:45.862635 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.862640 11133 net.cpp:156] Memory required for data: 3597714944
I0709 01:02:45.862658 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x1/bn
I0709 01:02:45.862673 11133 net.cpp:91] Creating Layer conv4a_t3_1x1/bn
I0709 01:02:45.862695 11133 net.cpp:425] conv4a_t3_1x1/bn <- conv4a_t3_1x1
I0709 01:02:45.862717 11133 net.cpp:399] conv4a_t3_1x1/bn -> conv4a_t3_1x1/bn
I0709 01:02:45.863039 11133 net.cpp:141] Setting up conv4a_t3_1x1/bn
I0709 01:02:45.863055 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.863059 11133 net.cpp:156] Memory required for data: 3602449920
I0709 01:02:45.863080 11133 layer_factory.hpp:77] Creating layer relu4a_t3_1x1
I0709 01:02:45.863087 11133 net.cpp:91] Creating Layer relu4a_t3_1x1
I0709 01:02:45.863091 11133 net.cpp:425] relu4a_t3_1x1 <- conv4a_t3_1x1/bn
I0709 01:02:45.863096 11133 net.cpp:386] relu4a_t3_1x1 -> conv4a_t3_1x1/bn (in-place)
I0709 01:02:45.863296 11133 net.cpp:141] Setting up relu4a_t3_1x1
I0709 01:02:45.863308 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.863312 11133 net.cpp:156] Memory required for data: 3607184896
I0709 01:02:45.863317 11133 layer_factory.hpp:77] Creating layer conv4a_t3_7x1_1
I0709 01:02:45.863335 11133 net.cpp:91] Creating Layer conv4a_t3_7x1_1
I0709 01:02:45.863342 11133 net.cpp:425] conv4a_t3_7x1_1 <- conv4a_t3_1x1/bn
I0709 01:02:45.863348 11133 net.cpp:399] conv4a_t3_7x1_1 -> conv4a_t3_7x1_1
I0709 01:02:45.869408 11133 net.cpp:141] Setting up conv4a_t3_7x1_1
I0709 01:02:45.869478 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.869487 11133 net.cpp:156] Memory required for data: 3611919872
I0709 01:02:45.869505 11133 layer_factory.hpp:77] Creating layer conv4a_t3_7x1_1/bn
I0709 01:02:45.869534 11133 net.cpp:91] Creating Layer conv4a_t3_7x1_1/bn
I0709 01:02:45.869562 11133 net.cpp:425] conv4a_t3_7x1_1/bn <- conv4a_t3_7x1_1
I0709 01:02:45.869588 11133 net.cpp:399] conv4a_t3_7x1_1/bn -> conv4a_t3_7x1_1/bn
I0709 01:02:45.870074 11133 net.cpp:141] Setting up conv4a_t3_7x1_1/bn
I0709 01:02:45.870097 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.870106 11133 net.cpp:156] Memory required for data: 3616654848
I0709 01:02:45.870139 11133 layer_factory.hpp:77] Creating layer relu4a_t3_7x1_1
I0709 01:02:45.870156 11133 net.cpp:91] Creating Layer relu4a_t3_7x1_1
I0709 01:02:45.870168 11133 net.cpp:425] relu4a_t3_7x1_1 <- conv4a_t3_7x1_1/bn
I0709 01:02:45.870185 11133 net.cpp:386] relu4a_t3_7x1_1 -> conv4a_t3_7x1_1/bn (in-place)
I0709 01:02:45.870973 11133 net.cpp:141] Setting up relu4a_t3_7x1_1
I0709 01:02:45.871011 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.871018 11133 net.cpp:156] Memory required for data: 3621389824
I0709 01:02:45.871026 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x7_1
I0709 01:02:45.871049 11133 net.cpp:91] Creating Layer conv4a_t3_1x7_1
I0709 01:02:45.871060 11133 net.cpp:425] conv4a_t3_1x7_1 <- conv4a_t3_7x1_1/bn
I0709 01:02:45.871088 11133 net.cpp:399] conv4a_t3_1x7_1 -> conv4a_t3_1x7_1
I0709 01:02:45.877730 11133 net.cpp:141] Setting up conv4a_t3_1x7_1
I0709 01:02:45.877787 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.877794 11133 net.cpp:156] Memory required for data: 3626124800
I0709 01:02:45.877809 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x7_1/bn
I0709 01:02:45.877830 11133 net.cpp:91] Creating Layer conv4a_t3_1x7_1/bn
I0709 01:02:45.877845 11133 net.cpp:425] conv4a_t3_1x7_1/bn <- conv4a_t3_1x7_1
I0709 01:02:45.877858 11133 net.cpp:399] conv4a_t3_1x7_1/bn -> conv4a_t3_1x7_1/bn
I0709 01:02:45.878176 11133 net.cpp:141] Setting up conv4a_t3_1x7_1/bn
I0709 01:02:45.878190 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.878195 11133 net.cpp:156] Memory required for data: 3630859776
I0709 01:02:45.878208 11133 layer_factory.hpp:77] Creating layer relu4a_t3_1x7_1
I0709 01:02:45.878221 11133 net.cpp:91] Creating Layer relu4a_t3_1x7_1
I0709 01:02:45.878231 11133 net.cpp:425] relu4a_t3_1x7_1 <- conv4a_t3_1x7_1/bn
I0709 01:02:45.878242 11133 net.cpp:386] relu4a_t3_1x7_1 -> conv4a_t3_1x7_1/bn (in-place)
I0709 01:02:45.878787 11133 net.cpp:141] Setting up relu4a_t3_1x7_1
I0709 01:02:45.878803 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.878818 11133 net.cpp:156] Memory required for data: 3635594752
I0709 01:02:45.878823 11133 layer_factory.hpp:77] Creating layer conv4a_t3_7x1_2
I0709 01:02:45.878842 11133 net.cpp:91] Creating Layer conv4a_t3_7x1_2
I0709 01:02:45.878851 11133 net.cpp:425] conv4a_t3_7x1_2 <- conv4a_t3_1x7_1/bn
I0709 01:02:45.878859 11133 net.cpp:399] conv4a_t3_7x1_2 -> conv4a_t3_7x1_2
I0709 01:02:45.885994 11133 net.cpp:141] Setting up conv4a_t3_7x1_2
I0709 01:02:45.886082 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.886091 11133 net.cpp:156] Memory required for data: 3640329728
I0709 01:02:45.886113 11133 layer_factory.hpp:77] Creating layer conv4a_t3_7x1_2/bn
I0709 01:02:45.886209 11133 net.cpp:91] Creating Layer conv4a_t3_7x1_2/bn
I0709 01:02:45.886224 11133 net.cpp:425] conv4a_t3_7x1_2/bn <- conv4a_t3_7x1_2
I0709 01:02:45.886241 11133 net.cpp:399] conv4a_t3_7x1_2/bn -> conv4a_t3_7x1_2/bn
I0709 01:02:45.886723 11133 net.cpp:141] Setting up conv4a_t3_7x1_2/bn
I0709 01:02:45.886791 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.886816 11133 net.cpp:156] Memory required for data: 3645064704
I0709 01:02:45.886857 11133 layer_factory.hpp:77] Creating layer relu4a_t3_7x1_2
I0709 01:02:45.886898 11133 net.cpp:91] Creating Layer relu4a_t3_7x1_2
I0709 01:02:45.886940 11133 net.cpp:425] relu4a_t3_7x1_2 <- conv4a_t3_7x1_2/bn
I0709 01:02:45.886968 11133 net.cpp:386] relu4a_t3_7x1_2 -> conv4a_t3_7x1_2/bn (in-place)
I0709 01:02:45.887425 11133 net.cpp:141] Setting up relu4a_t3_7x1_2
I0709 01:02:45.887468 11133 net.cpp:148] Top shape: 32 128 17 17 (1183744)
I0709 01:02:45.887480 11133 net.cpp:156] Memory required for data: 3649799680
I0709 01:02:45.887487 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x7_2
I0709 01:02:45.887512 11133 net.cpp:91] Creating Layer conv4a_t3_1x7_2
I0709 01:02:45.887523 11133 net.cpp:425] conv4a_t3_1x7_2 <- conv4a_t3_7x1_2/bn
I0709 01:02:45.887537 11133 net.cpp:399] conv4a_t3_1x7_2 -> conv4a_t3_1x7_2
I0709 01:02:45.897181 11133 net.cpp:141] Setting up conv4a_t3_1x7_2
I0709 01:02:45.897258 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.897267 11133 net.cpp:156] Memory required for data: 3656902144
I0709 01:02:45.897286 11133 layer_factory.hpp:77] Creating layer conv4a_t3_1x7_2/bn
I0709 01:02:45.897313 11133 net.cpp:91] Creating Layer conv4a_t3_1x7_2/bn
I0709 01:02:45.897341 11133 net.cpp:425] conv4a_t3_1x7_2/bn <- conv4a_t3_1x7_2
I0709 01:02:45.897375 11133 net.cpp:399] conv4a_t3_1x7_2/bn -> conv4a_t3_1x7_2/bn
I0709 01:02:45.897907 11133 net.cpp:141] Setting up conv4a_t3_1x7_2/bn
I0709 01:02:45.897944 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.897950 11133 net.cpp:156] Memory required for data: 3664004608
I0709 01:02:45.897974 11133 layer_factory.hpp:77] Creating layer relu4a_t3_1x7_2
I0709 01:02:45.898010 11133 net.cpp:91] Creating Layer relu4a_t3_1x7_2
I0709 01:02:45.898020 11133 net.cpp:425] relu4a_t3_1x7_2 <- conv4a_t3_1x7_2/bn
I0709 01:02:45.898030 11133 net.cpp:386] relu4a_t3_1x7_2 -> conv4a_t3_1x7_2/bn (in-place)
I0709 01:02:45.899121 11133 net.cpp:141] Setting up relu4a_t3_1x7_2
I0709 01:02:45.899181 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.899189 11133 net.cpp:156] Memory required for data: 3671107072
I0709 01:02:45.899200 11133 layer_factory.hpp:77] Creating layer conv4a_t4_pool
I0709 01:02:45.899236 11133 net.cpp:91] Creating Layer conv4a_t4_pool
I0709 01:02:45.899292 11133 net.cpp:425] conv4a_t4_pool <- inception_3d_inception_3d_0_split_3
I0709 01:02:45.899322 11133 net.cpp:399] conv4a_t4_pool -> conv4a_t4_pool
I0709 01:02:45.899827 11133 net.cpp:141] Setting up conv4a_t4_pool
I0709 01:02:45.899852 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.899857 11133 net.cpp:156] Memory required for data: 3699516928
I0709 01:02:45.899869 11133 layer_factory.hpp:77] Creating layer conv4a_t4_1x1
I0709 01:02:45.899907 11133 net.cpp:91] Creating Layer conv4a_t4_1x1
I0709 01:02:45.899916 11133 net.cpp:425] conv4a_t4_1x1 <- conv4a_t4_pool
I0709 01:02:45.899931 11133 net.cpp:399] conv4a_t4_1x1 -> conv4a_t4_1x1
I0709 01:02:45.906580 11133 net.cpp:141] Setting up conv4a_t4_1x1
I0709 01:02:45.906622 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.906626 11133 net.cpp:156] Memory required for data: 3706619392
I0709 01:02:45.906637 11133 layer_factory.hpp:77] Creating layer conv4a_t4_1x1/bn
I0709 01:02:45.906658 11133 net.cpp:91] Creating Layer conv4a_t4_1x1/bn
I0709 01:02:45.906667 11133 net.cpp:425] conv4a_t4_1x1/bn <- conv4a_t4_1x1
I0709 01:02:45.906687 11133 net.cpp:399] conv4a_t4_1x1/bn -> conv4a_t4_1x1/bn
I0709 01:02:45.907052 11133 net.cpp:141] Setting up conv4a_t4_1x1/bn
I0709 01:02:45.907083 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.907085 11133 net.cpp:156] Memory required for data: 3713721856
I0709 01:02:45.907099 11133 layer_factory.hpp:77] Creating layer relu4a_t4_1x1
I0709 01:02:45.907110 11133 net.cpp:91] Creating Layer relu4a_t4_1x1
I0709 01:02:45.907115 11133 net.cpp:425] relu4a_t4_1x1 <- conv4a_t4_1x1/bn
I0709 01:02:45.907122 11133 net.cpp:386] relu4a_t4_1x1 -> conv4a_t4_1x1/bn (in-place)
I0709 01:02:45.907727 11133 net.cpp:141] Setting up relu4a_t4_1x1
I0709 01:02:45.907763 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.907765 11133 net.cpp:156] Memory required for data: 3720824320
I0709 01:02:45.907771 11133 layer_factory.hpp:77] Creating layer inception_4a
I0709 01:02:45.907783 11133 net.cpp:91] Creating Layer inception_4a
I0709 01:02:45.907788 11133 net.cpp:425] inception_4a <- conv4a_t1_1x1/bn
I0709 01:02:45.907795 11133 net.cpp:425] inception_4a <- conv4a_t2_7x1/bn
I0709 01:02:45.907801 11133 net.cpp:425] inception_4a <- conv4a_t3_1x7_2/bn
I0709 01:02:45.907806 11133 net.cpp:425] inception_4a <- conv4a_t4_1x1/bn
I0709 01:02:45.907815 11133 net.cpp:399] inception_4a -> inception_4a
I0709 01:02:45.907893 11133 net.cpp:141] Setting up inception_4a
I0709 01:02:45.907902 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.907904 11133 net.cpp:156] Memory required for data: 3749234176
I0709 01:02:45.907908 11133 layer_factory.hpp:77] Creating layer inception_4a_inception_4a_0_split
I0709 01:02:45.907919 11133 net.cpp:91] Creating Layer inception_4a_inception_4a_0_split
I0709 01:02:45.907934 11133 net.cpp:425] inception_4a_inception_4a_0_split <- inception_4a
I0709 01:02:45.907940 11133 net.cpp:399] inception_4a_inception_4a_0_split -> inception_4a_inception_4a_0_split_0
I0709 01:02:45.907948 11133 net.cpp:399] inception_4a_inception_4a_0_split -> inception_4a_inception_4a_0_split_1
I0709 01:02:45.907954 11133 net.cpp:399] inception_4a_inception_4a_0_split -> inception_4a_inception_4a_0_split_2
I0709 01:02:45.907960 11133 net.cpp:399] inception_4a_inception_4a_0_split -> inception_4a_inception_4a_0_split_3
I0709 01:02:45.908043 11133 net.cpp:141] Setting up inception_4a_inception_4a_0_split
I0709 01:02:45.908051 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.908056 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.908061 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.908066 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:45.908067 11133 net.cpp:156] Memory required for data: 3862873600
I0709 01:02:45.908071 11133 layer_factory.hpp:77] Creating layer conv4b_t1_1x1
I0709 01:02:45.908094 11133 net.cpp:91] Creating Layer conv4b_t1_1x1
I0709 01:02:45.908099 11133 net.cpp:425] conv4b_t1_1x1 <- inception_4a_inception_4a_0_split_0
I0709 01:02:45.908105 11133 net.cpp:399] conv4b_t1_1x1 -> conv4b_t1_1x1
I0709 01:02:45.916956 11133 net.cpp:141] Setting up conv4b_t1_1x1
I0709 01:02:45.917026 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.917033 11133 net.cpp:156] Memory required for data: 3869976064
I0709 01:02:45.917052 11133 layer_factory.hpp:77] Creating layer conv4b_t1_1x1/bn
I0709 01:02:45.917088 11133 net.cpp:91] Creating Layer conv4b_t1_1x1/bn
I0709 01:02:45.917104 11133 net.cpp:425] conv4b_t1_1x1/bn <- conv4b_t1_1x1
I0709 01:02:45.917119 11133 net.cpp:399] conv4b_t1_1x1/bn -> conv4b_t1_1x1/bn
I0709 01:02:45.917593 11133 net.cpp:141] Setting up conv4b_t1_1x1/bn
I0709 01:02:45.917604 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.917608 11133 net.cpp:156] Memory required for data: 3877078528
I0709 01:02:45.917618 11133 layer_factory.hpp:77] Creating layer relu4b_t1_1x1
I0709 01:02:45.917629 11133 net.cpp:91] Creating Layer relu4b_t1_1x1
I0709 01:02:45.917634 11133 net.cpp:425] relu4b_t1_1x1 <- conv4b_t1_1x1/bn
I0709 01:02:45.917640 11133 net.cpp:386] relu4b_t1_1x1 -> conv4b_t1_1x1/bn (in-place)
I0709 01:02:45.918128 11133 net.cpp:141] Setting up relu4b_t1_1x1
I0709 01:02:45.918153 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.918156 11133 net.cpp:156] Memory required for data: 3884180992
I0709 01:02:45.918160 11133 layer_factory.hpp:77] Creating layer conv4b_t2_1x1
I0709 01:02:45.918203 11133 net.cpp:91] Creating Layer conv4b_t2_1x1
I0709 01:02:45.918210 11133 net.cpp:425] conv4b_t2_1x1 <- inception_4a_inception_4a_0_split_1
I0709 01:02:45.918220 11133 net.cpp:399] conv4b_t2_1x1 -> conv4b_t2_1x1
I0709 01:02:45.926219 11133 net.cpp:141] Setting up conv4b_t2_1x1
I0709 01:02:45.926275 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.926283 11133 net.cpp:156] Memory required for data: 3890099712
I0709 01:02:45.926300 11133 layer_factory.hpp:77] Creating layer conv4b_t2_1x1/bn
I0709 01:02:45.926319 11133 net.cpp:91] Creating Layer conv4b_t2_1x1/bn
I0709 01:02:45.926343 11133 net.cpp:425] conv4b_t2_1x1/bn <- conv4b_t2_1x1
I0709 01:02:45.926364 11133 net.cpp:399] conv4b_t2_1x1/bn -> conv4b_t2_1x1/bn
I0709 01:02:45.926875 11133 net.cpp:141] Setting up conv4b_t2_1x1/bn
I0709 01:02:45.926905 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.926910 11133 net.cpp:156] Memory required for data: 3896018432
I0709 01:02:45.926925 11133 layer_factory.hpp:77] Creating layer relu4b_t2_1x1
I0709 01:02:45.926951 11133 net.cpp:91] Creating Layer relu4b_t2_1x1
I0709 01:02:45.926959 11133 net.cpp:425] relu4b_t2_1x1 <- conv4b_t2_1x1/bn
I0709 01:02:45.926966 11133 net.cpp:386] relu4b_t2_1x1 -> conv4b_t2_1x1/bn (in-place)
I0709 01:02:45.927281 11133 net.cpp:141] Setting up relu4b_t2_1x1
I0709 01:02:45.927297 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.927314 11133 net.cpp:156] Memory required for data: 3901937152
I0709 01:02:45.927320 11133 layer_factory.hpp:77] Creating layer conv4b_t2_1x7
I0709 01:02:45.927337 11133 net.cpp:91] Creating Layer conv4b_t2_1x7
I0709 01:02:45.927345 11133 net.cpp:425] conv4b_t2_1x7 <- conv4b_t2_1x1/bn
I0709 01:02:45.927357 11133 net.cpp:399] conv4b_t2_1x7 -> conv4b_t2_1x7
I0709 01:02:45.936281 11133 net.cpp:141] Setting up conv4b_t2_1x7
I0709 01:02:45.936336 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.936341 11133 net.cpp:156] Memory required for data: 3907855872
I0709 01:02:45.936352 11133 layer_factory.hpp:77] Creating layer conv4b_t2_1x7/bn
I0709 01:02:45.936367 11133 net.cpp:91] Creating Layer conv4b_t2_1x7/bn
I0709 01:02:45.936373 11133 net.cpp:425] conv4b_t2_1x7/bn <- conv4b_t2_1x7
I0709 01:02:45.936383 11133 net.cpp:399] conv4b_t2_1x7/bn -> conv4b_t2_1x7/bn
I0709 01:02:45.936713 11133 net.cpp:141] Setting up conv4b_t2_1x7/bn
I0709 01:02:45.936738 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.936753 11133 net.cpp:156] Memory required for data: 3913774592
I0709 01:02:45.936763 11133 layer_factory.hpp:77] Creating layer relu4b_t2_1x7
I0709 01:02:45.936770 11133 net.cpp:91] Creating Layer relu4b_t2_1x7
I0709 01:02:45.936774 11133 net.cpp:425] relu4b_t2_1x7 <- conv4b_t2_1x7/bn
I0709 01:02:45.936779 11133 net.cpp:386] relu4b_t2_1x7 -> conv4b_t2_1x7/bn (in-place)
I0709 01:02:45.937319 11133 net.cpp:141] Setting up relu4b_t2_1x7
I0709 01:02:45.937338 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.937343 11133 net.cpp:156] Memory required for data: 3919693312
I0709 01:02:45.937350 11133 layer_factory.hpp:77] Creating layer conv4b_t2_7x1
I0709 01:02:45.937393 11133 net.cpp:91] Creating Layer conv4b_t2_7x1
I0709 01:02:45.937400 11133 net.cpp:425] conv4b_t2_7x1 <- conv4b_t2_1x7/bn
I0709 01:02:45.937407 11133 net.cpp:399] conv4b_t2_7x1 -> conv4b_t2_7x1
I0709 01:02:45.947262 11133 net.cpp:141] Setting up conv4b_t2_7x1
I0709 01:02:45.947329 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.947336 11133 net.cpp:156] Memory required for data: 3926795776
I0709 01:02:45.947360 11133 layer_factory.hpp:77] Creating layer conv4b_t2_7x1/bn
I0709 01:02:45.947398 11133 net.cpp:91] Creating Layer conv4b_t2_7x1/bn
I0709 01:02:45.947419 11133 net.cpp:425] conv4b_t2_7x1/bn <- conv4b_t2_7x1
I0709 01:02:45.947444 11133 net.cpp:399] conv4b_t2_7x1/bn -> conv4b_t2_7x1/bn
I0709 01:02:45.947945 11133 net.cpp:141] Setting up conv4b_t2_7x1/bn
I0709 01:02:45.947980 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.947991 11133 net.cpp:156] Memory required for data: 3933898240
I0709 01:02:45.948014 11133 layer_factory.hpp:77] Creating layer relu4b_t2_7x1
I0709 01:02:45.948037 11133 net.cpp:91] Creating Layer relu4b_t2_7x1
I0709 01:02:45.948047 11133 net.cpp:425] relu4b_t2_7x1 <- conv4b_t2_7x1/bn
I0709 01:02:45.948098 11133 net.cpp:386] relu4b_t2_7x1 -> conv4b_t2_7x1/bn (in-place)
I0709 01:02:45.949226 11133 net.cpp:141] Setting up relu4b_t2_7x1
I0709 01:02:45.949273 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.949280 11133 net.cpp:156] Memory required for data: 3941000704
I0709 01:02:45.949291 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x1
I0709 01:02:45.949331 11133 net.cpp:91] Creating Layer conv4b_t3_1x1
I0709 01:02:45.949347 11133 net.cpp:425] conv4b_t3_1x1 <- inception_4a_inception_4a_0_split_2
I0709 01:02:45.949368 11133 net.cpp:399] conv4b_t3_1x1 -> conv4b_t3_1x1
I0709 01:02:45.957486 11133 net.cpp:141] Setting up conv4b_t3_1x1
I0709 01:02:45.957527 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.957545 11133 net.cpp:156] Memory required for data: 3946919424
I0709 01:02:45.957557 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x1/bn
I0709 01:02:45.957576 11133 net.cpp:91] Creating Layer conv4b_t3_1x1/bn
I0709 01:02:45.957588 11133 net.cpp:425] conv4b_t3_1x1/bn <- conv4b_t3_1x1
I0709 01:02:45.957598 11133 net.cpp:399] conv4b_t3_1x1/bn -> conv4b_t3_1x1/bn
I0709 01:02:45.957937 11133 net.cpp:141] Setting up conv4b_t3_1x1/bn
I0709 01:02:45.957944 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.957947 11133 net.cpp:156] Memory required for data: 3952838144
I0709 01:02:45.957955 11133 layer_factory.hpp:77] Creating layer relu4b_t3_1x1
I0709 01:02:45.957962 11133 net.cpp:91] Creating Layer relu4b_t3_1x1
I0709 01:02:45.957964 11133 net.cpp:425] relu4b_t3_1x1 <- conv4b_t3_1x1/bn
I0709 01:02:45.957969 11133 net.cpp:386] relu4b_t3_1x1 -> conv4b_t3_1x1/bn (in-place)
I0709 01:02:45.958156 11133 net.cpp:141] Setting up relu4b_t3_1x1
I0709 01:02:45.958168 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.958173 11133 net.cpp:156] Memory required for data: 3958756864
I0709 01:02:45.958175 11133 layer_factory.hpp:77] Creating layer conv4b_t3_7x1_1
I0709 01:02:45.958197 11133 net.cpp:91] Creating Layer conv4b_t3_7x1_1
I0709 01:02:45.958202 11133 net.cpp:425] conv4b_t3_7x1_1 <- conv4b_t3_1x1/bn
I0709 01:02:45.958210 11133 net.cpp:399] conv4b_t3_7x1_1 -> conv4b_t3_7x1_1
I0709 01:02:45.966807 11133 net.cpp:141] Setting up conv4b_t3_7x1_1
I0709 01:02:45.966856 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.966861 11133 net.cpp:156] Memory required for data: 3964675584
I0709 01:02:45.966872 11133 layer_factory.hpp:77] Creating layer conv4b_t3_7x1_1/bn
I0709 01:02:45.966891 11133 net.cpp:91] Creating Layer conv4b_t3_7x1_1/bn
I0709 01:02:45.966902 11133 net.cpp:425] conv4b_t3_7x1_1/bn <- conv4b_t3_7x1_1
I0709 01:02:45.966912 11133 net.cpp:399] conv4b_t3_7x1_1/bn -> conv4b_t3_7x1_1/bn
I0709 01:02:45.967289 11133 net.cpp:141] Setting up conv4b_t3_7x1_1/bn
I0709 01:02:45.967309 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.967315 11133 net.cpp:156] Memory required for data: 3970594304
I0709 01:02:45.967330 11133 layer_factory.hpp:77] Creating layer relu4b_t3_7x1_1
I0709 01:02:45.967378 11133 net.cpp:91] Creating Layer relu4b_t3_7x1_1
I0709 01:02:45.967392 11133 net.cpp:425] relu4b_t3_7x1_1 <- conv4b_t3_7x1_1/bn
I0709 01:02:45.967401 11133 net.cpp:386] relu4b_t3_7x1_1 -> conv4b_t3_7x1_1/bn (in-place)
I0709 01:02:45.968164 11133 net.cpp:141] Setting up relu4b_t3_7x1_1
I0709 01:02:45.968201 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.968209 11133 net.cpp:156] Memory required for data: 3976513024
I0709 01:02:45.968217 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x7_1
I0709 01:02:45.968238 11133 net.cpp:91] Creating Layer conv4b_t3_1x7_1
I0709 01:02:45.968248 11133 net.cpp:425] conv4b_t3_1x7_1 <- conv4b_t3_7x1_1/bn
I0709 01:02:45.968263 11133 net.cpp:399] conv4b_t3_1x7_1 -> conv4b_t3_1x7_1
I0709 01:02:45.978063 11133 net.cpp:141] Setting up conv4b_t3_1x7_1
I0709 01:02:45.978123 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.978130 11133 net.cpp:156] Memory required for data: 3982431744
I0709 01:02:45.978144 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x7_1/bn
I0709 01:02:45.978159 11133 net.cpp:91] Creating Layer conv4b_t3_1x7_1/bn
I0709 01:02:45.978168 11133 net.cpp:425] conv4b_t3_1x7_1/bn <- conv4b_t3_1x7_1
I0709 01:02:45.978183 11133 net.cpp:399] conv4b_t3_1x7_1/bn -> conv4b_t3_1x7_1/bn
I0709 01:02:45.978543 11133 net.cpp:141] Setting up conv4b_t3_1x7_1/bn
I0709 01:02:45.978564 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.978569 11133 net.cpp:156] Memory required for data: 3988350464
I0709 01:02:45.978584 11133 layer_factory.hpp:77] Creating layer relu4b_t3_1x7_1
I0709 01:02:45.978605 11133 net.cpp:91] Creating Layer relu4b_t3_1x7_1
I0709 01:02:45.978634 11133 net.cpp:425] relu4b_t3_1x7_1 <- conv4b_t3_1x7_1/bn
I0709 01:02:45.978652 11133 net.cpp:386] relu4b_t3_1x7_1 -> conv4b_t3_1x7_1/bn (in-place)
I0709 01:02:45.979190 11133 net.cpp:141] Setting up relu4b_t3_1x7_1
I0709 01:02:45.979212 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.979219 11133 net.cpp:156] Memory required for data: 3994269184
I0709 01:02:45.979228 11133 layer_factory.hpp:77] Creating layer conv4b_t3_7x1_2
I0709 01:02:45.979249 11133 net.cpp:91] Creating Layer conv4b_t3_7x1_2
I0709 01:02:45.979259 11133 net.cpp:425] conv4b_t3_7x1_2 <- conv4b_t3_1x7_1/bn
I0709 01:02:45.979271 11133 net.cpp:399] conv4b_t3_7x1_2 -> conv4b_t3_7x1_2
I0709 01:02:45.989120 11133 net.cpp:141] Setting up conv4b_t3_7x1_2
I0709 01:02:45.989161 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.989166 11133 net.cpp:156] Memory required for data: 4000187904
I0709 01:02:45.989176 11133 layer_factory.hpp:77] Creating layer conv4b_t3_7x1_2/bn
I0709 01:02:45.989192 11133 net.cpp:91] Creating Layer conv4b_t3_7x1_2/bn
I0709 01:02:45.989198 11133 net.cpp:425] conv4b_t3_7x1_2/bn <- conv4b_t3_7x1_2
I0709 01:02:45.989208 11133 net.cpp:399] conv4b_t3_7x1_2/bn -> conv4b_t3_7x1_2/bn
I0709 01:02:45.989570 11133 net.cpp:141] Setting up conv4b_t3_7x1_2/bn
I0709 01:02:45.989580 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.989594 11133 net.cpp:156] Memory required for data: 4006106624
I0709 01:02:45.989603 11133 layer_factory.hpp:77] Creating layer relu4b_t3_7x1_2
I0709 01:02:45.989614 11133 net.cpp:91] Creating Layer relu4b_t3_7x1_2
I0709 01:02:45.989619 11133 net.cpp:425] relu4b_t3_7x1_2 <- conv4b_t3_7x1_2/bn
I0709 01:02:45.989629 11133 net.cpp:386] relu4b_t3_7x1_2 -> conv4b_t3_7x1_2/bn (in-place)
I0709 01:02:45.989837 11133 net.cpp:141] Setting up relu4b_t3_7x1_2
I0709 01:02:45.989848 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:45.989852 11133 net.cpp:156] Memory required for data: 4012025344
I0709 01:02:45.989856 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x7_2
I0709 01:02:45.989871 11133 net.cpp:91] Creating Layer conv4b_t3_1x7_2
I0709 01:02:45.989876 11133 net.cpp:425] conv4b_t3_1x7_2 <- conv4b_t3_7x1_2/bn
I0709 01:02:45.989884 11133 net.cpp:399] conv4b_t3_1x7_2 -> conv4b_t3_1x7_2
I0709 01:02:45.999001 11133 net.cpp:141] Setting up conv4b_t3_1x7_2
I0709 01:02:45.999053 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.999058 11133 net.cpp:156] Memory required for data: 4019127808
I0709 01:02:45.999069 11133 layer_factory.hpp:77] Creating layer conv4b_t3_1x7_2/bn
I0709 01:02:45.999080 11133 net.cpp:91] Creating Layer conv4b_t3_1x7_2/bn
I0709 01:02:45.999100 11133 net.cpp:425] conv4b_t3_1x7_2/bn <- conv4b_t3_1x7_2
I0709 01:02:45.999109 11133 net.cpp:399] conv4b_t3_1x7_2/bn -> conv4b_t3_1x7_2/bn
I0709 01:02:45.999483 11133 net.cpp:141] Setting up conv4b_t3_1x7_2/bn
I0709 01:02:45.999492 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:45.999495 11133 net.cpp:156] Memory required for data: 4026230272
I0709 01:02:45.999516 11133 layer_factory.hpp:77] Creating layer relu4b_t3_1x7_2
I0709 01:02:45.999524 11133 net.cpp:91] Creating Layer relu4b_t3_1x7_2
I0709 01:02:45.999529 11133 net.cpp:425] relu4b_t3_1x7_2 <- conv4b_t3_1x7_2/bn
I0709 01:02:45.999547 11133 net.cpp:386] relu4b_t3_1x7_2 -> conv4b_t3_1x7_2/bn (in-place)
I0709 01:02:46.000008 11133 net.cpp:141] Setting up relu4b_t3_1x7_2
I0709 01:02:46.000021 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.000037 11133 net.cpp:156] Memory required for data: 4033332736
I0709 01:02:46.000044 11133 layer_factory.hpp:77] Creating layer conv4b_t4_pool
I0709 01:02:46.000052 11133 net.cpp:91] Creating Layer conv4b_t4_pool
I0709 01:02:46.000057 11133 net.cpp:425] conv4b_t4_pool <- inception_4a_inception_4a_0_split_3
I0709 01:02:46.000067 11133 net.cpp:399] conv4b_t4_pool -> conv4b_t4_pool
I0709 01:02:46.000283 11133 net.cpp:141] Setting up conv4b_t4_pool
I0709 01:02:46.000299 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.000305 11133 net.cpp:156] Memory required for data: 4061742592
I0709 01:02:46.000310 11133 layer_factory.hpp:77] Creating layer conv4b_t4_1x1
I0709 01:02:46.000326 11133 net.cpp:91] Creating Layer conv4b_t4_1x1
I0709 01:02:46.000336 11133 net.cpp:425] conv4b_t4_1x1 <- conv4b_t4_pool
I0709 01:02:46.000346 11133 net.cpp:399] conv4b_t4_1x1 -> conv4b_t4_1x1
I0709 01:02:46.009186 11133 net.cpp:141] Setting up conv4b_t4_1x1
I0709 01:02:46.009238 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.009246 11133 net.cpp:156] Memory required for data: 4068845056
I0709 01:02:46.009264 11133 layer_factory.hpp:77] Creating layer conv4b_t4_1x1/bn
I0709 01:02:46.009296 11133 net.cpp:91] Creating Layer conv4b_t4_1x1/bn
I0709 01:02:46.009317 11133 net.cpp:425] conv4b_t4_1x1/bn <- conv4b_t4_1x1
I0709 01:02:46.009340 11133 net.cpp:399] conv4b_t4_1x1/bn -> conv4b_t4_1x1/bn
I0709 01:02:46.009946 11133 net.cpp:141] Setting up conv4b_t4_1x1/bn
I0709 01:02:46.009961 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.009968 11133 net.cpp:156] Memory required for data: 4075947520
I0709 01:02:46.009984 11133 layer_factory.hpp:77] Creating layer relu4b_t4 _1x1
I0709 01:02:46.010015 11133 net.cpp:91] Creating Layer relu4b_t4 _1x1
I0709 01:02:46.010023 11133 net.cpp:425] relu4b_t4 _1x1 <- conv4b_t4_1x1/bn
I0709 01:02:46.010035 11133 net.cpp:386] relu4b_t4 _1x1 -> conv4b_t4_1x1/bn (in-place)
I0709 01:02:46.010373 11133 net.cpp:141] Setting up relu4b_t4 _1x1
I0709 01:02:46.010397 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.010403 11133 net.cpp:156] Memory required for data: 4083049984
I0709 01:02:46.010417 11133 layer_factory.hpp:77] Creating layer inception_4b
I0709 01:02:46.010428 11133 net.cpp:91] Creating Layer inception_4b
I0709 01:02:46.010435 11133 net.cpp:425] inception_4b <- conv4b_t1_1x1/bn
I0709 01:02:46.010452 11133 net.cpp:425] inception_4b <- conv4b_t2_7x1/bn
I0709 01:02:46.010464 11133 net.cpp:425] inception_4b <- conv4b_t3_1x7_2/bn
I0709 01:02:46.010471 11133 net.cpp:425] inception_4b <- conv4b_t4_1x1/bn
I0709 01:02:46.010483 11133 net.cpp:399] inception_4b -> inception_4b
I0709 01:02:46.010567 11133 net.cpp:141] Setting up inception_4b
I0709 01:02:46.010581 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.010589 11133 net.cpp:156] Memory required for data: 4111459840
I0709 01:02:46.010596 11133 layer_factory.hpp:77] Creating layer inception_4b_inception_4b_0_split
I0709 01:02:46.010607 11133 net.cpp:91] Creating Layer inception_4b_inception_4b_0_split
I0709 01:02:46.010615 11133 net.cpp:425] inception_4b_inception_4b_0_split <- inception_4b
I0709 01:02:46.010623 11133 net.cpp:399] inception_4b_inception_4b_0_split -> inception_4b_inception_4b_0_split_0
I0709 01:02:46.010637 11133 net.cpp:399] inception_4b_inception_4b_0_split -> inception_4b_inception_4b_0_split_1
I0709 01:02:46.010649 11133 net.cpp:399] inception_4b_inception_4b_0_split -> inception_4b_inception_4b_0_split_2
I0709 01:02:46.010663 11133 net.cpp:399] inception_4b_inception_4b_0_split -> inception_4b_inception_4b_0_split_3
I0709 01:02:46.010798 11133 net.cpp:141] Setting up inception_4b_inception_4b_0_split
I0709 01:02:46.010810 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.010820 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.010828 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.010833 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.010838 11133 net.cpp:156] Memory required for data: 4225099264
I0709 01:02:46.010843 11133 layer_factory.hpp:77] Creating layer conv4c_t1_1x1
I0709 01:02:46.010866 11133 net.cpp:91] Creating Layer conv4c_t1_1x1
I0709 01:02:46.010875 11133 net.cpp:425] conv4c_t1_1x1 <- inception_4b_inception_4b_0_split_0
I0709 01:02:46.010892 11133 net.cpp:399] conv4c_t1_1x1 -> conv4c_t1_1x1
I0709 01:02:46.021944 11133 net.cpp:141] Setting up conv4c_t1_1x1
I0709 01:02:46.021975 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.021981 11133 net.cpp:156] Memory required for data: 4232201728
I0709 01:02:46.021989 11133 layer_factory.hpp:77] Creating layer conv4c_t1_1x1/bn
I0709 01:02:46.022011 11133 net.cpp:91] Creating Layer conv4c_t1_1x1/bn
I0709 01:02:46.022017 11133 net.cpp:425] conv4c_t1_1x1/bn <- conv4c_t1_1x1
I0709 01:02:46.022028 11133 net.cpp:399] conv4c_t1_1x1/bn -> conv4c_t1_1x1/bn
I0709 01:02:46.022531 11133 net.cpp:141] Setting up conv4c_t1_1x1/bn
I0709 01:02:46.022562 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.022567 11133 net.cpp:156] Memory required for data: 4239304192
I0709 01:02:46.022588 11133 layer_factory.hpp:77] Creating layer relu4c_t1_1x1
I0709 01:02:46.022599 11133 net.cpp:91] Creating Layer relu4c_t1_1x1
I0709 01:02:46.022614 11133 net.cpp:425] relu4c_t1_1x1 <- conv4c_t1_1x1/bn
I0709 01:02:46.022620 11133 net.cpp:386] relu4c_t1_1x1 -> conv4c_t1_1x1/bn (in-place)
I0709 01:02:46.023176 11133 net.cpp:141] Setting up relu4c_t1_1x1
I0709 01:02:46.023206 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.023211 11133 net.cpp:156] Memory required for data: 4246406656
I0709 01:02:46.023217 11133 layer_factory.hpp:77] Creating layer conv4c_t2_1x1
I0709 01:02:46.023238 11133 net.cpp:91] Creating Layer conv4c_t2_1x1
I0709 01:02:46.023246 11133 net.cpp:425] conv4c_t2_1x1 <- inception_4b_inception_4b_0_split_1
I0709 01:02:46.023255 11133 net.cpp:399] conv4c_t2_1x1 -> conv4c_t2_1x1
I0709 01:02:46.032927 11133 net.cpp:141] Setting up conv4c_t2_1x1
I0709 01:02:46.032970 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.032979 11133 net.cpp:156] Memory required for data: 4252325376
I0709 01:02:46.032996 11133 layer_factory.hpp:77] Creating layer conv4c_t2_1x1/bn
I0709 01:02:46.033015 11133 net.cpp:91] Creating Layer conv4c_t2_1x1/bn
I0709 01:02:46.033025 11133 net.cpp:425] conv4c_t2_1x1/bn <- conv4c_t2_1x1
I0709 01:02:46.033040 11133 net.cpp:399] conv4c_t2_1x1/bn -> conv4c_t2_1x1/bn
I0709 01:02:46.033655 11133 net.cpp:141] Setting up conv4c_t2_1x1/bn
I0709 01:02:46.033670 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.033674 11133 net.cpp:156] Memory required for data: 4258244096
I0709 01:02:46.033787 11133 layer_factory.hpp:77] Creating layer relu4c_t2_1x1
I0709 01:02:46.033809 11133 net.cpp:91] Creating Layer relu4c_t2_1x1
I0709 01:02:46.033818 11133 net.cpp:425] relu4c_t2_1x1 <- conv4c_t2_1x1/bn
I0709 01:02:46.033828 11133 net.cpp:386] relu4c_t2_1x1 -> conv4c_t2_1x1/bn (in-place)
I0709 01:02:46.034142 11133 net.cpp:141] Setting up relu4c_t2_1x1
I0709 01:02:46.034157 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.034162 11133 net.cpp:156] Memory required for data: 4264162816
I0709 01:02:46.034181 11133 layer_factory.hpp:77] Creating layer conv4c_t2_1x7
I0709 01:02:46.034210 11133 net.cpp:91] Creating Layer conv4c_t2_1x7
I0709 01:02:46.034217 11133 net.cpp:425] conv4c_t2_1x7 <- conv4c_t2_1x1/bn
I0709 01:02:46.034226 11133 net.cpp:399] conv4c_t2_1x7 -> conv4c_t2_1x7
I0709 01:02:46.046037 11133 net.cpp:141] Setting up conv4c_t2_1x7
I0709 01:02:46.046074 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.046080 11133 net.cpp:156] Memory required for data: 4270081536
I0709 01:02:46.046090 11133 layer_factory.hpp:77] Creating layer conv4c_t2_1x7/bn
I0709 01:02:46.046104 11133 net.cpp:91] Creating Layer conv4c_t2_1x7/bn
I0709 01:02:46.046113 11133 net.cpp:425] conv4c_t2_1x7/bn <- conv4c_t2_1x7
I0709 01:02:46.046120 11133 net.cpp:399] conv4c_t2_1x7/bn -> conv4c_t2_1x7/bn
I0709 01:02:46.046598 11133 net.cpp:141] Setting up conv4c_t2_1x7/bn
I0709 01:02:46.046612 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.046615 11133 net.cpp:156] Memory required for data: 4276000256
I0709 01:02:46.046628 11133 layer_factory.hpp:77] Creating layer relu4c_t2_1x7
I0709 01:02:46.046648 11133 net.cpp:91] Creating Layer relu4c_t2_1x7
I0709 01:02:46.046655 11133 net.cpp:425] relu4c_t2_1x7 <- conv4c_t2_1x7/bn
I0709 01:02:46.046661 11133 net.cpp:386] relu4c_t2_1x7 -> conv4c_t2_1x7/bn (in-place)
I0709 01:02:46.046937 11133 net.cpp:141] Setting up relu4c_t2_1x7
I0709 01:02:46.046952 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.046955 11133 net.cpp:156] Memory required for data: 4281918976
I0709 01:02:46.046960 11133 layer_factory.hpp:77] Creating layer conv4c_t2_7x1
I0709 01:02:46.046978 11133 net.cpp:91] Creating Layer conv4c_t2_7x1
I0709 01:02:46.046986 11133 net.cpp:425] conv4c_t2_7x1 <- conv4c_t2_1x7/bn
I0709 01:02:46.046994 11133 net.cpp:399] conv4c_t2_7x1 -> conv4c_t2_7x1
I0709 01:02:46.059651 11133 net.cpp:141] Setting up conv4c_t2_7x1
I0709 01:02:46.059672 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.059684 11133 net.cpp:156] Memory required for data: 4289021440
I0709 01:02:46.059691 11133 layer_factory.hpp:77] Creating layer conv4c_t2_7x1/bn
I0709 01:02:46.059710 11133 net.cpp:91] Creating Layer conv4c_t2_7x1/bn
I0709 01:02:46.059718 11133 net.cpp:425] conv4c_t2_7x1/bn <- conv4c_t2_7x1
I0709 01:02:46.059731 11133 net.cpp:399] conv4c_t2_7x1/bn -> conv4c_t2_7x1/bn
I0709 01:02:46.060204 11133 net.cpp:141] Setting up conv4c_t2_7x1/bn
I0709 01:02:46.060217 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.060221 11133 net.cpp:156] Memory required for data: 4296123904
I0709 01:02:46.060236 11133 layer_factory.hpp:77] Creating layer relu4c_t2_7x1
I0709 01:02:46.060250 11133 net.cpp:91] Creating Layer relu4c_t2_7x1
I0709 01:02:46.060256 11133 net.cpp:425] relu4c_t2_7x1 <- conv4c_t2_7x1/bn
I0709 01:02:46.060262 11133 net.cpp:386] relu4c_t2_7x1 -> conv4c_t2_7x1/bn (in-place)
I0709 01:02:46.060763 11133 net.cpp:141] Setting up relu4c_t2_7x1
I0709 01:02:46.060781 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.060786 11133 net.cpp:156] Memory required for data: 4303226368
I0709 01:02:46.060791 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x1
I0709 01:02:46.060817 11133 net.cpp:91] Creating Layer conv4c_t3_1x1
I0709 01:02:46.060827 11133 net.cpp:425] conv4c_t3_1x1 <- inception_4b_inception_4b_0_split_2
I0709 01:02:46.060839 11133 net.cpp:399] conv4c_t3_1x1 -> conv4c_t3_1x1
I0709 01:02:46.068264 11133 net.cpp:141] Setting up conv4c_t3_1x1
I0709 01:02:46.068284 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.068295 11133 net.cpp:156] Memory required for data: 4309145088
I0709 01:02:46.068303 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x1/bn
I0709 01:02:46.068313 11133 net.cpp:91] Creating Layer conv4c_t3_1x1/bn
I0709 01:02:46.068320 11133 net.cpp:425] conv4c_t3_1x1/bn <- conv4c_t3_1x1
I0709 01:02:46.068330 11133 net.cpp:399] conv4c_t3_1x1/bn -> conv4c_t3_1x1/bn
I0709 01:02:46.068784 11133 net.cpp:141] Setting up conv4c_t3_1x1/bn
I0709 01:02:46.068796 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.068800 11133 net.cpp:156] Memory required for data: 4315063808
I0709 01:02:46.068814 11133 layer_factory.hpp:77] Creating layer relu4c_t3_1x1
I0709 01:02:46.068822 11133 net.cpp:91] Creating Layer relu4c_t3_1x1
I0709 01:02:46.068827 11133 net.cpp:425] relu4c_t3_1x1 <- conv4c_t3_1x1/bn
I0709 01:02:46.068845 11133 net.cpp:386] relu4c_t3_1x1 -> conv4c_t3_1x1/bn (in-place)
I0709 01:02:46.069121 11133 net.cpp:141] Setting up relu4c_t3_1x1
I0709 01:02:46.069135 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.069139 11133 net.cpp:156] Memory required for data: 4320982528
I0709 01:02:46.069154 11133 layer_factory.hpp:77] Creating layer conv4c_t3_7x1_1
I0709 01:02:46.069180 11133 net.cpp:91] Creating Layer conv4c_t3_7x1_1
I0709 01:02:46.069186 11133 net.cpp:425] conv4c_t3_7x1_1 <- conv4c_t3_1x1/bn
I0709 01:02:46.069201 11133 net.cpp:399] conv4c_t3_7x1_1 -> conv4c_t3_7x1_1
I0709 01:02:46.079020 11133 net.cpp:141] Setting up conv4c_t3_7x1_1
I0709 01:02:46.079040 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.079051 11133 net.cpp:156] Memory required for data: 4326901248
I0709 01:02:46.079059 11133 layer_factory.hpp:77] Creating layer conv4c_t3_7x1_1/bn
I0709 01:02:46.079066 11133 net.cpp:91] Creating Layer conv4c_t3_7x1_1/bn
I0709 01:02:46.079072 11133 net.cpp:425] conv4c_t3_7x1_1/bn <- conv4c_t3_7x1_1
I0709 01:02:46.079079 11133 net.cpp:399] conv4c_t3_7x1_1/bn -> conv4c_t3_7x1_1/bn
I0709 01:02:46.079505 11133 net.cpp:141] Setting up conv4c_t3_7x1_1/bn
I0709 01:02:46.079517 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.079527 11133 net.cpp:156] Memory required for data: 4332819968
I0709 01:02:46.079537 11133 layer_factory.hpp:77] Creating layer relu4c_t3_7x1_1
I0709 01:02:46.079546 11133 net.cpp:91] Creating Layer relu4c_t3_7x1_1
I0709 01:02:46.079551 11133 net.cpp:425] relu4c_t3_7x1_1 <- conv4c_t3_7x1_1/bn
I0709 01:02:46.079557 11133 net.cpp:386] relu4c_t3_7x1_1 -> conv4c_t3_7x1_1/bn (in-place)
I0709 01:02:46.079808 11133 net.cpp:141] Setting up relu4c_t3_7x1_1
I0709 01:02:46.079820 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.079825 11133 net.cpp:156] Memory required for data: 4338738688
I0709 01:02:46.079829 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x7_1
I0709 01:02:46.079854 11133 net.cpp:91] Creating Layer conv4c_t3_1x7_1
I0709 01:02:46.079861 11133 net.cpp:425] conv4c_t3_1x7_1 <- conv4c_t3_7x1_1/bn
I0709 01:02:46.079869 11133 net.cpp:399] conv4c_t3_1x7_1 -> conv4c_t3_1x7_1
I0709 01:02:46.089303 11133 net.cpp:141] Setting up conv4c_t3_1x7_1
I0709 01:02:46.089321 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.089326 11133 net.cpp:156] Memory required for data: 4344657408
I0709 01:02:46.089340 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x7_1/bn
I0709 01:02:46.089349 11133 net.cpp:91] Creating Layer conv4c_t3_1x7_1/bn
I0709 01:02:46.089361 11133 net.cpp:425] conv4c_t3_1x7_1/bn <- conv4c_t3_1x7_1
I0709 01:02:46.089370 11133 net.cpp:399] conv4c_t3_1x7_1/bn -> conv4c_t3_1x7_1/bn
I0709 01:02:46.089781 11133 net.cpp:141] Setting up conv4c_t3_1x7_1/bn
I0709 01:02:46.089792 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.089797 11133 net.cpp:156] Memory required for data: 4350576128
I0709 01:02:46.089810 11133 layer_factory.hpp:77] Creating layer relu4c_t3_1x7_1
I0709 01:02:46.089817 11133 net.cpp:91] Creating Layer relu4c_t3_1x7_1
I0709 01:02:46.089821 11133 net.cpp:425] relu4c_t3_1x7_1 <- conv4c_t3_1x7_1/bn
I0709 01:02:46.089828 11133 net.cpp:386] relu4c_t3_1x7_1 -> conv4c_t3_1x7_1/bn (in-place)
I0709 01:02:46.090281 11133 net.cpp:141] Setting up relu4c_t3_1x7_1
I0709 01:02:46.090296 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.090301 11133 net.cpp:156] Memory required for data: 4356494848
I0709 01:02:46.090306 11133 layer_factory.hpp:77] Creating layer conv4c_t3_7x1_2
I0709 01:02:46.090317 11133 net.cpp:91] Creating Layer conv4c_t3_7x1_2
I0709 01:02:46.090322 11133 net.cpp:425] conv4c_t3_7x1_2 <- conv4c_t3_1x7_1/bn
I0709 01:02:46.090330 11133 net.cpp:399] conv4c_t3_7x1_2 -> conv4c_t3_7x1_2
I0709 01:02:46.099519 11133 net.cpp:141] Setting up conv4c_t3_7x1_2
I0709 01:02:46.099537 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.099542 11133 net.cpp:156] Memory required for data: 4362413568
I0709 01:02:46.099548 11133 layer_factory.hpp:77] Creating layer conv4c_t3_7x1_2/bn
I0709 01:02:46.099566 11133 net.cpp:91] Creating Layer conv4c_t3_7x1_2/bn
I0709 01:02:46.099571 11133 net.cpp:425] conv4c_t3_7x1_2/bn <- conv4c_t3_7x1_2
I0709 01:02:46.099581 11133 net.cpp:399] conv4c_t3_7x1_2/bn -> conv4c_t3_7x1_2/bn
I0709 01:02:46.099975 11133 net.cpp:141] Setting up conv4c_t3_7x1_2/bn
I0709 01:02:46.099987 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.099992 11133 net.cpp:156] Memory required for data: 4368332288
I0709 01:02:46.100008 11133 layer_factory.hpp:77] Creating layer relu4c_t3_7x1_2
I0709 01:02:46.100019 11133 net.cpp:91] Creating Layer relu4c_t3_7x1_2
I0709 01:02:46.100028 11133 net.cpp:425] relu4c_t3_7x1_2 <- conv4c_t3_7x1_2/bn
I0709 01:02:46.100034 11133 net.cpp:386] relu4c_t3_7x1_2 -> conv4c_t3_7x1_2/bn (in-place)
I0709 01:02:46.100270 11133 net.cpp:141] Setting up relu4c_t3_7x1_2
I0709 01:02:46.100281 11133 net.cpp:148] Top shape: 32 160 17 17 (1479680)
I0709 01:02:46.100287 11133 net.cpp:156] Memory required for data: 4374251008
I0709 01:02:46.100291 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x7_2
I0709 01:02:46.100304 11133 net.cpp:91] Creating Layer conv4c_t3_1x7_2
I0709 01:02:46.100308 11133 net.cpp:425] conv4c_t3_1x7_2 <- conv4c_t3_7x1_2/bn
I0709 01:02:46.100317 11133 net.cpp:399] conv4c_t3_1x7_2 -> conv4c_t3_1x7_2
I0709 01:02:46.110508 11133 net.cpp:141] Setting up conv4c_t3_1x7_2
I0709 01:02:46.110525 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.110530 11133 net.cpp:156] Memory required for data: 4381353472
I0709 01:02:46.110537 11133 layer_factory.hpp:77] Creating layer conv4c_t3_1x7_2/bn
I0709 01:02:46.110551 11133 net.cpp:91] Creating Layer conv4c_t3_1x7_2/bn
I0709 01:02:46.110558 11133 net.cpp:425] conv4c_t3_1x7_2/bn <- conv4c_t3_1x7_2
I0709 01:02:46.110563 11133 net.cpp:399] conv4c_t3_1x7_2/bn -> conv4c_t3_1x7_2/bn
I0709 01:02:46.110956 11133 net.cpp:141] Setting up conv4c_t3_1x7_2/bn
I0709 01:02:46.110966 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.110970 11133 net.cpp:156] Memory required for data: 4388455936
I0709 01:02:46.110980 11133 layer_factory.hpp:77] Creating layer relu4c_t3_1x7_2
I0709 01:02:46.110994 11133 net.cpp:91] Creating Layer relu4c_t3_1x7_2
I0709 01:02:46.111001 11133 net.cpp:425] relu4c_t3_1x7_2 <- conv4c_t3_1x7_2/bn
I0709 01:02:46.111006 11133 net.cpp:386] relu4c_t3_1x7_2 -> conv4c_t3_1x7_2/bn (in-place)
I0709 01:02:46.111234 11133 net.cpp:141] Setting up relu4c_t3_1x7_2
I0709 01:02:46.111245 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.111248 11133 net.cpp:156] Memory required for data: 4395558400
I0709 01:02:46.111254 11133 layer_factory.hpp:77] Creating layer conv4c_t4_pool
I0709 01:02:46.111269 11133 net.cpp:91] Creating Layer conv4c_t4_pool
I0709 01:02:46.111275 11133 net.cpp:425] conv4c_t4_pool <- inception_4b_inception_4b_0_split_3
I0709 01:02:46.111289 11133 net.cpp:399] conv4c_t4_pool -> conv4c_t4_pool
I0709 01:02:46.111737 11133 net.cpp:141] Setting up conv4c_t4_pool
I0709 01:02:46.111750 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.111754 11133 net.cpp:156] Memory required for data: 4423968256
I0709 01:02:46.111760 11133 layer_factory.hpp:77] Creating layer conv4c_t4_1x1
I0709 01:02:46.111771 11133 net.cpp:91] Creating Layer conv4c_t4_1x1
I0709 01:02:46.111776 11133 net.cpp:425] conv4c_t4_1x1 <- conv4c_t4_pool
I0709 01:02:46.111784 11133 net.cpp:399] conv4c_t4_1x1 -> conv4c_t4_1x1
I0709 01:02:46.119210 11133 net.cpp:141] Setting up conv4c_t4_1x1
I0709 01:02:46.119227 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.119231 11133 net.cpp:156] Memory required for data: 4431070720
I0709 01:02:46.119238 11133 layer_factory.hpp:77] Creating layer conv4c_t4_1x1/bn
I0709 01:02:46.119251 11133 net.cpp:91] Creating Layer conv4c_t4_1x1/bn
I0709 01:02:46.119257 11133 net.cpp:425] conv4c_t4_1x1/bn <- conv4c_t4_1x1
I0709 01:02:46.119266 11133 net.cpp:399] conv4c_t4_1x1/bn -> conv4c_t4_1x1/bn
I0709 01:02:46.119647 11133 net.cpp:141] Setting up conv4c_t4_1x1/bn
I0709 01:02:46.119658 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.119662 11133 net.cpp:156] Memory required for data: 4438173184
I0709 01:02:46.119673 11133 layer_factory.hpp:77] Creating layer relu4c_t4 _1x1
I0709 01:02:46.119680 11133 net.cpp:91] Creating Layer relu4c_t4 _1x1
I0709 01:02:46.119684 11133 net.cpp:425] relu4c_t4 _1x1 <- conv4c_t4_1x1/bn
I0709 01:02:46.119691 11133 net.cpp:386] relu4c_t4 _1x1 -> conv4c_t4_1x1/bn (in-place)
I0709 01:02:46.119910 11133 net.cpp:141] Setting up relu4c_t4 _1x1
I0709 01:02:46.119922 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.119926 11133 net.cpp:156] Memory required for data: 4445275648
I0709 01:02:46.119930 11133 layer_factory.hpp:77] Creating layer inception_4c
I0709 01:02:46.119935 11133 net.cpp:91] Creating Layer inception_4c
I0709 01:02:46.119940 11133 net.cpp:425] inception_4c <- conv4c_t1_1x1/bn
I0709 01:02:46.119945 11133 net.cpp:425] inception_4c <- conv4c_t2_7x1/bn
I0709 01:02:46.119949 11133 net.cpp:425] inception_4c <- conv4c_t3_1x7_2/bn
I0709 01:02:46.119954 11133 net.cpp:425] inception_4c <- conv4c_t4_1x1/bn
I0709 01:02:46.119961 11133 net.cpp:399] inception_4c -> inception_4c
I0709 01:02:46.120007 11133 net.cpp:141] Setting up inception_4c
I0709 01:02:46.120014 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.120018 11133 net.cpp:156] Memory required for data: 4473685504
I0709 01:02:46.120028 11133 layer_factory.hpp:77] Creating layer inception_4c_inception_4c_0_split
I0709 01:02:46.120038 11133 net.cpp:91] Creating Layer inception_4c_inception_4c_0_split
I0709 01:02:46.120043 11133 net.cpp:425] inception_4c_inception_4c_0_split <- inception_4c
I0709 01:02:46.120050 11133 net.cpp:399] inception_4c_inception_4c_0_split -> inception_4c_inception_4c_0_split_0
I0709 01:02:46.120059 11133 net.cpp:399] inception_4c_inception_4c_0_split -> inception_4c_inception_4c_0_split_1
I0709 01:02:46.120065 11133 net.cpp:399] inception_4c_inception_4c_0_split -> inception_4c_inception_4c_0_split_2
I0709 01:02:46.120071 11133 net.cpp:399] inception_4c_inception_4c_0_split -> inception_4c_inception_4c_0_split_3
I0709 01:02:46.120187 11133 net.cpp:141] Setting up inception_4c_inception_4c_0_split
I0709 01:02:46.120195 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.120199 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.120206 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.120210 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.120213 11133 net.cpp:156] Memory required for data: 4587324928
I0709 01:02:46.120216 11133 layer_factory.hpp:77] Creating layer conv4d_t1_1x1
I0709 01:02:46.120234 11133 net.cpp:91] Creating Layer conv4d_t1_1x1
I0709 01:02:46.120239 11133 net.cpp:425] conv4d_t1_1x1 <- inception_4c_inception_4c_0_split_0
I0709 01:02:46.120245 11133 net.cpp:399] conv4d_t1_1x1 -> conv4d_t1_1x1
I0709 01:02:46.127434 11133 net.cpp:141] Setting up conv4d_t1_1x1
I0709 01:02:46.127449 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.127460 11133 net.cpp:156] Memory required for data: 4594427392
I0709 01:02:46.127473 11133 layer_factory.hpp:77] Creating layer conv4d_t1_1x1/bn
I0709 01:02:46.127482 11133 net.cpp:91] Creating Layer conv4d_t1_1x1/bn
I0709 01:02:46.127487 11133 net.cpp:425] conv4d_t1_1x1/bn <- conv4d_t1_1x1
I0709 01:02:46.127496 11133 net.cpp:399] conv4d_t1_1x1/bn -> conv4d_t1_1x1/bn
I0709 01:02:46.127871 11133 net.cpp:141] Setting up conv4d_t1_1x1/bn
I0709 01:02:46.127881 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.127884 11133 net.cpp:156] Memory required for data: 4601529856
I0709 01:02:46.127895 11133 layer_factory.hpp:77] Creating layer relu4d_t1_1x1
I0709 01:02:46.127902 11133 net.cpp:91] Creating Layer relu4d_t1_1x1
I0709 01:02:46.127905 11133 net.cpp:425] relu4d_t1_1x1 <- conv4d_t1_1x1/bn
I0709 01:02:46.127910 11133 net.cpp:386] relu4d_t1_1x1 -> conv4d_t1_1x1/bn (in-place)
I0709 01:02:46.128314 11133 net.cpp:141] Setting up relu4d_t1_1x1
I0709 01:02:46.128340 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.128342 11133 net.cpp:156] Memory required for data: 4608632320
I0709 01:02:46.128352 11133 layer_factory.hpp:77] Creating layer conv4d_t2_1x1
I0709 01:02:46.128365 11133 net.cpp:91] Creating Layer conv4d_t2_1x1
I0709 01:02:46.128371 11133 net.cpp:425] conv4d_t2_1x1 <- inception_4c_inception_4c_0_split_1
I0709 01:02:46.128383 11133 net.cpp:399] conv4d_t2_1x1 -> conv4d_t2_1x1
I0709 01:02:46.135406 11133 net.cpp:141] Setting up conv4d_t2_1x1
I0709 01:02:46.135422 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.135426 11133 net.cpp:156] Memory required for data: 4615734784
I0709 01:02:46.135432 11133 layer_factory.hpp:77] Creating layer conv4d_t2_1x1/bn
I0709 01:02:46.135440 11133 net.cpp:91] Creating Layer conv4d_t2_1x1/bn
I0709 01:02:46.135445 11133 net.cpp:425] conv4d_t2_1x1/bn <- conv4d_t2_1x1
I0709 01:02:46.135452 11133 net.cpp:399] conv4d_t2_1x1/bn -> conv4d_t2_1x1/bn
I0709 01:02:46.135829 11133 net.cpp:141] Setting up conv4d_t2_1x1/bn
I0709 01:02:46.135840 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.135850 11133 net.cpp:156] Memory required for data: 4622837248
I0709 01:02:46.135859 11133 layer_factory.hpp:77] Creating layer relu4d_t2_1x1
I0709 01:02:46.135866 11133 net.cpp:91] Creating Layer relu4d_t2_1x1
I0709 01:02:46.135870 11133 net.cpp:425] relu4d_t2_1x1 <- conv4d_t2_1x1/bn
I0709 01:02:46.135876 11133 net.cpp:386] relu4d_t2_1x1 -> conv4d_t2_1x1/bn (in-place)
I0709 01:02:46.138139 11133 net.cpp:141] Setting up relu4d_t2_1x1
I0709 01:02:46.138154 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.138159 11133 net.cpp:156] Memory required for data: 4629939712
I0709 01:02:46.138166 11133 layer_factory.hpp:77] Creating layer conv4d_t2_1x7
I0709 01:02:46.138177 11133 net.cpp:91] Creating Layer conv4d_t2_1x7
I0709 01:02:46.138183 11133 net.cpp:425] conv4d_t2_1x7 <- conv4d_t2_1x1/bn
I0709 01:02:46.138191 11133 net.cpp:399] conv4d_t2_1x7 -> conv4d_t2_1x7
I0709 01:02:46.149334 11133 net.cpp:141] Setting up conv4d_t2_1x7
I0709 01:02:46.149351 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.149355 11133 net.cpp:156] Memory required for data: 4637042176
I0709 01:02:46.149370 11133 layer_factory.hpp:77] Creating layer conv4d_t2_1x7/bn
I0709 01:02:46.149385 11133 net.cpp:91] Creating Layer conv4d_t2_1x7/bn
I0709 01:02:46.149390 11133 net.cpp:425] conv4d_t2_1x7/bn <- conv4d_t2_1x7
I0709 01:02:46.149397 11133 net.cpp:399] conv4d_t2_1x7/bn -> conv4d_t2_1x7/bn
I0709 01:02:46.150385 11133 net.cpp:141] Setting up conv4d_t2_1x7/bn
I0709 01:02:46.150400 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.150410 11133 net.cpp:156] Memory required for data: 4644144640
I0709 01:02:46.150420 11133 layer_factory.hpp:77] Creating layer relu4d_t2_1x7
I0709 01:02:46.150426 11133 net.cpp:91] Creating Layer relu4d_t2_1x7
I0709 01:02:46.150430 11133 net.cpp:425] relu4d_t2_1x7 <- conv4d_t2_1x7/bn
I0709 01:02:46.150436 11133 net.cpp:386] relu4d_t2_1x7 -> conv4d_t2_1x7/bn (in-place)
I0709 01:02:46.150665 11133 net.cpp:141] Setting up relu4d_t2_1x7
I0709 01:02:46.150676 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.150679 11133 net.cpp:156] Memory required for data: 4651247104
I0709 01:02:46.150683 11133 layer_factory.hpp:77] Creating layer conv4d_t2_7x1
I0709 01:02:46.150693 11133 net.cpp:91] Creating Layer conv4d_t2_7x1
I0709 01:02:46.150699 11133 net.cpp:425] conv4d_t2_7x1 <- conv4d_t2_1x7/bn
I0709 01:02:46.150714 11133 net.cpp:399] conv4d_t2_7x1 -> conv4d_t2_7x1
I0709 01:02:46.161777 11133 net.cpp:141] Setting up conv4d_t2_7x1
I0709 01:02:46.161794 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.161799 11133 net.cpp:156] Memory required for data: 4658349568
I0709 01:02:46.161805 11133 layer_factory.hpp:77] Creating layer conv4d_t2_7x1/bn
I0709 01:02:46.161821 11133 net.cpp:91] Creating Layer conv4d_t2_7x1/bn
I0709 01:02:46.161826 11133 net.cpp:425] conv4d_t2_7x1/bn <- conv4d_t2_7x1
I0709 01:02:46.161834 11133 net.cpp:399] conv4d_t2_7x1/bn -> conv4d_t2_7x1/bn
I0709 01:02:46.162106 11133 net.cpp:141] Setting up conv4d_t2_7x1/bn
I0709 01:02:46.162117 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.162125 11133 net.cpp:156] Memory required for data: 4665452032
I0709 01:02:46.162150 11133 layer_factory.hpp:77] Creating layer relu4d_t2_7x1
I0709 01:02:46.162158 11133 net.cpp:91] Creating Layer relu4d_t2_7x1
I0709 01:02:46.162163 11133 net.cpp:425] relu4d_t2_7x1 <- conv4d_t2_7x1/bn
I0709 01:02:46.162168 11133 net.cpp:386] relu4d_t2_7x1 -> conv4d_t2_7x1/bn (in-place)
I0709 01:02:46.162583 11133 net.cpp:141] Setting up relu4d_t2_7x1
I0709 01:02:46.162597 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.162601 11133 net.cpp:156] Memory required for data: 4672554496
I0709 01:02:46.162605 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x1
I0709 01:02:46.162622 11133 net.cpp:91] Creating Layer conv4d_t3_1x1
I0709 01:02:46.162628 11133 net.cpp:425] conv4d_t3_1x1 <- inception_4c_inception_4c_0_split_2
I0709 01:02:46.162636 11133 net.cpp:399] conv4d_t3_1x1 -> conv4d_t3_1x1
I0709 01:02:46.169761 11133 net.cpp:141] Setting up conv4d_t3_1x1
I0709 01:02:46.169777 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.169790 11133 net.cpp:156] Memory required for data: 4679656960
I0709 01:02:46.169795 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x1/bn
I0709 01:02:46.169809 11133 net.cpp:91] Creating Layer conv4d_t3_1x1/bn
I0709 01:02:46.169814 11133 net.cpp:425] conv4d_t3_1x1/bn <- conv4d_t3_1x1
I0709 01:02:46.169822 11133 net.cpp:399] conv4d_t3_1x1/bn -> conv4d_t3_1x1/bn
I0709 01:02:46.170095 11133 net.cpp:141] Setting up conv4d_t3_1x1/bn
I0709 01:02:46.170106 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.170109 11133 net.cpp:156] Memory required for data: 4686759424
I0709 01:02:46.170119 11133 layer_factory.hpp:77] Creating layer relu4d_t3_1x1
I0709 01:02:46.170130 11133 net.cpp:91] Creating Layer relu4d_t3_1x1
I0709 01:02:46.170135 11133 net.cpp:425] relu4d_t3_1x1 <- conv4d_t3_1x1/bn
I0709 01:02:46.170140 11133 net.cpp:386] relu4d_t3_1x1 -> conv4d_t3_1x1/bn (in-place)
I0709 01:02:46.170555 11133 net.cpp:141] Setting up relu4d_t3_1x1
I0709 01:02:46.170569 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.170572 11133 net.cpp:156] Memory required for data: 4693861888
I0709 01:02:46.170577 11133 layer_factory.hpp:77] Creating layer conv4d_t3_7x1_1
I0709 01:02:46.170588 11133 net.cpp:91] Creating Layer conv4d_t3_7x1_1
I0709 01:02:46.170595 11133 net.cpp:425] conv4d_t3_7x1_1 <- conv4d_t3_1x1/bn
I0709 01:02:46.170601 11133 net.cpp:399] conv4d_t3_7x1_1 -> conv4d_t3_7x1_1
I0709 01:02:46.181674 11133 net.cpp:141] Setting up conv4d_t3_7x1_1
I0709 01:02:46.181690 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.181694 11133 net.cpp:156] Memory required for data: 4700964352
I0709 01:02:46.181707 11133 layer_factory.hpp:77] Creating layer conv4d_t3_7x1_1/bn
I0709 01:02:46.181715 11133 net.cpp:91] Creating Layer conv4d_t3_7x1_1/bn
I0709 01:02:46.181720 11133 net.cpp:425] conv4d_t3_7x1_1/bn <- conv4d_t3_7x1_1
I0709 01:02:46.181726 11133 net.cpp:399] conv4d_t3_7x1_1/bn -> conv4d_t3_7x1_1/bn
I0709 01:02:46.182004 11133 net.cpp:141] Setting up conv4d_t3_7x1_1/bn
I0709 01:02:46.182015 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.182018 11133 net.cpp:156] Memory required for data: 4708066816
I0709 01:02:46.182027 11133 layer_factory.hpp:77] Creating layer relu4d_t3_7x1_1
I0709 01:02:46.182041 11133 net.cpp:91] Creating Layer relu4d_t3_7x1_1
I0709 01:02:46.182052 11133 net.cpp:425] relu4d_t3_7x1_1 <- conv4d_t3_7x1_1/bn
I0709 01:02:46.182056 11133 net.cpp:386] relu4d_t3_7x1_1 -> conv4d_t3_7x1_1/bn (in-place)
I0709 01:02:46.182286 11133 net.cpp:141] Setting up relu4d_t3_7x1_1
I0709 01:02:46.182297 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.182301 11133 net.cpp:156] Memory required for data: 4715169280
I0709 01:02:46.182304 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x7_1
I0709 01:02:46.182317 11133 net.cpp:91] Creating Layer conv4d_t3_1x7_1
I0709 01:02:46.182325 11133 net.cpp:425] conv4d_t3_1x7_1 <- conv4d_t3_7x1_1/bn
I0709 01:02:46.182333 11133 net.cpp:399] conv4d_t3_1x7_1 -> conv4d_t3_1x7_1
I0709 01:02:46.196385 11133 net.cpp:141] Setting up conv4d_t3_1x7_1
I0709 01:02:46.196405 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.196410 11133 net.cpp:156] Memory required for data: 4722271744
I0709 01:02:46.196418 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x7_1/bn
I0709 01:02:46.196424 11133 net.cpp:91] Creating Layer conv4d_t3_1x7_1/bn
I0709 01:02:46.196429 11133 net.cpp:425] conv4d_t3_1x7_1/bn <- conv4d_t3_1x7_1
I0709 01:02:46.196436 11133 net.cpp:399] conv4d_t3_1x7_1/bn -> conv4d_t3_1x7_1/bn
I0709 01:02:46.196707 11133 net.cpp:141] Setting up conv4d_t3_1x7_1/bn
I0709 01:02:46.196717 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.196720 11133 net.cpp:156] Memory required for data: 4729374208
I0709 01:02:46.196738 11133 layer_factory.hpp:77] Creating layer relu4d_t3_1x7_1
I0709 01:02:46.196749 11133 net.cpp:91] Creating Layer relu4d_t3_1x7_1
I0709 01:02:46.196756 11133 net.cpp:425] relu4d_t3_1x7_1 <- conv4d_t3_1x7_1/bn
I0709 01:02:46.196763 11133 net.cpp:386] relu4d_t3_1x7_1 -> conv4d_t3_1x7_1/bn (in-place)
I0709 01:02:46.197190 11133 net.cpp:141] Setting up relu4d_t3_1x7_1
I0709 01:02:46.197204 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.197216 11133 net.cpp:156] Memory required for data: 4736476672
I0709 01:02:46.197219 11133 layer_factory.hpp:77] Creating layer conv4d_t3_7x1_2
I0709 01:02:46.197233 11133 net.cpp:91] Creating Layer conv4d_t3_7x1_2
I0709 01:02:46.197239 11133 net.cpp:425] conv4d_t3_7x1_2 <- conv4d_t3_1x7_1/bn
I0709 01:02:46.197245 11133 net.cpp:399] conv4d_t3_7x1_2 -> conv4d_t3_7x1_2
I0709 01:02:46.208137 11133 net.cpp:141] Setting up conv4d_t3_7x1_2
I0709 01:02:46.208153 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.208158 11133 net.cpp:156] Memory required for data: 4743579136
I0709 01:02:46.208163 11133 layer_factory.hpp:77] Creating layer conv4d_t3_7x1_2/bn
I0709 01:02:46.208169 11133 net.cpp:91] Creating Layer conv4d_t3_7x1_2/bn
I0709 01:02:46.208174 11133 net.cpp:425] conv4d_t3_7x1_2/bn <- conv4d_t3_7x1_2
I0709 01:02:46.208184 11133 net.cpp:399] conv4d_t3_7x1_2/bn -> conv4d_t3_7x1_2/bn
I0709 01:02:46.208456 11133 net.cpp:141] Setting up conv4d_t3_7x1_2/bn
I0709 01:02:46.208467 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.208470 11133 net.cpp:156] Memory required for data: 4750681600
I0709 01:02:46.208478 11133 layer_factory.hpp:77] Creating layer relu4d_t3_7x1_2
I0709 01:02:46.208489 11133 net.cpp:91] Creating Layer relu4d_t3_7x1_2
I0709 01:02:46.208499 11133 net.cpp:425] relu4d_t3_7x1_2 <- conv4d_t3_7x1_2/bn
I0709 01:02:46.208505 11133 net.cpp:386] relu4d_t3_7x1_2 -> conv4d_t3_7x1_2/bn (in-place)
I0709 01:02:46.208912 11133 net.cpp:141] Setting up relu4d_t3_7x1_2
I0709 01:02:46.208927 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.208930 11133 net.cpp:156] Memory required for data: 4757784064
I0709 01:02:46.208945 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x7_2
I0709 01:02:46.208961 11133 net.cpp:91] Creating Layer conv4d_t3_1x7_2
I0709 01:02:46.208968 11133 net.cpp:425] conv4d_t3_1x7_2 <- conv4d_t3_7x1_2/bn
I0709 01:02:46.208976 11133 net.cpp:399] conv4d_t3_1x7_2 -> conv4d_t3_1x7_2
I0709 01:02:46.220019 11133 net.cpp:141] Setting up conv4d_t3_1x7_2
I0709 01:02:46.220036 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.220041 11133 net.cpp:156] Memory required for data: 4764886528
I0709 01:02:46.220046 11133 layer_factory.hpp:77] Creating layer conv4d_t3_1x7_2/bn
I0709 01:02:46.220054 11133 net.cpp:91] Creating Layer conv4d_t3_1x7_2/bn
I0709 01:02:46.220059 11133 net.cpp:425] conv4d_t3_1x7_2/bn <- conv4d_t3_1x7_2
I0709 01:02:46.220067 11133 net.cpp:399] conv4d_t3_1x7_2/bn -> conv4d_t3_1x7_2/bn
I0709 01:02:46.220345 11133 net.cpp:141] Setting up conv4d_t3_1x7_2/bn
I0709 01:02:46.220356 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.220366 11133 net.cpp:156] Memory required for data: 4771988992
I0709 01:02:46.220374 11133 layer_factory.hpp:77] Creating layer relu4d_t3_1x7_2
I0709 01:02:46.220386 11133 net.cpp:91] Creating Layer relu4d_t3_1x7_2
I0709 01:02:46.220391 11133 net.cpp:425] relu4d_t3_1x7_2 <- conv4d_t3_1x7_2/bn
I0709 01:02:46.220404 11133 net.cpp:386] relu4d_t3_1x7_2 -> conv4d_t3_1x7_2/bn (in-place)
I0709 01:02:46.220646 11133 net.cpp:141] Setting up relu4d_t3_1x7_2
I0709 01:02:46.220664 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.220669 11133 net.cpp:156] Memory required for data: 4779091456
I0709 01:02:46.220676 11133 layer_factory.hpp:77] Creating layer conv4d_t4_pool
I0709 01:02:46.220706 11133 net.cpp:91] Creating Layer conv4d_t4_pool
I0709 01:02:46.220712 11133 net.cpp:425] conv4d_t4_pool <- inception_4c_inception_4c_0_split_3
I0709 01:02:46.220718 11133 net.cpp:399] conv4d_t4_pool -> conv4d_t4_pool
I0709 01:02:46.221191 11133 net.cpp:141] Setting up conv4d_t4_pool
I0709 01:02:46.221205 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.221210 11133 net.cpp:156] Memory required for data: 4807501312
I0709 01:02:46.221220 11133 layer_factory.hpp:77] Creating layer conv4d_t4_1x1
I0709 01:02:46.221237 11133 net.cpp:91] Creating Layer conv4d_t4_1x1
I0709 01:02:46.221242 11133 net.cpp:425] conv4d_t4_1x1 <- conv4d_t4_pool
I0709 01:02:46.221248 11133 net.cpp:399] conv4d_t4_1x1 -> conv4d_t4_1x1
I0709 01:02:46.230392 11133 net.cpp:141] Setting up conv4d_t4_1x1
I0709 01:02:46.230443 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.230448 11133 net.cpp:156] Memory required for data: 4814603776
I0709 01:02:46.230469 11133 layer_factory.hpp:77] Creating layer conv4d_t4_1x1/bn
I0709 01:02:46.230482 11133 net.cpp:91] Creating Layer conv4d_t4_1x1/bn
I0709 01:02:46.230489 11133 net.cpp:425] conv4d_t4_1x1/bn <- conv4d_t4_1x1
I0709 01:02:46.230497 11133 net.cpp:399] conv4d_t4_1x1/bn -> conv4d_t4_1x1/bn
I0709 01:02:46.230820 11133 net.cpp:141] Setting up conv4d_t4_1x1/bn
I0709 01:02:46.230836 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.230844 11133 net.cpp:156] Memory required for data: 4821706240
I0709 01:02:46.230860 11133 layer_factory.hpp:77] Creating layer relu4d_t4_1x1
I0709 01:02:46.230878 11133 net.cpp:91] Creating Layer relu4d_t4_1x1
I0709 01:02:46.230890 11133 net.cpp:425] relu4d_t4_1x1 <- conv4d_t4_1x1/bn
I0709 01:02:46.230919 11133 net.cpp:386] relu4d_t4_1x1 -> conv4d_t4_1x1/bn (in-place)
I0709 01:02:46.231163 11133 net.cpp:141] Setting up relu4d_t4_1x1
I0709 01:02:46.231178 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.231184 11133 net.cpp:156] Memory required for data: 4828808704
I0709 01:02:46.231195 11133 layer_factory.hpp:77] Creating layer inception_4d
I0709 01:02:46.231205 11133 net.cpp:91] Creating Layer inception_4d
I0709 01:02:46.231210 11133 net.cpp:425] inception_4d <- conv4d_t1_1x1/bn
I0709 01:02:46.231215 11133 net.cpp:425] inception_4d <- conv4d_t2_7x1/bn
I0709 01:02:46.231220 11133 net.cpp:425] inception_4d <- conv4d_t3_1x7_2/bn
I0709 01:02:46.231225 11133 net.cpp:425] inception_4d <- conv4d_t4_1x1/bn
I0709 01:02:46.231231 11133 net.cpp:399] inception_4d -> inception_4d
I0709 01:02:46.231273 11133 net.cpp:141] Setting up inception_4d
I0709 01:02:46.231281 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.231286 11133 net.cpp:156] Memory required for data: 4857218560
I0709 01:02:46.231288 11133 layer_factory.hpp:77] Creating layer inception_4d_inception_4d_0_split
I0709 01:02:46.231298 11133 net.cpp:91] Creating Layer inception_4d_inception_4d_0_split
I0709 01:02:46.231305 11133 net.cpp:425] inception_4d_inception_4d_0_split <- inception_4d
I0709 01:02:46.231315 11133 net.cpp:399] inception_4d_inception_4d_0_split -> inception_4d_inception_4d_0_split_0
I0709 01:02:46.231350 11133 net.cpp:399] inception_4d_inception_4d_0_split -> inception_4d_inception_4d_0_split_1
I0709 01:02:46.231365 11133 net.cpp:399] inception_4d_inception_4d_0_split -> inception_4d_inception_4d_0_split_2
I0709 01:02:46.231452 11133 net.cpp:141] Setting up inception_4d_inception_4d_0_split
I0709 01:02:46.231464 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.231468 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.231472 11133 net.cpp:148] Top shape: 32 768 17 17 (7102464)
I0709 01:02:46.231475 11133 net.cpp:156] Memory required for data: 4942448128
I0709 01:02:46.231479 11133 layer_factory.hpp:77] Creating layer conv4e_t1_1x1
I0709 01:02:46.231492 11133 net.cpp:91] Creating Layer conv4e_t1_1x1
I0709 01:02:46.231498 11133 net.cpp:425] conv4e_t1_1x1 <- inception_4d_inception_4d_0_split_0
I0709 01:02:46.231504 11133 net.cpp:399] conv4e_t1_1x1 -> conv4e_t1_1x1
I0709 01:02:46.239802 11133 net.cpp:141] Setting up conv4e_t1_1x1
I0709 01:02:46.239857 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.239862 11133 net.cpp:156] Memory required for data: 4949550592
I0709 01:02:46.239879 11133 layer_factory.hpp:77] Creating layer conv4e_t1_1x1/bn
I0709 01:02:46.239902 11133 net.cpp:91] Creating Layer conv4e_t1_1x1/bn
I0709 01:02:46.239910 11133 net.cpp:425] conv4e_t1_1x1/bn <- conv4e_t1_1x1
I0709 01:02:46.239925 11133 net.cpp:399] conv4e_t1_1x1/bn -> conv4e_t1_1x1/bn
I0709 01:02:46.240272 11133 net.cpp:141] Setting up conv4e_t1_1x1/bn
I0709 01:02:46.240283 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.240299 11133 net.cpp:156] Memory required for data: 4956653056
I0709 01:02:46.240309 11133 layer_factory.hpp:77] Creating layer relu4e_t1_1x1
I0709 01:02:46.240317 11133 net.cpp:91] Creating Layer relu4e_t1_1x1
I0709 01:02:46.240321 11133 net.cpp:425] relu4e_t1_1x1 <- conv4e_t1_1x1/bn
I0709 01:02:46.240335 11133 net.cpp:386] relu4e_t1_1x1 -> conv4e_t1_1x1/bn (in-place)
I0709 01:02:46.240581 11133 net.cpp:141] Setting up relu4e_t1_1x1
I0709 01:02:46.240609 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.240617 11133 net.cpp:156] Memory required for data: 4963755520
I0709 01:02:46.240627 11133 layer_factory.hpp:77] Creating layer conv4e_t1_3x3
I0709 01:02:46.240643 11133 net.cpp:91] Creating Layer conv4e_t1_3x3
I0709 01:02:46.240649 11133 net.cpp:425] conv4e_t1_3x3 <- conv4e_t1_1x1/bn
I0709 01:02:46.240670 11133 net.cpp:399] conv4e_t1_3x3 -> conv4e_t1_3x3
I0709 01:02:46.262955 11133 net.cpp:141] Setting up conv4e_t1_3x3
I0709 01:02:46.263023 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.263030 11133 net.cpp:156] Memory required for data: 4966376960
I0709 01:02:46.263048 11133 layer_factory.hpp:77] Creating layer conv4e_t1_3x3/bn
I0709 01:02:46.263078 11133 net.cpp:91] Creating Layer conv4e_t1_3x3/bn
I0709 01:02:46.263123 11133 net.cpp:425] conv4e_t1_3x3/bn <- conv4e_t1_3x3
I0709 01:02:46.263150 11133 net.cpp:399] conv4e_t1_3x3/bn -> conv4e_t1_3x3/bn
I0709 01:02:46.263638 11133 net.cpp:141] Setting up conv4e_t1_3x3/bn
I0709 01:02:46.263659 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.263667 11133 net.cpp:156] Memory required for data: 4968998400
I0709 01:02:46.263684 11133 layer_factory.hpp:77] Creating layer relu4e_t1_3x3
I0709 01:02:46.263701 11133 net.cpp:91] Creating Layer relu4e_t1_3x3
I0709 01:02:46.263708 11133 net.cpp:425] relu4e_t1_3x3 <- conv4e_t1_3x3/bn
I0709 01:02:46.263716 11133 net.cpp:386] relu4e_t1_3x3 -> conv4e_t1_3x3/bn (in-place)
I0709 01:02:46.264438 11133 net.cpp:141] Setting up relu4e_t1_3x3
I0709 01:02:46.264461 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.264480 11133 net.cpp:156] Memory required for data: 4971619840
I0709 01:02:46.264488 11133 layer_factory.hpp:77] Creating layer conv4e_t2_1x1
I0709 01:02:46.264508 11133 net.cpp:91] Creating Layer conv4e_t2_1x1
I0709 01:02:46.264529 11133 net.cpp:425] conv4e_t2_1x1 <- inception_4d_inception_4d_0_split_1
I0709 01:02:46.264539 11133 net.cpp:399] conv4e_t2_1x1 -> conv4e_t2_1x1
I0709 01:02:46.271761 11133 net.cpp:141] Setting up conv4e_t2_1x1
I0709 01:02:46.271801 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.271806 11133 net.cpp:156] Memory required for data: 4978722304
I0709 01:02:46.271816 11133 layer_factory.hpp:77] Creating layer conv4e_t2_1x1/bn
I0709 01:02:46.271827 11133 net.cpp:91] Creating Layer conv4e_t2_1x1/bn
I0709 01:02:46.271833 11133 net.cpp:425] conv4e_t2_1x1/bn <- conv4e_t2_1x1
I0709 01:02:46.271841 11133 net.cpp:399] conv4e_t2_1x1/bn -> conv4e_t2_1x1/bn
I0709 01:02:46.272148 11133 net.cpp:141] Setting up conv4e_t2_1x1/bn
I0709 01:02:46.272158 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.272161 11133 net.cpp:156] Memory required for data: 4985824768
I0709 01:02:46.272169 11133 layer_factory.hpp:77] Creating layer relu4e_t2_1x1
I0709 01:02:46.272193 11133 net.cpp:91] Creating Layer relu4e_t2_1x1
I0709 01:02:46.272198 11133 net.cpp:425] relu4e_t2_1x1 <- conv4e_t2_1x1/bn
I0709 01:02:46.272203 11133 net.cpp:386] relu4e_t2_1x1 -> conv4e_t2_1x1/bn (in-place)
I0709 01:02:46.272392 11133 net.cpp:141] Setting up relu4e_t2_1x1
I0709 01:02:46.272403 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.272408 11133 net.cpp:156] Memory required for data: 4992927232
I0709 01:02:46.272413 11133 layer_factory.hpp:77] Creating layer conv4e_t2_1x7
I0709 01:02:46.272436 11133 net.cpp:91] Creating Layer conv4e_t2_1x7
I0709 01:02:46.272441 11133 net.cpp:425] conv4e_t2_1x7 <- conv4e_t2_1x1/bn
I0709 01:02:46.272446 11133 net.cpp:399] conv4e_t2_1x7 -> conv4e_t2_1x7
I0709 01:02:46.293345 11133 net.cpp:141] Setting up conv4e_t2_1x7
I0709 01:02:46.293386 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.293395 11133 net.cpp:156] Memory required for data: 5000029696
I0709 01:02:46.293408 11133 layer_factory.hpp:77] Creating layer conv4e_t2_1x7/bn
I0709 01:02:46.293431 11133 net.cpp:91] Creating Layer conv4e_t2_1x7/bn
I0709 01:02:46.293442 11133 net.cpp:425] conv4e_t2_1x7/bn <- conv4e_t2_1x7
I0709 01:02:46.293455 11133 net.cpp:399] conv4e_t2_1x7/bn -> conv4e_t2_1x7/bn
I0709 01:02:46.294021 11133 net.cpp:141] Setting up conv4e_t2_1x7/bn
I0709 01:02:46.294039 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.294046 11133 net.cpp:156] Memory required for data: 5007132160
I0709 01:02:46.294061 11133 layer_factory.hpp:77] Creating layer relu4e_t2_1x7
I0709 01:02:46.294073 11133 net.cpp:91] Creating Layer relu4e_t2_1x7
I0709 01:02:46.294080 11133 net.cpp:425] relu4e_t2_1x7 <- conv4e_t2_1x7/bn
I0709 01:02:46.294096 11133 net.cpp:386] relu4e_t2_1x7 -> conv4e_t2_1x7/bn (in-place)
I0709 01:02:46.294522 11133 net.cpp:141] Setting up relu4e_t2_1x7
I0709 01:02:46.294541 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.294548 11133 net.cpp:156] Memory required for data: 5014234624
I0709 01:02:46.294632 11133 layer_factory.hpp:77] Creating layer conv4e_t2_7x1
I0709 01:02:46.294713 11133 net.cpp:91] Creating Layer conv4e_t2_7x1
I0709 01:02:46.294723 11133 net.cpp:425] conv4e_t2_7x1 <- conv4e_t2_1x7/bn
I0709 01:02:46.294734 11133 net.cpp:399] conv4e_t2_7x1 -> conv4e_t2_7x1
I0709 01:02:46.307126 11133 net.cpp:141] Setting up conv4e_t2_7x1
I0709 01:02:46.307224 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.307230 11133 net.cpp:156] Memory required for data: 5021337088
I0709 01:02:46.307242 11133 layer_factory.hpp:77] Creating layer conv4e_t2_7x1/bn
I0709 01:02:46.307255 11133 net.cpp:91] Creating Layer conv4e_t2_7x1/bn
I0709 01:02:46.307261 11133 net.cpp:425] conv4e_t2_7x1/bn <- conv4e_t2_7x1
I0709 01:02:46.307270 11133 net.cpp:399] conv4e_t2_7x1/bn -> conv4e_t2_7x1/bn
I0709 01:02:46.307623 11133 net.cpp:141] Setting up conv4e_t2_7x1/bn
I0709 01:02:46.307634 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.307651 11133 net.cpp:156] Memory required for data: 5028439552
I0709 01:02:46.307659 11133 layer_factory.hpp:77] Creating layer relu4e_t2_7x1
I0709 01:02:46.307668 11133 net.cpp:91] Creating Layer relu4e_t2_7x1
I0709 01:02:46.307674 11133 net.cpp:425] relu4e_t2_7x1 <- conv4e_t2_7x1/bn
I0709 01:02:46.307693 11133 net.cpp:386] relu4e_t2_7x1 -> conv4e_t2_7x1/bn (in-place)
I0709 01:02:46.308246 11133 net.cpp:141] Setting up relu4e_t2_7x1
I0709 01:02:46.308259 11133 net.cpp:148] Top shape: 32 192 17 17 (1775616)
I0709 01:02:46.308275 11133 net.cpp:156] Memory required for data: 5035542016
I0709 01:02:46.308280 11133 layer_factory.hpp:77] Creating layer conv4e_t2_3x3
I0709 01:02:46.308300 11133 net.cpp:91] Creating Layer conv4e_t2_3x3
I0709 01:02:46.308318 11133 net.cpp:425] conv4e_t2_3x3 <- conv4e_t2_7x1/bn
I0709 01:02:46.308337 11133 net.cpp:399] conv4e_t2_3x3 -> conv4e_t2_3x3
I0709 01:02:46.322600 11133 net.cpp:141] Setting up conv4e_t2_3x3
I0709 01:02:46.322652 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.322657 11133 net.cpp:156] Memory required for data: 5037114880
I0709 01:02:46.322672 11133 layer_factory.hpp:77] Creating layer conv4e_t2_3x3/bn
I0709 01:02:46.322693 11133 net.cpp:91] Creating Layer conv4e_t2_3x3/bn
I0709 01:02:46.322707 11133 net.cpp:425] conv4e_t2_3x3/bn <- conv4e_t2_3x3
I0709 01:02:46.322718 11133 net.cpp:399] conv4e_t2_3x3/bn -> conv4e_t2_3x3/bn
I0709 01:02:46.323040 11133 net.cpp:141] Setting up conv4e_t2_3x3/bn
I0709 01:02:46.323070 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.323074 11133 net.cpp:156] Memory required for data: 5038687744
I0709 01:02:46.323087 11133 layer_factory.hpp:77] Creating layer relu4e_t2_3x3
I0709 01:02:46.323103 11133 net.cpp:91] Creating Layer relu4e_t2_3x3
I0709 01:02:46.323112 11133 net.cpp:425] relu4e_t2_3x3 <- conv4e_t2_3x3/bn
I0709 01:02:46.323124 11133 net.cpp:386] relu4e_t2_3x3 -> conv4e_t2_3x3/bn (in-place)
I0709 01:02:46.323529 11133 net.cpp:141] Setting up relu4e_t2_3x3
I0709 01:02:46.323551 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.323559 11133 net.cpp:156] Memory required for data: 5040260608
I0709 01:02:46.323581 11133 layer_factory.hpp:77] Creating layer conv4e_t3_pool
I0709 01:02:46.323665 11133 net.cpp:91] Creating Layer conv4e_t3_pool
I0709 01:02:46.323676 11133 net.cpp:425] conv4e_t3_pool <- inception_4d_inception_4d_0_split_2
I0709 01:02:46.323686 11133 net.cpp:399] conv4e_t3_pool -> conv4e_t3_pool
I0709 01:02:46.323796 11133 net.cpp:141] Setting up conv4e_t3_pool
I0709 01:02:46.323809 11133 net.cpp:148] Top shape: 32 768 8 8 (1572864)
I0709 01:02:46.323817 11133 net.cpp:156] Memory required for data: 5046552064
I0709 01:02:46.323827 11133 layer_factory.hpp:77] Creating layer inception_4e
I0709 01:02:46.323845 11133 net.cpp:91] Creating Layer inception_4e
I0709 01:02:46.323853 11133 net.cpp:425] inception_4e <- conv4e_t1_3x3/bn
I0709 01:02:46.323858 11133 net.cpp:425] inception_4e <- conv4e_t2_3x3/bn
I0709 01:02:46.323863 11133 net.cpp:425] inception_4e <- conv4e_t3_pool
I0709 01:02:46.323869 11133 net.cpp:399] inception_4e -> inception_4e
I0709 01:02:46.323905 11133 net.cpp:141] Setting up inception_4e
I0709 01:02:46.323915 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.323917 11133 net.cpp:156] Memory required for data: 5057037824
I0709 01:02:46.323921 11133 layer_factory.hpp:77] Creating layer inception_4e_inception_4e_0_split
I0709 01:02:46.323930 11133 net.cpp:91] Creating Layer inception_4e_inception_4e_0_split
I0709 01:02:46.323935 11133 net.cpp:425] inception_4e_inception_4e_0_split <- inception_4e
I0709 01:02:46.323941 11133 net.cpp:399] inception_4e_inception_4e_0_split -> inception_4e_inception_4e_0_split_0
I0709 01:02:46.323961 11133 net.cpp:399] inception_4e_inception_4e_0_split -> inception_4e_inception_4e_0_split_1
I0709 01:02:46.323974 11133 net.cpp:399] inception_4e_inception_4e_0_split -> inception_4e_inception_4e_0_split_2
I0709 01:02:46.323988 11133 net.cpp:399] inception_4e_inception_4e_0_split -> inception_4e_inception_4e_0_split_3
I0709 01:02:46.324066 11133 net.cpp:141] Setting up inception_4e_inception_4e_0_split
I0709 01:02:46.324076 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.324084 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.324092 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.324103 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.324110 11133 net.cpp:156] Memory required for data: 5098980864
I0709 01:02:46.324117 11133 layer_factory.hpp:77] Creating layer conv5a_t1_1x1
I0709 01:02:46.324138 11133 net.cpp:91] Creating Layer conv5a_t1_1x1
I0709 01:02:46.324143 11133 net.cpp:425] conv5a_t1_1x1 <- inception_4e_inception_4e_0_split_0
I0709 01:02:46.324151 11133 net.cpp:399] conv5a_t1_1x1 -> conv5a_t1_1x1
I0709 01:02:46.343844 11133 net.cpp:141] Setting up conv5a_t1_1x1
I0709 01:02:46.343895 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.343900 11133 net.cpp:156] Memory required for data: 5101602304
I0709 01:02:46.343910 11133 layer_factory.hpp:77] Creating layer conv5a_t1_1x1/bn
I0709 01:02:46.343922 11133 net.cpp:91] Creating Layer conv5a_t1_1x1/bn
I0709 01:02:46.343930 11133 net.cpp:425] conv5a_t1_1x1/bn <- conv5a_t1_1x1
I0709 01:02:46.343953 11133 net.cpp:399] conv5a_t1_1x1/bn -> conv5a_t1_1x1/bn
I0709 01:02:46.344324 11133 net.cpp:141] Setting up conv5a_t1_1x1/bn
I0709 01:02:46.344333 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.344348 11133 net.cpp:156] Memory required for data: 5104223744
I0709 01:02:46.344357 11133 layer_factory.hpp:77] Creating layer relu5a_t1_1x1
I0709 01:02:46.344365 11133 net.cpp:91] Creating Layer relu5a_t1_1x1
I0709 01:02:46.344369 11133 net.cpp:425] relu5a_t1_1x1 <- conv5a_t1_1x1/bn
I0709 01:02:46.344375 11133 net.cpp:386] relu5a_t1_1x1 -> conv5a_t1_1x1/bn (in-place)
I0709 01:02:46.344607 11133 net.cpp:141] Setting up relu5a_t1_1x1
I0709 01:02:46.344619 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.344624 11133 net.cpp:156] Memory required for data: 5106845184
I0709 01:02:46.344629 11133 layer_factory.hpp:77] Creating layer conv5a_t2_1x1
I0709 01:02:46.344643 11133 net.cpp:91] Creating Layer conv5a_t2_1x1
I0709 01:02:46.344651 11133 net.cpp:425] conv5a_t2_1x1 <- inception_4e_inception_4e_0_split_1
I0709 01:02:46.344661 11133 net.cpp:399] conv5a_t2_1x1 -> conv5a_t2_1x1
I0709 01:02:46.366705 11133 net.cpp:141] Setting up conv5a_t2_1x1
I0709 01:02:46.366763 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.366768 11133 net.cpp:156] Memory required for data: 5109990912
I0709 01:02:46.366783 11133 layer_factory.hpp:77] Creating layer conv5a_t2_1x1/bn
I0709 01:02:46.366806 11133 net.cpp:91] Creating Layer conv5a_t2_1x1/bn
I0709 01:02:46.366816 11133 net.cpp:425] conv5a_t2_1x1/bn <- conv5a_t2_1x1
I0709 01:02:46.366827 11133 net.cpp:399] conv5a_t2_1x1/bn -> conv5a_t2_1x1/bn
I0709 01:02:46.367200 11133 net.cpp:141] Setting up conv5a_t2_1x1/bn
I0709 01:02:46.367213 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.367216 11133 net.cpp:156] Memory required for data: 5113136640
I0709 01:02:46.367225 11133 layer_factory.hpp:77] Creating layer relu5a_t2_1x1
I0709 01:02:46.367236 11133 net.cpp:91] Creating Layer relu5a_t2_1x1
I0709 01:02:46.367246 11133 net.cpp:425] relu5a_t2_1x1 <- conv5a_t2_1x1/bn
I0709 01:02:46.367257 11133 net.cpp:386] relu5a_t2_1x1 -> conv5a_t2_1x1/bn (in-place)
I0709 01:02:46.367811 11133 net.cpp:141] Setting up relu5a_t2_1x1
I0709 01:02:46.367830 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.367835 11133 net.cpp:156] Memory required for data: 5116282368
I0709 01:02:46.367842 11133 layer_factory.hpp:77] Creating layer conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split
I0709 01:02:46.367852 11133 net.cpp:91] Creating Layer conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split
I0709 01:02:46.367898 11133 net.cpp:425] conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split <- conv5a_t2_1x1/bn
I0709 01:02:46.367914 11133 net.cpp:399] conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split -> conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split_0
I0709 01:02:46.367931 11133 net.cpp:399] conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split -> conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split_1
I0709 01:02:46.368015 11133 net.cpp:141] Setting up conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split
I0709 01:02:46.368026 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.368033 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.368041 11133 net.cpp:156] Memory required for data: 5122573824
I0709 01:02:46.368047 11133 layer_factory.hpp:77] Creating layer conv5a_t2_1x3
I0709 01:02:46.368065 11133 net.cpp:91] Creating Layer conv5a_t2_1x3
I0709 01:02:46.368073 11133 net.cpp:425] conv5a_t2_1x3 <- conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split_0
I0709 01:02:46.368083 11133 net.cpp:399] conv5a_t2_1x3 -> conv5a_t2_1x3
I0709 01:02:46.397999 11133 net.cpp:141] Setting up conv5a_t2_1x3
I0709 01:02:46.398030 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.398037 11133 net.cpp:156] Memory required for data: 5125719552
I0709 01:02:46.398121 11133 layer_factory.hpp:77] Creating layer conv5a_t2_1x3/bn
I0709 01:02:46.398182 11133 net.cpp:91] Creating Layer conv5a_t2_1x3/bn
I0709 01:02:46.398193 11133 net.cpp:425] conv5a_t2_1x3/bn <- conv5a_t2_1x3
I0709 01:02:46.398203 11133 net.cpp:399] conv5a_t2_1x3/bn -> conv5a_t2_1x3/bn
I0709 01:02:46.398706 11133 net.cpp:141] Setting up conv5a_t2_1x3/bn
I0709 01:02:46.398721 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.398725 11133 net.cpp:156] Memory required for data: 5128865280
I0709 01:02:46.398737 11133 layer_factory.hpp:77] Creating layer relu5a_t2_1x3
I0709 01:02:46.398746 11133 net.cpp:91] Creating Layer relu5a_t2_1x3
I0709 01:02:46.398749 11133 net.cpp:425] relu5a_t2_1x3 <- conv5a_t2_1x3/bn
I0709 01:02:46.398756 11133 net.cpp:386] relu5a_t2_1x3 -> conv5a_t2_1x3/bn (in-place)
I0709 01:02:46.399022 11133 net.cpp:141] Setting up relu5a_t2_1x3
I0709 01:02:46.399039 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.399041 11133 net.cpp:156] Memory required for data: 5132011008
I0709 01:02:46.399045 11133 layer_factory.hpp:77] Creating layer conv5a_t2_3x1
I0709 01:02:46.399061 11133 net.cpp:91] Creating Layer conv5a_t2_3x1
I0709 01:02:46.399070 11133 net.cpp:425] conv5a_t2_3x1 <- conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split_1
I0709 01:02:46.399075 11133 net.cpp:399] conv5a_t2_3x1 -> conv5a_t2_3x1
I0709 01:02:46.416872 11133 net.cpp:141] Setting up conv5a_t2_3x1
I0709 01:02:46.416934 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.416942 11133 net.cpp:156] Memory required for data: 5135156736
I0709 01:02:46.416963 11133 layer_factory.hpp:77] Creating layer conv5a_t2_3x1/bn
I0709 01:02:46.416993 11133 net.cpp:91] Creating Layer conv5a_t2_3x1/bn
I0709 01:02:46.417038 11133 net.cpp:425] conv5a_t2_3x1/bn <- conv5a_t2_3x1
I0709 01:02:46.417064 11133 net.cpp:399] conv5a_t2_3x1/bn -> conv5a_t2_3x1/bn
I0709 01:02:46.417502 11133 net.cpp:141] Setting up conv5a_t2_3x1/bn
I0709 01:02:46.417521 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.417531 11133 net.cpp:156] Memory required for data: 5138302464
I0709 01:02:46.417562 11133 layer_factory.hpp:77] Creating layer relu5a_t2_3x1
I0709 01:02:46.417572 11133 net.cpp:91] Creating Layer relu5a_t2_3x1
I0709 01:02:46.417578 11133 net.cpp:425] relu5a_t2_3x1 <- conv5a_t2_3x1/bn
I0709 01:02:46.417585 11133 net.cpp:386] relu5a_t2_3x1 -> conv5a_t2_3x1/bn (in-place)
I0709 01:02:46.417836 11133 net.cpp:141] Setting up relu5a_t2_3x1
I0709 01:02:46.417848 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.417851 11133 net.cpp:156] Memory required for data: 5141448192
I0709 01:02:46.417858 11133 layer_factory.hpp:77] Creating layer conv5a_t3_1x1
I0709 01:02:46.417871 11133 net.cpp:91] Creating Layer conv5a_t3_1x1
I0709 01:02:46.417878 11133 net.cpp:425] conv5a_t3_1x1 <- inception_4e_inception_4e_0_split_2
I0709 01:02:46.417891 11133 net.cpp:399] conv5a_t3_1x1 -> conv5a_t3_1x1
I0709 01:02:46.454090 11133 net.cpp:141] Setting up conv5a_t3_1x1
I0709 01:02:46.454123 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.454129 11133 net.cpp:156] Memory required for data: 5145118208
I0709 01:02:46.454140 11133 layer_factory.hpp:77] Creating layer conv5a_t3_1x1/bn
I0709 01:02:46.454155 11133 net.cpp:91] Creating Layer conv5a_t3_1x1/bn
I0709 01:02:46.454166 11133 net.cpp:425] conv5a_t3_1x1/bn <- conv5a_t3_1x1
I0709 01:02:46.454179 11133 net.cpp:399] conv5a_t3_1x1/bn -> conv5a_t3_1x1/bn
I0709 01:02:46.454741 11133 net.cpp:141] Setting up conv5a_t3_1x1/bn
I0709 01:02:46.454757 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.454767 11133 net.cpp:156] Memory required for data: 5148788224
I0709 01:02:46.454782 11133 layer_factory.hpp:77] Creating layer relu5a_t3_1x1
I0709 01:02:46.454881 11133 net.cpp:91] Creating Layer relu5a_t3_1x1
I0709 01:02:46.454921 11133 net.cpp:425] relu5a_t3_1x1 <- conv5a_t3_1x1/bn
I0709 01:02:46.454931 11133 net.cpp:386] relu5a_t3_1x1 -> conv5a_t3_1x1/bn (in-place)
I0709 01:02:46.455636 11133 net.cpp:141] Setting up relu5a_t3_1x1
I0709 01:02:46.455672 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.455677 11133 net.cpp:156] Memory required for data: 5152458240
I0709 01:02:46.455683 11133 layer_factory.hpp:77] Creating layer conv5a_t3_3x3
I0709 01:02:46.455710 11133 net.cpp:91] Creating Layer conv5a_t3_3x3
I0709 01:02:46.455718 11133 net.cpp:425] conv5a_t3_3x3 <- conv5a_t3_1x1/bn
I0709 01:02:46.455727 11133 net.cpp:399] conv5a_t3_3x3 -> conv5a_t3_3x3
I0709 01:02:46.512603 11133 net.cpp:141] Setting up conv5a_t3_3x3
I0709 01:02:46.512655 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.512660 11133 net.cpp:156] Memory required for data: 5155603968
I0709 01:02:46.512670 11133 layer_factory.hpp:77] Creating layer conv5a_t3_3x3/bn
I0709 01:02:46.512684 11133 net.cpp:91] Creating Layer conv5a_t3_3x3/bn
I0709 01:02:46.512692 11133 net.cpp:425] conv5a_t3_3x3/bn <- conv5a_t3_3x3
I0709 01:02:46.512698 11133 net.cpp:399] conv5a_t3_3x3/bn -> conv5a_t3_3x3/bn
I0709 01:02:46.513114 11133 net.cpp:141] Setting up conv5a_t3_3x3/bn
I0709 01:02:46.513139 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.513161 11133 net.cpp:156] Memory required for data: 5158749696
I0709 01:02:46.513170 11133 layer_factory.hpp:77] Creating layer relu5a_t3_3x3
I0709 01:02:46.513183 11133 net.cpp:91] Creating Layer relu5a_t3_3x3
I0709 01:02:46.513190 11133 net.cpp:425] relu5a_t3_3x3 <- conv5a_t3_3x3/bn
I0709 01:02:46.513208 11133 net.cpp:386] relu5a_t3_3x3 -> conv5a_t3_3x3/bn (in-place)
I0709 01:02:46.513449 11133 net.cpp:141] Setting up relu5a_t3_3x3
I0709 01:02:46.513461 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.513465 11133 net.cpp:156] Memory required for data: 5161895424
I0709 01:02:46.513469 11133 layer_factory.hpp:77] Creating layer conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split
I0709 01:02:46.513478 11133 net.cpp:91] Creating Layer conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split
I0709 01:02:46.513483 11133 net.cpp:425] conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split <- conv5a_t3_3x3/bn
I0709 01:02:46.513489 11133 net.cpp:399] conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split -> conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split_0
I0709 01:02:46.513497 11133 net.cpp:399] conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split -> conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split_1
I0709 01:02:46.513557 11133 net.cpp:141] Setting up conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split
I0709 01:02:46.513566 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.513569 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.513576 11133 net.cpp:156] Memory required for data: 5168186880
I0709 01:02:46.513578 11133 layer_factory.hpp:77] Creating layer conv5a_t3_1x3
I0709 01:02:46.513594 11133 net.cpp:91] Creating Layer conv5a_t3_1x3
I0709 01:02:46.513599 11133 net.cpp:425] conv5a_t3_1x3 <- conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split_0
I0709 01:02:46.513605 11133 net.cpp:399] conv5a_t3_1x3 -> conv5a_t3_1x3
I0709 01:02:46.534231 11133 net.cpp:141] Setting up conv5a_t3_1x3
I0709 01:02:46.534310 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.534322 11133 net.cpp:156] Memory required for data: 5171332608
I0709 01:02:46.534363 11133 layer_factory.hpp:77] Creating layer conv5a_t3_1x3/bn
I0709 01:02:46.534407 11133 net.cpp:91] Creating Layer conv5a_t3_1x3/bn
I0709 01:02:46.534425 11133 net.cpp:425] conv5a_t3_1x3/bn <- conv5a_t3_1x3
I0709 01:02:46.534446 11133 net.cpp:399] conv5a_t3_1x3/bn -> conv5a_t3_1x3/bn
I0709 01:02:46.535166 11133 net.cpp:141] Setting up conv5a_t3_1x3/bn
I0709 01:02:46.535186 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.535197 11133 net.cpp:156] Memory required for data: 5174478336
I0709 01:02:46.535218 11133 layer_factory.hpp:77] Creating layer relu5a_t3_1x3
I0709 01:02:46.535234 11133 net.cpp:91] Creating Layer relu5a_t3_1x3
I0709 01:02:46.535243 11133 net.cpp:425] relu5a_t3_1x3 <- conv5a_t3_1x3/bn
I0709 01:02:46.535254 11133 net.cpp:386] relu5a_t3_1x3 -> conv5a_t3_1x3/bn (in-place)
I0709 01:02:46.535698 11133 net.cpp:141] Setting up relu5a_t3_1x3
I0709 01:02:46.535727 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.535732 11133 net.cpp:156] Memory required for data: 5177624064
I0709 01:02:46.535740 11133 layer_factory.hpp:77] Creating layer conv5a_t3_3x1
I0709 01:02:46.535780 11133 net.cpp:91] Creating Layer conv5a_t3_3x1
I0709 01:02:46.535790 11133 net.cpp:425] conv5a_t3_3x1 <- conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split_1
I0709 01:02:46.535804 11133 net.cpp:399] conv5a_t3_3x1 -> conv5a_t3_3x1
I0709 01:02:46.567695 11133 net.cpp:141] Setting up conv5a_t3_3x1
I0709 01:02:46.567729 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.567736 11133 net.cpp:156] Memory required for data: 5180769792
I0709 01:02:46.567746 11133 layer_factory.hpp:77] Creating layer conv5a_t3_3x1/bn
I0709 01:02:46.567761 11133 net.cpp:91] Creating Layer conv5a_t3_3x1/bn
I0709 01:02:46.567770 11133 net.cpp:425] conv5a_t3_3x1/bn <- conv5a_t3_3x1
I0709 01:02:46.567782 11133 net.cpp:399] conv5a_t3_3x1/bn -> conv5a_t3_3x1/bn
I0709 01:02:46.568317 11133 net.cpp:141] Setting up conv5a_t3_3x1/bn
I0709 01:02:46.568333 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.568341 11133 net.cpp:156] Memory required for data: 5183915520
I0709 01:02:46.568428 11133 layer_factory.hpp:77] Creating layer relu5a_t3_3x1
I0709 01:02:46.568537 11133 net.cpp:91] Creating Layer relu5a_t3_3x1
I0709 01:02:46.568558 11133 net.cpp:425] relu5a_t3_3x1 <- conv5a_t3_3x1/bn
I0709 01:02:46.568583 11133 net.cpp:386] relu5a_t3_3x1 -> conv5a_t3_3x1/bn (in-place)
I0709 01:02:46.569685 11133 net.cpp:141] Setting up relu5a_t3_3x1
I0709 01:02:46.569737 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.569746 11133 net.cpp:156] Memory required for data: 5187061248
I0709 01:02:46.569759 11133 layer_factory.hpp:77] Creating layer conv5a_t4_pool
I0709 01:02:46.569833 11133 net.cpp:91] Creating Layer conv5a_t4_pool
I0709 01:02:46.569866 11133 net.cpp:425] conv5a_t4_pool <- inception_4e_inception_4e_0_split_3
I0709 01:02:46.569900 11133 net.cpp:399] conv5a_t4_pool -> conv5a_t4_pool
I0709 01:02:46.570389 11133 net.cpp:141] Setting up conv5a_t4_pool
I0709 01:02:46.570425 11133 net.cpp:148] Top shape: 32 1280 8 8 (2621440)
I0709 01:02:46.570430 11133 net.cpp:156] Memory required for data: 5197547008
I0709 01:02:46.570436 11133 layer_factory.hpp:77] Creating layer conv5a_t4_1x1
I0709 01:02:46.570454 11133 net.cpp:91] Creating Layer conv5a_t4_1x1
I0709 01:02:46.570463 11133 net.cpp:425] conv5a_t4_1x1 <- conv5a_t4_pool
I0709 01:02:46.570570 11133 net.cpp:399] conv5a_t4_1x1 -> conv5a_t4_1x1
I0709 01:02:46.584929 11133 net.cpp:141] Setting up conv5a_t4_1x1
I0709 01:02:46.584985 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.584990 11133 net.cpp:156] Memory required for data: 5199119872
I0709 01:02:46.585001 11133 layer_factory.hpp:77] Creating layer conv5a_t4_1x1/bn
I0709 01:02:46.585016 11133 net.cpp:91] Creating Layer conv5a_t4_1x1/bn
I0709 01:02:46.585023 11133 net.cpp:425] conv5a_t4_1x1/bn <- conv5a_t4_1x1
I0709 01:02:46.585038 11133 net.cpp:399] conv5a_t4_1x1/bn -> conv5a_t4_1x1/bn
I0709 01:02:46.585374 11133 net.cpp:141] Setting up conv5a_t4_1x1/bn
I0709 01:02:46.585391 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.585397 11133 net.cpp:156] Memory required for data: 5200692736
I0709 01:02:46.585417 11133 layer_factory.hpp:77] Creating layer relu5a_t4_1x1
I0709 01:02:46.585444 11133 net.cpp:91] Creating Layer relu5a_t4_1x1
I0709 01:02:46.585459 11133 net.cpp:425] relu5a_t4_1x1 <- conv5a_t4_1x1/bn
I0709 01:02:46.585472 11133 net.cpp:386] relu5a_t4_1x1 -> conv5a_t4_1x1/bn (in-place)
I0709 01:02:46.586277 11133 net.cpp:141] Setting up relu5a_t4_1x1
I0709 01:02:46.586304 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.586311 11133 net.cpp:156] Memory required for data: 5202265600
I0709 01:02:46.586321 11133 layer_factory.hpp:77] Creating layer inception_5a
I0709 01:02:46.586344 11133 net.cpp:91] Creating Layer inception_5a
I0709 01:02:46.586359 11133 net.cpp:425] inception_5a <- conv5a_t1_1x1/bn
I0709 01:02:46.586371 11133 net.cpp:425] inception_5a <- conv5a_t2_1x3/bn
I0709 01:02:46.586385 11133 net.cpp:425] inception_5a <- conv5a_t2_3x1/bn
I0709 01:02:46.586393 11133 net.cpp:425] inception_5a <- conv5a_t3_1x3/bn
I0709 01:02:46.586402 11133 net.cpp:425] inception_5a <- conv5a_t3_3x1/bn
I0709 01:02:46.586410 11133 net.cpp:425] inception_5a <- conv5a_t4_1x1/bn
I0709 01:02:46.586423 11133 net.cpp:399] inception_5a -> inception_5a
I0709 01:02:46.586508 11133 net.cpp:141] Setting up inception_5a
I0709 01:02:46.586521 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.586529 11133 net.cpp:156] Memory required for data: 5219042816
I0709 01:02:46.586535 11133 layer_factory.hpp:77] Creating layer inception_5a_inception_5a_0_split
I0709 01:02:46.586554 11133 net.cpp:91] Creating Layer inception_5a_inception_5a_0_split
I0709 01:02:46.586561 11133 net.cpp:425] inception_5a_inception_5a_0_split <- inception_5a
I0709 01:02:46.586575 11133 net.cpp:399] inception_5a_inception_5a_0_split -> inception_5a_inception_5a_0_split_0
I0709 01:02:46.586591 11133 net.cpp:399] inception_5a_inception_5a_0_split -> inception_5a_inception_5a_0_split_1
I0709 01:02:46.586606 11133 net.cpp:399] inception_5a_inception_5a_0_split -> inception_5a_inception_5a_0_split_2
I0709 01:02:46.586621 11133 net.cpp:399] inception_5a_inception_5a_0_split -> inception_5a_inception_5a_0_split_3
I0709 01:02:46.586719 11133 net.cpp:141] Setting up inception_5a_inception_5a_0_split
I0709 01:02:46.586731 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.586755 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.586765 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.586774 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.586781 11133 net.cpp:156] Memory required for data: 5286151680
I0709 01:02:46.586789 11133 layer_factory.hpp:77] Creating layer conv5b_t1_1x1
I0709 01:02:46.586823 11133 net.cpp:91] Creating Layer conv5b_t1_1x1
I0709 01:02:46.586832 11133 net.cpp:425] conv5b_t1_1x1 <- inception_5a_inception_5a_0_split_0
I0709 01:02:46.586846 11133 net.cpp:399] conv5b_t1_1x1 -> conv5b_t1_1x1
I0709 01:02:46.612138 11133 net.cpp:141] Setting up conv5b_t1_1x1
I0709 01:02:46.612186 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.612192 11133 net.cpp:156] Memory required for data: 5288773120
I0709 01:02:46.612208 11133 layer_factory.hpp:77] Creating layer conv5b_t1_1x1/bn
I0709 01:02:46.612233 11133 net.cpp:91] Creating Layer conv5b_t1_1x1/bn
I0709 01:02:46.612246 11133 net.cpp:425] conv5b_t1_1x1/bn <- conv5b_t1_1x1
I0709 01:02:46.612258 11133 net.cpp:399] conv5b_t1_1x1/bn -> conv5b_t1_1x1/bn
I0709 01:02:46.612712 11133 net.cpp:141] Setting up conv5b_t1_1x1/bn
I0709 01:02:46.612726 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.612732 11133 net.cpp:156] Memory required for data: 5291394560
I0709 01:02:46.612761 11133 layer_factory.hpp:77] Creating layer relu5b_t1_1x1
I0709 01:02:46.612777 11133 net.cpp:91] Creating Layer relu5b_t1_1x1
I0709 01:02:46.612789 11133 net.cpp:425] relu5b_t1_1x1 <- conv5b_t1_1x1/bn
I0709 01:02:46.612802 11133 net.cpp:386] relu5b_t1_1x1 -> conv5b_t1_1x1/bn (in-place)
I0709 01:02:46.613245 11133 net.cpp:141] Setting up relu5b_t1_1x1
I0709 01:02:46.613261 11133 net.cpp:148] Top shape: 32 320 8 8 (655360)
I0709 01:02:46.613268 11133 net.cpp:156] Memory required for data: 5294016000
I0709 01:02:46.613286 11133 layer_factory.hpp:77] Creating layer conv5b_t2_1x1
I0709 01:02:46.613306 11133 net.cpp:91] Creating Layer conv5b_t2_1x1
I0709 01:02:46.613322 11133 net.cpp:425] conv5b_t2_1x1 <- inception_5a_inception_5a_0_split_1
I0709 01:02:46.613337 11133 net.cpp:399] conv5b_t2_1x1 -> conv5b_t2_1x1
I0709 01:02:46.642680 11133 net.cpp:141] Setting up conv5b_t2_1x1
I0709 01:02:46.642745 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.642752 11133 net.cpp:156] Memory required for data: 5297161728
I0709 01:02:46.642774 11133 layer_factory.hpp:77] Creating layer conv5b_t2_1x1/bn
I0709 01:02:46.642817 11133 net.cpp:91] Creating Layer conv5b_t2_1x1/bn
I0709 01:02:46.642834 11133 net.cpp:425] conv5b_t2_1x1/bn <- conv5b_t2_1x1
I0709 01:02:46.642853 11133 net.cpp:399] conv5b_t2_1x1/bn -> conv5b_t2_1x1/bn
I0709 01:02:46.643286 11133 net.cpp:141] Setting up conv5b_t2_1x1/bn
I0709 01:02:46.643301 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.643306 11133 net.cpp:156] Memory required for data: 5300307456
I0709 01:02:46.643334 11133 layer_factory.hpp:77] Creating layer relu5b_t2_1x1
I0709 01:02:46.643353 11133 net.cpp:91] Creating Layer relu5b_t2_1x1
I0709 01:02:46.643364 11133 net.cpp:425] relu5b_t2_1x1 <- conv5b_t2_1x1/bn
I0709 01:02:46.643376 11133 net.cpp:386] relu5b_t2_1x1 -> conv5b_t2_1x1/bn (in-place)
I0709 01:02:46.643654 11133 net.cpp:141] Setting up relu5b_t2_1x1
I0709 01:02:46.643666 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.643669 11133 net.cpp:156] Memory required for data: 5303453184
I0709 01:02:46.643676 11133 layer_factory.hpp:77] Creating layer conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split
I0709 01:02:46.643685 11133 net.cpp:91] Creating Layer conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split
I0709 01:02:46.643690 11133 net.cpp:425] conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split <- conv5b_t2_1x1/bn
I0709 01:02:46.643697 11133 net.cpp:399] conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split -> conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split_0
I0709 01:02:46.643704 11133 net.cpp:399] conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split -> conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split_1
I0709 01:02:46.643771 11133 net.cpp:141] Setting up conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split
I0709 01:02:46.643779 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.643798 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.643803 11133 net.cpp:156] Memory required for data: 5309744640
I0709 01:02:46.643807 11133 layer_factory.hpp:77] Creating layer conv5b_t2_1x3
I0709 01:02:46.643821 11133 net.cpp:91] Creating Layer conv5b_t2_1x3
I0709 01:02:46.643826 11133 net.cpp:425] conv5b_t2_1x3 <- conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split_0
I0709 01:02:46.643832 11133 net.cpp:399] conv5b_t2_1x3 -> conv5b_t2_1x3
I0709 01:02:46.661375 11133 net.cpp:141] Setting up conv5b_t2_1x3
I0709 01:02:46.661420 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.661424 11133 net.cpp:156] Memory required for data: 5312890368
I0709 01:02:46.661434 11133 layer_factory.hpp:77] Creating layer conv5b_t2_1x3/bn
I0709 01:02:46.661448 11133 net.cpp:91] Creating Layer conv5b_t2_1x3/bn
I0709 01:02:46.661458 11133 net.cpp:425] conv5b_t2_1x3/bn <- conv5b_t2_1x3
I0709 01:02:46.661481 11133 net.cpp:399] conv5b_t2_1x3/bn -> conv5b_t2_1x3/bn
I0709 01:02:46.661866 11133 net.cpp:141] Setting up conv5b_t2_1x3/bn
I0709 01:02:46.661876 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.661891 11133 net.cpp:156] Memory required for data: 5316036096
I0709 01:02:46.661902 11133 layer_factory.hpp:77] Creating layer relu5b_t2_1x3
I0709 01:02:46.661911 11133 net.cpp:91] Creating Layer relu5b_t2_1x3
I0709 01:02:46.661921 11133 net.cpp:425] relu5b_t2_1x3 <- conv5b_t2_1x3/bn
I0709 01:02:46.661938 11133 net.cpp:386] relu5b_t2_1x3 -> conv5b_t2_1x3/bn (in-place)
I0709 01:02:46.662422 11133 net.cpp:141] Setting up relu5b_t2_1x3
I0709 01:02:46.662438 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.662446 11133 net.cpp:156] Memory required for data: 5319181824
I0709 01:02:46.662467 11133 layer_factory.hpp:77] Creating layer conv5b_t2_3x1
I0709 01:02:46.662489 11133 net.cpp:91] Creating Layer conv5b_t2_3x1
I0709 01:02:46.662502 11133 net.cpp:425] conv5b_t2_3x1 <- conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split_1
I0709 01:02:46.662513 11133 net.cpp:399] conv5b_t2_3x1 -> conv5b_t2_3x1
I0709 01:02:46.679366 11133 net.cpp:141] Setting up conv5b_t2_3x1
I0709 01:02:46.679414 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.679420 11133 net.cpp:156] Memory required for data: 5322327552
I0709 01:02:46.679445 11133 layer_factory.hpp:77] Creating layer conv5b_t2_3x1/bn
I0709 01:02:46.679461 11133 net.cpp:91] Creating Layer conv5b_t2_3x1/bn
I0709 01:02:46.679472 11133 net.cpp:425] conv5b_t2_3x1/bn <- conv5b_t2_3x1
I0709 01:02:46.679491 11133 net.cpp:399] conv5b_t2_3x1/bn -> conv5b_t2_3x1/bn
I0709 01:02:46.679880 11133 net.cpp:141] Setting up conv5b_t2_3x1/bn
I0709 01:02:46.679906 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.679914 11133 net.cpp:156] Memory required for data: 5325473280
I0709 01:02:46.679930 11133 layer_factory.hpp:77] Creating layer relu5b_t2_3x1
I0709 01:02:46.679954 11133 net.cpp:91] Creating Layer relu5b_t2_3x1
I0709 01:02:46.679963 11133 net.cpp:425] relu5b_t2_3x1 <- conv5b_t2_3x1/bn
I0709 01:02:46.679975 11133 net.cpp:386] relu5b_t2_3x1 -> conv5b_t2_3x1/bn (in-place)
I0709 01:02:46.680546 11133 net.cpp:141] Setting up relu5b_t2_3x1
I0709 01:02:46.680574 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.680583 11133 net.cpp:156] Memory required for data: 5328619008
I0709 01:02:46.680590 11133 layer_factory.hpp:77] Creating layer conv5b_t3_1x1
I0709 01:02:46.680613 11133 net.cpp:91] Creating Layer conv5b_t3_1x1
I0709 01:02:46.680626 11133 net.cpp:425] conv5b_t3_1x1 <- inception_5a_inception_5a_0_split_2
I0709 01:02:46.680644 11133 net.cpp:399] conv5b_t3_1x1 -> conv5b_t3_1x1
I0709 01:02:46.714756 11133 net.cpp:141] Setting up conv5b_t3_1x1
I0709 01:02:46.714812 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.714820 11133 net.cpp:156] Memory required for data: 5332289024
I0709 01:02:46.714848 11133 layer_factory.hpp:77] Creating layer conv5b_t3_1x1/bn
I0709 01:02:46.714874 11133 net.cpp:91] Creating Layer conv5b_t3_1x1/bn
I0709 01:02:46.714905 11133 net.cpp:425] conv5b_t3_1x1/bn <- conv5b_t3_1x1
I0709 01:02:46.714936 11133 net.cpp:399] conv5b_t3_1x1/bn -> conv5b_t3_1x1/bn
I0709 01:02:46.715394 11133 net.cpp:141] Setting up conv5b_t3_1x1/bn
I0709 01:02:46.715409 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.715416 11133 net.cpp:156] Memory required for data: 5335959040
I0709 01:02:46.715445 11133 layer_factory.hpp:77] Creating layer relu5b_t3_1x1
I0709 01:02:46.715459 11133 net.cpp:91] Creating Layer relu5b_t3_1x1
I0709 01:02:46.715469 11133 net.cpp:425] relu5b_t3_1x1 <- conv5b_t3_1x1/bn
I0709 01:02:46.715482 11133 net.cpp:386] relu5b_t3_1x1 -> conv5b_t3_1x1/bn (in-place)
I0709 01:02:46.715798 11133 net.cpp:141] Setting up relu5b_t3_1x1
I0709 01:02:46.715816 11133 net.cpp:148] Top shape: 32 448 8 8 (917504)
I0709 01:02:46.715822 11133 net.cpp:156] Memory required for data: 5339629056
I0709 01:02:46.715831 11133 layer_factory.hpp:77] Creating layer conv5b_t3_3x3
I0709 01:02:46.715857 11133 net.cpp:91] Creating Layer conv5b_t3_3x3
I0709 01:02:46.715867 11133 net.cpp:425] conv5b_t3_3x3 <- conv5b_t3_1x1/bn
I0709 01:02:46.715878 11133 net.cpp:399] conv5b_t3_3x3 -> conv5b_t3_3x3
I0709 01:02:46.773360 11133 net.cpp:141] Setting up conv5b_t3_3x3
I0709 01:02:46.773401 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.773407 11133 net.cpp:156] Memory required for data: 5342774784
I0709 01:02:46.773432 11133 layer_factory.hpp:77] Creating layer conv5b_t3_3x3/bn
I0709 01:02:46.773448 11133 net.cpp:91] Creating Layer conv5b_t3_3x3/bn
I0709 01:02:46.773459 11133 net.cpp:425] conv5b_t3_3x3/bn <- conv5b_t3_3x3
I0709 01:02:46.773471 11133 net.cpp:399] conv5b_t3_3x3/bn -> conv5b_t3_3x3/bn
I0709 01:02:46.773820 11133 net.cpp:141] Setting up conv5b_t3_3x3/bn
I0709 01:02:46.773833 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.773839 11133 net.cpp:156] Memory required for data: 5345920512
I0709 01:02:46.773865 11133 layer_factory.hpp:77] Creating layer relu5b_t3_3x3
I0709 01:02:46.773881 11133 net.cpp:91] Creating Layer relu5b_t3_3x3
I0709 01:02:46.773892 11133 net.cpp:425] relu5b_t3_3x3 <- conv5b_t3_3x3/bn
I0709 01:02:46.773901 11133 net.cpp:386] relu5b_t3_3x3 -> conv5b_t3_3x3/bn (in-place)
I0709 01:02:46.774309 11133 net.cpp:141] Setting up relu5b_t3_3x3
I0709 01:02:46.774323 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.774330 11133 net.cpp:156] Memory required for data: 5349066240
I0709 01:02:46.774348 11133 layer_factory.hpp:77] Creating layer conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split
I0709 01:02:46.774358 11133 net.cpp:91] Creating Layer conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split
I0709 01:02:46.774366 11133 net.cpp:425] conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split <- conv5b_t3_3x3/bn
I0709 01:02:46.774375 11133 net.cpp:399] conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split -> conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split_0
I0709 01:02:46.774390 11133 net.cpp:399] conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split -> conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split_1
I0709 01:02:46.774463 11133 net.cpp:141] Setting up conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split
I0709 01:02:46.774476 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.774483 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.774488 11133 net.cpp:156] Memory required for data: 5355357696
I0709 01:02:46.774494 11133 layer_factory.hpp:77] Creating layer conv5b_t3_1x3
I0709 01:02:46.774513 11133 net.cpp:91] Creating Layer conv5b_t3_1x3
I0709 01:02:46.774520 11133 net.cpp:425] conv5b_t3_1x3 <- conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split_0
I0709 01:02:46.774533 11133 net.cpp:399] conv5b_t3_1x3 -> conv5b_t3_1x3
I0709 01:02:46.794049 11133 net.cpp:141] Setting up conv5b_t3_1x3
I0709 01:02:46.794095 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.794100 11133 net.cpp:156] Memory required for data: 5358503424
I0709 01:02:46.794113 11133 layer_factory.hpp:77] Creating layer conv5b_t3_1x3/bn
I0709 01:02:46.794147 11133 net.cpp:91] Creating Layer conv5b_t3_1x3/bn
I0709 01:02:46.794157 11133 net.cpp:425] conv5b_t3_1x3/bn <- conv5b_t3_1x3
I0709 01:02:46.794167 11133 net.cpp:399] conv5b_t3_1x3/bn -> conv5b_t3_1x3/bn
I0709 01:02:46.794545 11133 net.cpp:141] Setting up conv5b_t3_1x3/bn
I0709 01:02:46.794555 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.794569 11133 net.cpp:156] Memory required for data: 5361649152
I0709 01:02:46.794579 11133 layer_factory.hpp:77] Creating layer relu5b_t3_1x3
I0709 01:02:46.794586 11133 net.cpp:91] Creating Layer relu5b_t3_1x3
I0709 01:02:46.794590 11133 net.cpp:425] relu5b_t3_1x3 <- conv5b_t3_1x3/bn
I0709 01:02:46.794595 11133 net.cpp:386] relu5b_t3_1x3 -> conv5b_t3_1x3/bn (in-place)
I0709 01:02:46.795048 11133 net.cpp:141] Setting up relu5b_t3_1x3
I0709 01:02:46.795063 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.795078 11133 net.cpp:156] Memory required for data: 5364794880
I0709 01:02:46.795081 11133 layer_factory.hpp:77] Creating layer conv5b_t3_3x1
I0709 01:02:46.795106 11133 net.cpp:91] Creating Layer conv5b_t3_3x1
I0709 01:02:46.795115 11133 net.cpp:425] conv5b_t3_3x1 <- conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split_1
I0709 01:02:46.795135 11133 net.cpp:399] conv5b_t3_3x1 -> conv5b_t3_3x1
I0709 01:02:46.823410 11133 net.cpp:141] Setting up conv5b_t3_3x1
I0709 01:02:46.823467 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.823475 11133 net.cpp:156] Memory required for data: 5367940608
I0709 01:02:46.823571 11133 layer_factory.hpp:77] Creating layer conv5b_t3_3x1/bn
I0709 01:02:46.823617 11133 net.cpp:91] Creating Layer conv5b_t3_3x1/bn
I0709 01:02:46.823640 11133 net.cpp:425] conv5b_t3_3x1/bn <- conv5b_t3_3x1
I0709 01:02:46.823655 11133 net.cpp:399] conv5b_t3_3x1/bn -> conv5b_t3_3x1/bn
I0709 01:02:46.824178 11133 net.cpp:141] Setting up conv5b_t3_3x1/bn
I0709 01:02:46.824204 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.824208 11133 net.cpp:156] Memory required for data: 5371086336
I0709 01:02:46.824218 11133 layer_factory.hpp:77] Creating layer relu5b_t3_3x1
I0709 01:02:46.824225 11133 net.cpp:91] Creating Layer relu5b_t3_3x1
I0709 01:02:46.824231 11133 net.cpp:425] relu5b_t3_3x1 <- conv5b_t3_3x1/bn
I0709 01:02:46.824249 11133 net.cpp:386] relu5b_t3_3x1 -> conv5b_t3_3x1/bn (in-place)
I0709 01:02:46.824555 11133 net.cpp:141] Setting up relu5b_t3_3x1
I0709 01:02:46.824579 11133 net.cpp:148] Top shape: 32 384 8 8 (786432)
I0709 01:02:46.824581 11133 net.cpp:156] Memory required for data: 5374232064
I0709 01:02:46.824596 11133 layer_factory.hpp:77] Creating layer conv5b_t4_pool
I0709 01:02:46.824604 11133 net.cpp:91] Creating Layer conv5b_t4_pool
I0709 01:02:46.824609 11133 net.cpp:425] conv5b_t4_pool <- inception_5a_inception_5a_0_split_3
I0709 01:02:46.824616 11133 net.cpp:399] conv5b_t4_pool -> conv5b_t4_pool
I0709 01:02:46.824704 11133 net.cpp:141] Setting up conv5b_t4_pool
I0709 01:02:46.824713 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.824718 11133 net.cpp:156] Memory required for data: 5391009280
I0709 01:02:46.824724 11133 layer_factory.hpp:77] Creating layer conv5b_t4_1x1
I0709 01:02:46.824734 11133 net.cpp:91] Creating Layer conv5b_t4_1x1
I0709 01:02:46.824739 11133 net.cpp:425] conv5b_t4_1x1 <- conv5b_t4_pool
I0709 01:02:46.824748 11133 net.cpp:399] conv5b_t4_1x1 -> conv5b_t4_1x1
I0709 01:02:46.842293 11133 net.cpp:141] Setting up conv5b_t4_1x1
I0709 01:02:46.842341 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.842346 11133 net.cpp:156] Memory required for data: 5392582144
I0709 01:02:46.842357 11133 layer_factory.hpp:77] Creating layer conv5b_t4_1x1/bn
I0709 01:02:46.842377 11133 net.cpp:91] Creating Layer conv5b_t4_1x1/bn
I0709 01:02:46.842386 11133 net.cpp:425] conv5b_t4_1x1/bn <- conv5b_t4_1x1
I0709 01:02:46.842396 11133 net.cpp:399] conv5b_t4_1x1/bn -> conv5b_t4_1x1/bn
I0709 01:02:46.842742 11133 net.cpp:141] Setting up conv5b_t4_1x1/bn
I0709 01:02:46.842756 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.842759 11133 net.cpp:156] Memory required for data: 5394155008
I0709 01:02:46.842769 11133 layer_factory.hpp:77] Creating layer relu5b_t4_1x1
I0709 01:02:46.842779 11133 net.cpp:91] Creating Layer relu5b_t4_1x1
I0709 01:02:46.842785 11133 net.cpp:425] relu5b_t4_1x1 <- conv5b_t4_1x1/bn
I0709 01:02:46.842805 11133 net.cpp:386] relu5b_t4_1x1 -> conv5b_t4_1x1/bn (in-place)
I0709 01:02:46.843575 11133 net.cpp:141] Setting up relu5b_t4_1x1
I0709 01:02:46.843621 11133 net.cpp:148] Top shape: 32 192 8 8 (393216)
I0709 01:02:46.843624 11133 net.cpp:156] Memory required for data: 5395727872
I0709 01:02:46.843631 11133 layer_factory.hpp:77] Creating layer inception_5b
I0709 01:02:46.843647 11133 net.cpp:91] Creating Layer inception_5b
I0709 01:02:46.843657 11133 net.cpp:425] inception_5b <- conv5b_t1_1x1/bn
I0709 01:02:46.843667 11133 net.cpp:425] inception_5b <- conv5b_t2_1x3/bn
I0709 01:02:46.843673 11133 net.cpp:425] inception_5b <- conv5b_t2_3x1/bn
I0709 01:02:46.843679 11133 net.cpp:425] inception_5b <- conv5b_t3_1x3/bn
I0709 01:02:46.843684 11133 net.cpp:425] inception_5b <- conv5b_t3_3x1/bn
I0709 01:02:46.843691 11133 net.cpp:425] inception_5b <- conv5b_t4_1x1/bn
I0709 01:02:46.843701 11133 net.cpp:399] inception_5b -> inception_5b
I0709 01:02:46.843827 11133 net.cpp:141] Setting up inception_5b
I0709 01:02:46.843840 11133 net.cpp:148] Top shape: 32 2048 8 8 (4194304)
I0709 01:02:46.843847 11133 net.cpp:156] Memory required for data: 5412505088
I0709 01:02:46.843852 11133 layer_factory.hpp:77] Creating layer pool5
I0709 01:02:46.843876 11133 net.cpp:91] Creating Layer pool5
I0709 01:02:46.843883 11133 net.cpp:425] pool5 <- inception_5b
I0709 01:02:46.843891 11133 net.cpp:399] pool5 -> pool5
I0709 01:02:46.844249 11133 net.cpp:141] Setting up pool5
I0709 01:02:46.844262 11133 net.cpp:148] Top shape: 32 2048 1 1 (65536)
I0709 01:02:46.844265 11133 net.cpp:156] Memory required for data: 5412767232
I0709 01:02:46.844269 11133 layer_factory.hpp:77] Creating layer fc_embedding
I0709 01:02:46.844283 11133 net.cpp:91] Creating Layer fc_embedding
I0709 01:02:46.844288 11133 net.cpp:425] fc_embedding <- pool5
I0709 01:02:46.844297 11133 net.cpp:399] fc_embedding -> fc_embedding
I0709 01:02:46.849720 11133 net.cpp:141] Setting up fc_embedding
I0709 01:02:46.849761 11133 net.cpp:148] Top shape: 32 64 (2048)
I0709 01:02:46.849764 11133 net.cpp:156] Memory required for data: 5412775424
I0709 01:02:46.849779 11133 layer_factory.hpp:77] Creating layer loss
I0709 01:02:46.849802 11133 net.cpp:91] Creating Layer loss
I0709 01:02:46.849822 11133 net.cpp:425] loss <- fc_embedding
I0709 01:02:46.849831 11133 net.cpp:425] loss <- label
I0709 01:02:46.849839 11133 net.cpp:399] loss -> loss
I0709 01:02:46.850003 11133 net.cpp:141] Setting up loss
I0709 01:02:46.850011 11133 net.cpp:148] Top shape: (1)
I0709 01:02:46.850014 11133 net.cpp:151]     with loss weight 1
I0709 01:02:46.850080 11133 net.cpp:156] Memory required for data: 5412775428
I0709 01:02:46.850087 11133 net.cpp:217] loss needs backward computation.
I0709 01:02:46.850091 11133 net.cpp:217] fc_embedding needs backward computation.
I0709 01:02:46.850095 11133 net.cpp:217] pool5 needs backward computation.
I0709 01:02:46.850098 11133 net.cpp:217] inception_5b needs backward computation.
I0709 01:02:46.850106 11133 net.cpp:217] relu5b_t4_1x1 needs backward computation.
I0709 01:02:46.850109 11133 net.cpp:217] conv5b_t4_1x1/bn needs backward computation.
I0709 01:02:46.850113 11133 net.cpp:217] conv5b_t4_1x1 needs backward computation.
I0709 01:02:46.850116 11133 net.cpp:217] conv5b_t4_pool needs backward computation.
I0709 01:02:46.850121 11133 net.cpp:217] relu5b_t3_3x1 needs backward computation.
I0709 01:02:46.850123 11133 net.cpp:217] conv5b_t3_3x1/bn needs backward computation.
I0709 01:02:46.850127 11133 net.cpp:217] conv5b_t3_3x1 needs backward computation.
I0709 01:02:46.850131 11133 net.cpp:217] relu5b_t3_1x3 needs backward computation.
I0709 01:02:46.850136 11133 net.cpp:217] conv5b_t3_1x3/bn needs backward computation.
I0709 01:02:46.850139 11133 net.cpp:217] conv5b_t3_1x3 needs backward computation.
I0709 01:02:46.850143 11133 net.cpp:217] conv5b_t3_3x3/bn_relu5b_t3_3x3_0_split needs backward computation.
I0709 01:02:46.850147 11133 net.cpp:217] relu5b_t3_3x3 needs backward computation.
I0709 01:02:46.850152 11133 net.cpp:217] conv5b_t3_3x3/bn needs backward computation.
I0709 01:02:46.850155 11133 net.cpp:217] conv5b_t3_3x3 needs backward computation.
I0709 01:02:46.850159 11133 net.cpp:217] relu5b_t3_1x1 needs backward computation.
I0709 01:02:46.850162 11133 net.cpp:217] conv5b_t3_1x1/bn needs backward computation.
I0709 01:02:46.850167 11133 net.cpp:217] conv5b_t3_1x1 needs backward computation.
I0709 01:02:46.850170 11133 net.cpp:217] relu5b_t2_3x1 needs backward computation.
I0709 01:02:46.850174 11133 net.cpp:217] conv5b_t2_3x1/bn needs backward computation.
I0709 01:02:46.850178 11133 net.cpp:217] conv5b_t2_3x1 needs backward computation.
I0709 01:02:46.850183 11133 net.cpp:217] relu5b_t2_1x3 needs backward computation.
I0709 01:02:46.850186 11133 net.cpp:217] conv5b_t2_1x3/bn needs backward computation.
I0709 01:02:46.850190 11133 net.cpp:217] conv5b_t2_1x3 needs backward computation.
I0709 01:02:46.850195 11133 net.cpp:217] conv5b_t2_1x1/bn_relu5b_t2_1x1_0_split needs backward computation.
I0709 01:02:46.850199 11133 net.cpp:217] relu5b_t2_1x1 needs backward computation.
I0709 01:02:46.850203 11133 net.cpp:217] conv5b_t2_1x1/bn needs backward computation.
I0709 01:02:46.850206 11133 net.cpp:217] conv5b_t2_1x1 needs backward computation.
I0709 01:02:46.850210 11133 net.cpp:217] relu5b_t1_1x1 needs backward computation.
I0709 01:02:46.850214 11133 net.cpp:217] conv5b_t1_1x1/bn needs backward computation.
I0709 01:02:46.850217 11133 net.cpp:217] conv5b_t1_1x1 needs backward computation.
I0709 01:02:46.850221 11133 net.cpp:217] inception_5a_inception_5a_0_split needs backward computation.
I0709 01:02:46.850226 11133 net.cpp:217] inception_5a needs backward computation.
I0709 01:02:46.850232 11133 net.cpp:217] relu5a_t4_1x1 needs backward computation.
I0709 01:02:46.850236 11133 net.cpp:217] conv5a_t4_1x1/bn needs backward computation.
I0709 01:02:46.850240 11133 net.cpp:217] conv5a_t4_1x1 needs backward computation.
I0709 01:02:46.850245 11133 net.cpp:217] conv5a_t4_pool needs backward computation.
I0709 01:02:46.850250 11133 net.cpp:217] relu5a_t3_3x1 needs backward computation.
I0709 01:02:46.850253 11133 net.cpp:217] conv5a_t3_3x1/bn needs backward computation.
I0709 01:02:46.850258 11133 net.cpp:217] conv5a_t3_3x1 needs backward computation.
I0709 01:02:46.850262 11133 net.cpp:217] relu5a_t3_1x3 needs backward computation.
I0709 01:02:46.850265 11133 net.cpp:217] conv5a_t3_1x3/bn needs backward computation.
I0709 01:02:46.850271 11133 net.cpp:217] conv5a_t3_1x3 needs backward computation.
I0709 01:02:46.850275 11133 net.cpp:217] conv5a_t3_3x3/bn_relu5a_t3_3x3_0_split needs backward computation.
I0709 01:02:46.850280 11133 net.cpp:217] relu5a_t3_3x3 needs backward computation.
I0709 01:02:46.850284 11133 net.cpp:217] conv5a_t3_3x3/bn needs backward computation.
I0709 01:02:46.850288 11133 net.cpp:217] conv5a_t3_3x3 needs backward computation.
I0709 01:02:46.850292 11133 net.cpp:217] relu5a_t3_1x1 needs backward computation.
I0709 01:02:46.850296 11133 net.cpp:217] conv5a_t3_1x1/bn needs backward computation.
I0709 01:02:46.850301 11133 net.cpp:217] conv5a_t3_1x1 needs backward computation.
I0709 01:02:46.850304 11133 net.cpp:217] relu5a_t2_3x1 needs backward computation.
I0709 01:02:46.850307 11133 net.cpp:217] conv5a_t2_3x1/bn needs backward computation.
I0709 01:02:46.850311 11133 net.cpp:217] conv5a_t2_3x1 needs backward computation.
I0709 01:02:46.850317 11133 net.cpp:217] relu5a_t2_1x3 needs backward computation.
I0709 01:02:46.850319 11133 net.cpp:217] conv5a_t2_1x3/bn needs backward computation.
I0709 01:02:46.850325 11133 net.cpp:217] conv5a_t2_1x3 needs backward computation.
I0709 01:02:46.850329 11133 net.cpp:217] conv5a_t2_1x1/bn_relu5a_t2_1x1_0_split needs backward computation.
I0709 01:02:46.850335 11133 net.cpp:217] relu5a_t2_1x1 needs backward computation.
I0709 01:02:46.850338 11133 net.cpp:217] conv5a_t2_1x1/bn needs backward computation.
I0709 01:02:46.850342 11133 net.cpp:217] conv5a_t2_1x1 needs backward computation.
I0709 01:02:46.850347 11133 net.cpp:217] relu5a_t1_1x1 needs backward computation.
I0709 01:02:46.850350 11133 net.cpp:217] conv5a_t1_1x1/bn needs backward computation.
I0709 01:02:46.850354 11133 net.cpp:217] conv5a_t1_1x1 needs backward computation.
I0709 01:02:46.850358 11133 net.cpp:217] inception_4e_inception_4e_0_split needs backward computation.
I0709 01:02:46.850363 11133 net.cpp:217] inception_4e needs backward computation.
I0709 01:02:46.850368 11133 net.cpp:217] conv4e_t3_pool needs backward computation.
I0709 01:02:46.850373 11133 net.cpp:217] relu4e_t2_3x3 needs backward computation.
I0709 01:02:46.850376 11133 net.cpp:217] conv4e_t2_3x3/bn needs backward computation.
I0709 01:02:46.850380 11133 net.cpp:217] conv4e_t2_3x3 needs backward computation.
I0709 01:02:46.850384 11133 net.cpp:217] relu4e_t2_7x1 needs backward computation.
I0709 01:02:46.850389 11133 net.cpp:217] conv4e_t2_7x1/bn needs backward computation.
I0709 01:02:46.850394 11133 net.cpp:217] conv4e_t2_7x1 needs backward computation.
I0709 01:02:46.850399 11133 net.cpp:217] relu4e_t2_1x7 needs backward computation.
I0709 01:02:46.850401 11133 net.cpp:217] conv4e_t2_1x7/bn needs backward computation.
I0709 01:02:46.850409 11133 net.cpp:217] conv4e_t2_1x7 needs backward computation.
I0709 01:02:46.850414 11133 net.cpp:217] relu4e_t2_1x1 needs backward computation.
I0709 01:02:46.850430 11133 net.cpp:217] conv4e_t2_1x1/bn needs backward computation.
I0709 01:02:46.850435 11133 net.cpp:217] conv4e_t2_1x1 needs backward computation.
I0709 01:02:46.850437 11133 net.cpp:217] relu4e_t1_3x3 needs backward computation.
I0709 01:02:46.850442 11133 net.cpp:217] conv4e_t1_3x3/bn needs backward computation.
I0709 01:02:46.850445 11133 net.cpp:217] conv4e_t1_3x3 needs backward computation.
I0709 01:02:46.850450 11133 net.cpp:217] relu4e_t1_1x1 needs backward computation.
I0709 01:02:46.850453 11133 net.cpp:217] conv4e_t1_1x1/bn needs backward computation.
I0709 01:02:46.850456 11133 net.cpp:217] conv4e_t1_1x1 needs backward computation.
I0709 01:02:46.850461 11133 net.cpp:217] inception_4d_inception_4d_0_split needs backward computation.
I0709 01:02:46.850466 11133 net.cpp:217] inception_4d needs backward computation.
I0709 01:02:46.850471 11133 net.cpp:217] relu4d_t4_1x1 needs backward computation.
I0709 01:02:46.850476 11133 net.cpp:217] conv4d_t4_1x1/bn needs backward computation.
I0709 01:02:46.850479 11133 net.cpp:217] conv4d_t4_1x1 needs backward computation.
I0709 01:02:46.850484 11133 net.cpp:217] conv4d_t4_pool needs backward computation.
I0709 01:02:46.850488 11133 net.cpp:217] relu4d_t3_1x7_2 needs backward computation.
I0709 01:02:46.850493 11133 net.cpp:217] conv4d_t3_1x7_2/bn needs backward computation.
I0709 01:02:46.850497 11133 net.cpp:217] conv4d_t3_1x7_2 needs backward computation.
I0709 01:02:46.850502 11133 net.cpp:217] relu4d_t3_7x1_2 needs backward computation.
I0709 01:02:46.850504 11133 net.cpp:217] conv4d_t3_7x1_2/bn needs backward computation.
I0709 01:02:46.850509 11133 net.cpp:217] conv4d_t3_7x1_2 needs backward computation.
I0709 01:02:46.850513 11133 net.cpp:217] relu4d_t3_1x7_1 needs backward computation.
I0709 01:02:46.850517 11133 net.cpp:217] conv4d_t3_1x7_1/bn needs backward computation.
I0709 01:02:46.850522 11133 net.cpp:217] conv4d_t3_1x7_1 needs backward computation.
I0709 01:02:46.850525 11133 net.cpp:217] relu4d_t3_7x1_1 needs backward computation.
I0709 01:02:46.850528 11133 net.cpp:217] conv4d_t3_7x1_1/bn needs backward computation.
I0709 01:02:46.850534 11133 net.cpp:217] conv4d_t3_7x1_1 needs backward computation.
I0709 01:02:46.850538 11133 net.cpp:217] relu4d_t3_1x1 needs backward computation.
I0709 01:02:46.850541 11133 net.cpp:217] conv4d_t3_1x1/bn needs backward computation.
I0709 01:02:46.850546 11133 net.cpp:217] conv4d_t3_1x1 needs backward computation.
I0709 01:02:46.850550 11133 net.cpp:217] relu4d_t2_7x1 needs backward computation.
I0709 01:02:46.850553 11133 net.cpp:217] conv4d_t2_7x1/bn needs backward computation.
I0709 01:02:46.850558 11133 net.cpp:217] conv4d_t2_7x1 needs backward computation.
I0709 01:02:46.850563 11133 net.cpp:217] relu4d_t2_1x7 needs backward computation.
I0709 01:02:46.850565 11133 net.cpp:217] conv4d_t2_1x7/bn needs backward computation.
I0709 01:02:46.850570 11133 net.cpp:217] conv4d_t2_1x7 needs backward computation.
I0709 01:02:46.850574 11133 net.cpp:217] relu4d_t2_1x1 needs backward computation.
I0709 01:02:46.850577 11133 net.cpp:217] conv4d_t2_1x1/bn needs backward computation.
I0709 01:02:46.850582 11133 net.cpp:217] conv4d_t2_1x1 needs backward computation.
I0709 01:02:46.850586 11133 net.cpp:217] relu4d_t1_1x1 needs backward computation.
I0709 01:02:46.850590 11133 net.cpp:217] conv4d_t1_1x1/bn needs backward computation.
I0709 01:02:46.850594 11133 net.cpp:217] conv4d_t1_1x1 needs backward computation.
I0709 01:02:46.850599 11133 net.cpp:217] inception_4c_inception_4c_0_split needs backward computation.
I0709 01:02:46.850602 11133 net.cpp:217] inception_4c needs backward computation.
I0709 01:02:46.850610 11133 net.cpp:217] relu4c_t4 _1x1 needs backward computation.
I0709 01:02:46.850615 11133 net.cpp:217] conv4c_t4_1x1/bn needs backward computation.
I0709 01:02:46.850618 11133 net.cpp:217] conv4c_t4_1x1 needs backward computation.
I0709 01:02:46.850623 11133 net.cpp:217] conv4c_t4_pool needs backward computation.
I0709 01:02:46.850627 11133 net.cpp:217] relu4c_t3_1x7_2 needs backward computation.
I0709 01:02:46.850631 11133 net.cpp:217] conv4c_t3_1x7_2/bn needs backward computation.
I0709 01:02:46.850636 11133 net.cpp:217] conv4c_t3_1x7_2 needs backward computation.
I0709 01:02:46.850641 11133 net.cpp:217] relu4c_t3_7x1_2 needs backward computation.
I0709 01:02:46.850643 11133 net.cpp:217] conv4c_t3_7x1_2/bn needs backward computation.
I0709 01:02:46.850648 11133 net.cpp:217] conv4c_t3_7x1_2 needs backward computation.
I0709 01:02:46.850652 11133 net.cpp:217] relu4c_t3_1x7_1 needs backward computation.
I0709 01:02:46.850656 11133 net.cpp:217] conv4c_t3_1x7_1/bn needs backward computation.
I0709 01:02:46.850661 11133 net.cpp:217] conv4c_t3_1x7_1 needs backward computation.
I0709 01:02:46.850666 11133 net.cpp:217] relu4c_t3_7x1_1 needs backward computation.
I0709 01:02:46.850668 11133 net.cpp:217] conv4c_t3_7x1_1/bn needs backward computation.
I0709 01:02:46.850672 11133 net.cpp:217] conv4c_t3_7x1_1 needs backward computation.
I0709 01:02:46.850678 11133 net.cpp:217] relu4c_t3_1x1 needs backward computation.
I0709 01:02:46.850682 11133 net.cpp:217] conv4c_t3_1x1/bn needs backward computation.
I0709 01:02:46.850685 11133 net.cpp:217] conv4c_t3_1x1 needs backward computation.
I0709 01:02:46.850690 11133 net.cpp:217] relu4c_t2_7x1 needs backward computation.
I0709 01:02:46.850695 11133 net.cpp:217] conv4c_t2_7x1/bn needs backward computation.
I0709 01:02:46.850699 11133 net.cpp:217] conv4c_t2_7x1 needs backward computation.
I0709 01:02:46.850703 11133 net.cpp:217] relu4c_t2_1x7 needs backward computation.
I0709 01:02:46.850708 11133 net.cpp:217] conv4c_t2_1x7/bn needs backward computation.
I0709 01:02:46.850711 11133 net.cpp:217] conv4c_t2_1x7 needs backward computation.
I0709 01:02:46.850715 11133 net.cpp:217] relu4c_t2_1x1 needs backward computation.
I0709 01:02:46.850720 11133 net.cpp:217] conv4c_t2_1x1/bn needs backward computation.
I0709 01:02:46.850723 11133 net.cpp:217] conv4c_t2_1x1 needs backward computation.
I0709 01:02:46.850728 11133 net.cpp:217] relu4c_t1_1x1 needs backward computation.
I0709 01:02:46.850730 11133 net.cpp:217] conv4c_t1_1x1/bn needs backward computation.
I0709 01:02:46.850734 11133 net.cpp:217] conv4c_t1_1x1 needs backward computation.
I0709 01:02:46.850738 11133 net.cpp:217] inception_4b_inception_4b_0_split needs backward computation.
I0709 01:02:46.850744 11133 net.cpp:217] inception_4b needs backward computation.
I0709 01:02:46.850749 11133 net.cpp:217] relu4b_t4 _1x1 needs backward computation.
I0709 01:02:46.850754 11133 net.cpp:217] conv4b_t4_1x1/bn needs backward computation.
I0709 01:02:46.850756 11133 net.cpp:217] conv4b_t4_1x1 needs backward computation.
I0709 01:02:46.850760 11133 net.cpp:217] conv4b_t4_pool needs backward computation.
I0709 01:02:46.850765 11133 net.cpp:217] relu4b_t3_1x7_2 needs backward computation.
I0709 01:02:46.850769 11133 net.cpp:217] conv4b_t3_1x7_2/bn needs backward computation.
I0709 01:02:46.850772 11133 net.cpp:217] conv4b_t3_1x7_2 needs backward computation.
I0709 01:02:46.850775 11133 net.cpp:217] relu4b_t3_7x1_2 needs backward computation.
I0709 01:02:46.850780 11133 net.cpp:217] conv4b_t3_7x1_2/bn needs backward computation.
I0709 01:02:46.850783 11133 net.cpp:217] conv4b_t3_7x1_2 needs backward computation.
I0709 01:02:46.850788 11133 net.cpp:217] relu4b_t3_1x7_1 needs backward computation.
I0709 01:02:46.850792 11133 net.cpp:217] conv4b_t3_1x7_1/bn needs backward computation.
I0709 01:02:46.850796 11133 net.cpp:217] conv4b_t3_1x7_1 needs backward computation.
I0709 01:02:46.850800 11133 net.cpp:217] relu4b_t3_7x1_1 needs backward computation.
I0709 01:02:46.850805 11133 net.cpp:217] conv4b_t3_7x1_1/bn needs backward computation.
I0709 01:02:46.850808 11133 net.cpp:217] conv4b_t3_7x1_1 needs backward computation.
I0709 01:02:46.850811 11133 net.cpp:217] relu4b_t3_1x1 needs backward computation.
I0709 01:02:46.850817 11133 net.cpp:217] conv4b_t3_1x1/bn needs backward computation.
I0709 01:02:46.850821 11133 net.cpp:217] conv4b_t3_1x1 needs backward computation.
I0709 01:02:46.850824 11133 net.cpp:217] relu4b_t2_7x1 needs backward computation.
I0709 01:02:46.850828 11133 net.cpp:217] conv4b_t2_7x1/bn needs backward computation.
I0709 01:02:46.850832 11133 net.cpp:217] conv4b_t2_7x1 needs backward computation.
I0709 01:02:46.850836 11133 net.cpp:217] relu4b_t2_1x7 needs backward computation.
I0709 01:02:46.850839 11133 net.cpp:217] conv4b_t2_1x7/bn needs backward computation.
I0709 01:02:46.850846 11133 net.cpp:217] conv4b_t2_1x7 needs backward computation.
I0709 01:02:46.850848 11133 net.cpp:217] relu4b_t2_1x1 needs backward computation.
I0709 01:02:46.850852 11133 net.cpp:217] conv4b_t2_1x1/bn needs backward computation.
I0709 01:02:46.850855 11133 net.cpp:217] conv4b_t2_1x1 needs backward computation.
I0709 01:02:46.850859 11133 net.cpp:217] relu4b_t1_1x1 needs backward computation.
I0709 01:02:46.850862 11133 net.cpp:217] conv4b_t1_1x1/bn needs backward computation.
I0709 01:02:46.850867 11133 net.cpp:217] conv4b_t1_1x1 needs backward computation.
I0709 01:02:46.850870 11133 net.cpp:217] inception_4a_inception_4a_0_split needs backward computation.
I0709 01:02:46.850879 11133 net.cpp:217] inception_4a needs backward computation.
I0709 01:02:46.850885 11133 net.cpp:217] relu4a_t4_1x1 needs backward computation.
I0709 01:02:46.850889 11133 net.cpp:217] conv4a_t4_1x1/bn needs backward computation.
I0709 01:02:46.850893 11133 net.cpp:217] conv4a_t4_1x1 needs backward computation.
I0709 01:02:46.850896 11133 net.cpp:217] conv4a_t4_pool needs backward computation.
I0709 01:02:46.850903 11133 net.cpp:217] relu4a_t3_1x7_2 needs backward computation.
I0709 01:02:46.850905 11133 net.cpp:217] conv4a_t3_1x7_2/bn needs backward computation.
I0709 01:02:46.850909 11133 net.cpp:217] conv4a_t3_1x7_2 needs backward computation.
I0709 01:02:46.850914 11133 net.cpp:217] relu4a_t3_7x1_2 needs backward computation.
I0709 01:02:46.850916 11133 net.cpp:217] conv4a_t3_7x1_2/bn needs backward computation.
I0709 01:02:46.850920 11133 net.cpp:217] conv4a_t3_7x1_2 needs backward computation.
I0709 01:02:46.850924 11133 net.cpp:217] relu4a_t3_1x7_1 needs backward computation.
I0709 01:02:46.850926 11133 net.cpp:217] conv4a_t3_1x7_1/bn needs backward computation.
I0709 01:02:46.850931 11133 net.cpp:217] conv4a_t3_1x7_1 needs backward computation.
I0709 01:02:46.850935 11133 net.cpp:217] relu4a_t3_7x1_1 needs backward computation.
I0709 01:02:46.850939 11133 net.cpp:217] conv4a_t3_7x1_1/bn needs backward computation.
I0709 01:02:46.850941 11133 net.cpp:217] conv4a_t3_7x1_1 needs backward computation.
I0709 01:02:46.850946 11133 net.cpp:217] relu4a_t3_1x1 needs backward computation.
I0709 01:02:46.850950 11133 net.cpp:217] conv4a_t3_1x1/bn needs backward computation.
I0709 01:02:46.850953 11133 net.cpp:217] conv4a_t3_1x1 needs backward computation.
I0709 01:02:46.850956 11133 net.cpp:217] relu4a_t2_7x1 needs backward computation.
I0709 01:02:46.850960 11133 net.cpp:217] conv4a_t2_7x1/bn needs backward computation.
I0709 01:02:46.850963 11133 net.cpp:217] conv4a_t2_7x1 needs backward computation.
I0709 01:02:46.850966 11133 net.cpp:217] relu4a_t2_1x7 needs backward computation.
I0709 01:02:46.850970 11133 net.cpp:217] conv4a_t2_1x7/bn needs backward computation.
I0709 01:02:46.850975 11133 net.cpp:217] conv4a_t2_1x7 needs backward computation.
I0709 01:02:46.850980 11133 net.cpp:217] relu4a_t2_1x1 needs backward computation.
I0709 01:02:46.850982 11133 net.cpp:217] conv4a_t2_1x1/bn needs backward computation.
I0709 01:02:46.850986 11133 net.cpp:217] conv4a_t2_1x1 needs backward computation.
I0709 01:02:46.850991 11133 net.cpp:217] relu4a_t1_1x1 needs backward computation.
I0709 01:02:46.850993 11133 net.cpp:217] conv4a_t1_1x1/bn needs backward computation.
I0709 01:02:46.850997 11133 net.cpp:217] conv4a_t1_1x1 needs backward computation.
I0709 01:02:46.851001 11133 net.cpp:217] inception_3d_inception_3d_0_split needs backward computation.
I0709 01:02:46.851006 11133 net.cpp:217] inception_3d needs backward computation.
I0709 01:02:46.851011 11133 net.cpp:217] conv3d_t3_pool needs backward computation.
I0709 01:02:46.851016 11133 net.cpp:217] relu3d_t3_3x3_2 needs backward computation.
I0709 01:02:46.851018 11133 net.cpp:217] conv3d_t2_3x3_2/bn needs backward computation.
I0709 01:02:46.851023 11133 net.cpp:217] conv3d_t2_3x3_2 needs backward computation.
I0709 01:02:46.851027 11133 net.cpp:217] relu3d_t3_3x3_1 needs backward computation.
I0709 01:02:46.851030 11133 net.cpp:217] conv3d_t2_3x3_1/bn needs backward computation.
I0709 01:02:46.851033 11133 net.cpp:217] conv3d_t2_3x3_1 needs backward computation.
I0709 01:02:46.851040 11133 net.cpp:217] relu3d_t2_1x1 needs backward computation.
I0709 01:02:46.851043 11133 net.cpp:217] conv3d_t2_1x1/bn needs backward computation.
I0709 01:02:46.851047 11133 net.cpp:217] conv3d_t2_1x1 needs backward computation.
I0709 01:02:46.851052 11133 net.cpp:217] relu3d_t1_3x3 needs backward computation.
I0709 01:02:46.851055 11133 net.cpp:217] conv3d_t1_3x3/bn needs backward computation.
I0709 01:02:46.851060 11133 net.cpp:217] conv3d_t1_3x3 needs backward computation.
I0709 01:02:46.851063 11133 net.cpp:217] inception_3c_inception_3c_0_split needs backward computation.
I0709 01:02:46.851068 11133 net.cpp:217] inception_3c needs backward computation.
I0709 01:02:46.851073 11133 net.cpp:217] relu3c_t4_1x1 needs backward computation.
I0709 01:02:46.851076 11133 net.cpp:217] conv3c_t4_1x1/bn needs backward computation.
I0709 01:02:46.851079 11133 net.cpp:217] conv3c_t4_1x1 needs backward computation.
I0709 01:02:46.851084 11133 net.cpp:217] conv3c_t4_pool needs backward computation.
I0709 01:02:46.851089 11133 net.cpp:217] relu3c_t3_3x3_2 needs backward computation.
I0709 01:02:46.851092 11133 net.cpp:217] conv3c_t3_3x3_2/bn needs backward computation.
I0709 01:02:46.851095 11133 net.cpp:217] conv3c_t3_3x3_2 needs backward computation.
I0709 01:02:46.851101 11133 net.cpp:217] relu3c_t3_3x3_1 needs backward computation.
I0709 01:02:46.851104 11133 net.cpp:217] conv3c_t3_3x3_1/bn needs backward computation.
I0709 01:02:46.851107 11133 net.cpp:217] conv3c_t3_3x3_1 needs backward computation.
I0709 01:02:46.851111 11133 net.cpp:217] relu3c_t3_1x1 needs backward computation.
I0709 01:02:46.851115 11133 net.cpp:217] conv3c_t3_1x1/bn needs backward computation.
I0709 01:02:46.851119 11133 net.cpp:217] conv3c_t3_1x1 needs backward computation.
I0709 01:02:46.851122 11133 net.cpp:217] relu3c_t2_5x5 needs backward computation.
I0709 01:02:46.851126 11133 net.cpp:217] conv3c_t2_5x5/bn needs backward computation.
I0709 01:02:46.851130 11133 net.cpp:217] conv3c_t2_5x5 needs backward computation.
I0709 01:02:46.851135 11133 net.cpp:217] relu3c_t2_1x1 needs backward computation.
I0709 01:02:46.851140 11133 net.cpp:217] conv3c_t2_1x1/bn needs backward computation.
I0709 01:02:46.851142 11133 net.cpp:217] conv3c_t2_1x1 needs backward computation.
I0709 01:02:46.851146 11133 net.cpp:217] relu3c_t1_1x1 needs backward computation.
I0709 01:02:46.851151 11133 net.cpp:217] conv3c_t1_1x1/bn needs backward computation.
I0709 01:02:46.851155 11133 net.cpp:217] conv3c_t1_1x1 needs backward computation.
I0709 01:02:46.851158 11133 net.cpp:217] inception_3b_inception_3b_0_split needs backward computation.
I0709 01:02:46.851162 11133 net.cpp:217] inception_3b needs backward computation.
I0709 01:02:46.851167 11133 net.cpp:217] relu3b_t4_1x1 needs backward computation.
I0709 01:02:46.851171 11133 net.cpp:217] conv3b_t4_1x1/bn needs backward computation.
I0709 01:02:46.851176 11133 net.cpp:217] conv3b_t4_1x1 needs backward computation.
I0709 01:02:46.851179 11133 net.cpp:217] conv3b_t4_pool needs backward computation.
I0709 01:02:46.851183 11133 net.cpp:217] relu3b_t3_3x3_2 needs backward computation.
I0709 01:02:46.851188 11133 net.cpp:217] conv3b_t3_3x3_2/bn needs backward computation.
I0709 01:02:46.851191 11133 net.cpp:217] conv3b_t3_3x3_2 needs backward computation.
I0709 01:02:46.851197 11133 net.cpp:217] relu3b_t3_3x3_1 needs backward computation.
I0709 01:02:46.851200 11133 net.cpp:217] conv3b_t3_3x3_1/bn needs backward computation.
I0709 01:02:46.851203 11133 net.cpp:217] conv3b_t3_3x3_1 needs backward computation.
I0709 01:02:46.851207 11133 net.cpp:217] relu3b_t3_1x1 needs backward computation.
I0709 01:02:46.851212 11133 net.cpp:217] conv3b_t3_1x1/bn needs backward computation.
I0709 01:02:46.851217 11133 net.cpp:217] conv3b_t3_1x1 needs backward computation.
I0709 01:02:46.851220 11133 net.cpp:217] relu3b_t2_5x5 needs backward computation.
I0709 01:02:46.851223 11133 net.cpp:217] conv3b_t2_5x5/bn needs backward computation.
I0709 01:02:46.851227 11133 net.cpp:217] conv3b_t2_5x5 needs backward computation.
I0709 01:02:46.851233 11133 net.cpp:217] relu3b_t2_1x1 needs backward computation.
I0709 01:02:46.851236 11133 net.cpp:217] conv3b_t2_1x1/bn needs backward computation.
I0709 01:02:46.851240 11133 net.cpp:217] conv3b_t2_1x1 needs backward computation.
I0709 01:02:46.851244 11133 net.cpp:217] relu3b_t1_1x1 needs backward computation.
I0709 01:02:46.851248 11133 net.cpp:217] conv3b_t1_1x1/bn needs backward computation.
I0709 01:02:46.851251 11133 net.cpp:217] conv3b_t1_1x1 needs backward computation.
I0709 01:02:46.851258 11133 net.cpp:217] inception_3a_inception_3a_0_split needs backward computation.
I0709 01:02:46.851261 11133 net.cpp:217] inception_3a needs backward computation.
I0709 01:02:46.851266 11133 net.cpp:217] relu3a_t4_1x1 needs backward computation.
I0709 01:02:46.851270 11133 net.cpp:217] conv3a_t4_1x1/bn needs backward computation.
I0709 01:02:46.851274 11133 net.cpp:217] conv3a_t4_1x1 needs backward computation.
I0709 01:02:46.851279 11133 net.cpp:217] conv3a_t4_pool needs backward computation.
I0709 01:02:46.851284 11133 net.cpp:217] relu3a_t3_3x3_2 needs backward computation.
I0709 01:02:46.851287 11133 net.cpp:217] conv3a_t3_3x3_2/bn needs backward computation.
I0709 01:02:46.851292 11133 net.cpp:217] conv3a_t3_3x3_2 needs backward computation.
I0709 01:02:46.851296 11133 net.cpp:217] relu3a_t3_3x3_1 needs backward computation.
I0709 01:02:46.851300 11133 net.cpp:217] conv3a_t3_3x3_1/bn needs backward computation.
I0709 01:02:46.851305 11133 net.cpp:217] conv3a_t3_3x3_1 needs backward computation.
I0709 01:02:46.851310 11133 net.cpp:217] relu3a_t3_1x1 needs backward computation.
I0709 01:02:46.851313 11133 net.cpp:217] conv3a_t3_1x1/bn needs backward computation.
I0709 01:02:46.851316 11133 net.cpp:217] conv3a_t3_1x1 needs backward computation.
I0709 01:02:46.851321 11133 net.cpp:217] relu3a_t2_5x5 needs backward computation.
I0709 01:02:46.851325 11133 net.cpp:217] conv3a_t2_5x5/bn needs backward computation.
I0709 01:02:46.851330 11133 net.cpp:217] conv3a_t2_5x5 needs backward computation.
I0709 01:02:46.851333 11133 net.cpp:217] relu3a_t2_1x1 needs backward computation.
I0709 01:02:46.851336 11133 net.cpp:217] conv3a_t2_1x1/bn needs backward computation.
I0709 01:02:46.851341 11133 net.cpp:217] conv3a_t2_1x1 needs backward computation.
I0709 01:02:46.851344 11133 net.cpp:217] relu3a_t1_1x1 needs backward computation.
I0709 01:02:46.851348 11133 net.cpp:217] conv3a_t1_1x1/bn needs backward computation.
I0709 01:02:46.851351 11133 net.cpp:217] conv3a_t1_1x1 needs backward computation.
I0709 01:02:46.851356 11133 net.cpp:217] pool2_pool2_0_split needs backward computation.
I0709 01:02:46.851359 11133 net.cpp:217] pool2 needs backward computation.
I0709 01:02:46.851364 11133 net.cpp:217] relu2_2 needs backward computation.
I0709 01:02:46.851367 11133 net.cpp:217] conv2_2/bn needs backward computation.
I0709 01:02:46.851373 11133 net.cpp:217] conv2_2 needs backward computation.
I0709 01:02:46.851377 11133 net.cpp:217] relu2_1 needs backward computation.
I0709 01:02:46.851382 11133 net.cpp:217] conv2_1/bn needs backward computation.
I0709 01:02:46.851385 11133 net.cpp:217] conv2_1 needs backward computation.
I0709 01:02:46.851389 11133 net.cpp:217] pool1 needs backward computation.
I0709 01:02:46.851394 11133 net.cpp:217] relu1_3 needs backward computation.
I0709 01:02:46.851397 11133 net.cpp:217] conv1_3/bn needs backward computation.
I0709 01:02:46.851402 11133 net.cpp:217] conv1_3 needs backward computation.
I0709 01:02:46.851407 11133 net.cpp:217] relu1_2 needs backward computation.
I0709 01:02:46.851410 11133 net.cpp:217] conv1_2/bn needs backward computation.
I0709 01:02:46.851413 11133 net.cpp:217] conv1_2 needs backward computation.
I0709 01:02:46.851418 11133 net.cpp:217] relu1_1 needs backward computation.
I0709 01:02:46.851423 11133 net.cpp:217] conv1_1/bn needs backward computation.
I0709 01:02:46.851425 11133 net.cpp:217] conv1_1 needs backward computation.
I0709 01:02:46.851431 11133 net.cpp:219] data does not need backward computation.
I0709 01:02:46.851434 11133 net.cpp:261] This network produces output loss
I0709 01:02:46.851634 11133 net.cpp:274] Network initialization done.
I0709 01:02:46.852418 11133 solver.cpp:60] Solver scaffolding done.
I0709 01:02:46.886078 11133 caffe.cpp:129] Finetuning from my_model/inception_v3_bn.caffemodel
I0709 01:02:47.109484 11133 net.cpp:753] Ignoring source layer fc6
I0709 01:02:47.113381 11133 caffe.cpp:219] Starting Optimization
I0709 01:02:47.113420 11133 solver.cpp:279] Solving Inception_v3
I0709 01:02:47.113427 11133 solver.cpp:280] Learning Rate Policy: step
I0709 01:02:48.440316 11133 solver.cpp:228] Iteration 0, loss = 10.109
I0709 01:02:48.440382 11133 solver.cpp:244]     Train net output #0: loss = 10.109 (* 1 = 10.109 loss)
I0709 01:02:48.440412 11133 sgd_solver.cpp:106] Iteration 0, lr = 0.0001
I0709 01:03:04.652514 11133 solver.cpp:228] Iteration 10, loss = 10.397
I0709 01:03:04.652590 11133 solver.cpp:244]     Train net output #0: loss = 10.2073 (* 1 = 10.2073 loss)
I0709 01:03:04.652609 11133 sgd_solver.cpp:106] Iteration 10, lr = 0.0001
I0709 01:03:20.901716 11133 solver.cpp:228] Iteration 20, loss = 8.42639
I0709 01:03:20.901788 11133 solver.cpp:244]     Train net output #0: loss = 6.43946 (* 1 = 6.43946 loss)
I0709 01:03:20.901801 11133 sgd_solver.cpp:106] Iteration 20, lr = 0.0001
I0709 01:03:37.211213 11133 solver.cpp:228] Iteration 30, loss = 9.34991
I0709 01:03:37.211318 11133 solver.cpp:244]     Train net output #0: loss = 4.46042 (* 1 = 4.46042 loss)
I0709 01:03:37.211339 11133 sgd_solver.cpp:106] Iteration 30, lr = 0.0001
I0709 01:03:53.562757 11133 solver.cpp:228] Iteration 40, loss = 7.7986
I0709 01:03:53.562826 11133 solver.cpp:244]     Train net output #0: loss = 10.1724 (* 1 = 10.1724 loss)
I0709 01:03:53.562841 11133 sgd_solver.cpp:106] Iteration 40, lr = 0.0001
I0709 01:04:10.066830 11133 solver.cpp:228] Iteration 50, loss = 6.95103
I0709 01:04:10.066896 11133 solver.cpp:244]     Train net output #0: loss = 8.95961 (* 1 = 8.95961 loss)
I0709 01:04:10.066911 11133 sgd_solver.cpp:106] Iteration 50, lr = 0.0001
I0709 01:04:26.627974 11133 solver.cpp:228] Iteration 60, loss = 5.54376
I0709 01:04:26.628054 11133 solver.cpp:244]     Train net output #0: loss = 8.26915 (* 1 = 8.26915 loss)
I0709 01:04:26.628068 11133 sgd_solver.cpp:106] Iteration 60, lr = 0.0001
I0709 01:04:43.261847 11133 solver.cpp:228] Iteration 70, loss = 3.74283
I0709 01:04:43.261922 11133 solver.cpp:244]     Train net output #0: loss = 3.48495 (* 1 = 3.48495 loss)
I0709 01:04:43.261937 11133 sgd_solver.cpp:106] Iteration 70, lr = 0.0001
I0709 01:04:59.974618 11133 solver.cpp:228] Iteration 80, loss = 4.72402
I0709 01:04:59.974738 11133 solver.cpp:244]     Train net output #0: loss = 4.92223 (* 1 = 4.92223 loss)
I0709 01:04:59.974756 11133 sgd_solver.cpp:106] Iteration 80, lr = 0.0001
I0709 01:05:16.735575 11133 solver.cpp:228] Iteration 90, loss = 4.7314
I0709 01:05:16.735647 11133 solver.cpp:244]     Train net output #0: loss = 5.14019 (* 1 = 5.14019 loss)
I0709 01:05:16.735661 11133 sgd_solver.cpp:106] Iteration 90, lr = 0.0001
I0709 01:05:33.486100 11133 solver.cpp:228] Iteration 100, loss = 4.61307
I0709 01:05:33.486178 11133 solver.cpp:244]     Train net output #0: loss = 1.66395 (* 1 = 1.66395 loss)
I0709 01:05:33.486194 11133 sgd_solver.cpp:106] Iteration 100, lr = 0.0001
I0709 01:05:50.283920 11133 solver.cpp:228] Iteration 110, loss = 4.43357
I0709 01:05:50.284008 11133 solver.cpp:244]     Train net output #0: loss = 2.92868 (* 1 = 2.92868 loss)
I0709 01:05:50.284021 11133 sgd_solver.cpp:106] Iteration 110, lr = 0.0001
I0709 01:06:07.145920 11133 solver.cpp:228] Iteration 120, loss = 4.25572
I0709 01:06:07.145993 11133 solver.cpp:244]     Train net output #0: loss = 8.73296 (* 1 = 8.73296 loss)
I0709 01:06:07.146011 11133 sgd_solver.cpp:106] Iteration 120, lr = 0.0001
I0709 01:06:23.985111 11133 solver.cpp:228] Iteration 130, loss = 4.47847
I0709 01:06:23.985225 11133 solver.cpp:244]     Train net output #0: loss = 8.41924 (* 1 = 8.41924 loss)
I0709 01:06:23.985244 11133 sgd_solver.cpp:106] Iteration 130, lr = 0.0001
I0709 01:06:40.341753 11133 solver.cpp:228] Iteration 140, loss = nan
I0709 01:06:40.341828 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:06:40.341842 11133 sgd_solver.cpp:106] Iteration 140, lr = 0.0001
I0709 01:06:56.209769 11133 solver.cpp:228] Iteration 150, loss = nan
I0709 01:06:56.209900 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:06:56.209921 11133 sgd_solver.cpp:106] Iteration 150, lr = 0.0001
I0709 01:07:12.130107 11133 solver.cpp:228] Iteration 160, loss = nan
I0709 01:07:12.130170 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:07:12.130182 11133 sgd_solver.cpp:106] Iteration 160, lr = 0.0001
I0709 01:07:28.110151 11133 solver.cpp:228] Iteration 170, loss = nan
I0709 01:07:28.110213 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:07:28.110227 11133 sgd_solver.cpp:106] Iteration 170, lr = 0.0001
I0709 01:07:44.054721 11133 solver.cpp:228] Iteration 180, loss = nan
I0709 01:07:44.054816 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:07:44.054836 11133 sgd_solver.cpp:106] Iteration 180, lr = 0.0001
I0709 01:08:00.040534 11133 solver.cpp:228] Iteration 190, loss = nan
I0709 01:08:00.040613 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:08:00.040633 11133 sgd_solver.cpp:106] Iteration 190, lr = 0.0001
I0709 01:08:15.971766 11133 solver.cpp:228] Iteration 200, loss = nan
I0709 01:08:15.971873 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:08:15.971892 11133 sgd_solver.cpp:106] Iteration 200, lr = 0.0001
I0709 01:08:31.938459 11133 solver.cpp:228] Iteration 210, loss = nan
I0709 01:08:31.938560 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:08:31.938577 11133 sgd_solver.cpp:106] Iteration 210, lr = 0.0001
I0709 01:08:47.921591 11133 solver.cpp:228] Iteration 220, loss = nan
I0709 01:08:47.921655 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:08:47.921670 11133 sgd_solver.cpp:106] Iteration 220, lr = 0.0001
I0709 01:09:03.946967 11133 solver.cpp:228] Iteration 230, loss = nan
I0709 01:09:03.947036 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:09:03.947052 11133 sgd_solver.cpp:106] Iteration 230, lr = 0.0001
I0709 01:09:19.973558 11133 solver.cpp:228] Iteration 240, loss = nan
I0709 01:09:19.973639 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:09:19.973654 11133 sgd_solver.cpp:106] Iteration 240, lr = 0.0001
I0709 01:09:35.925717 11133 solver.cpp:228] Iteration 250, loss = nan
I0709 01:09:35.925952 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:09:35.925981 11133 sgd_solver.cpp:106] Iteration 250, lr = 0.0001
I0709 01:09:51.916434 11133 solver.cpp:228] Iteration 260, loss = nan
I0709 01:09:51.916508 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:09:51.916520 11133 sgd_solver.cpp:106] Iteration 260, lr = 0.0001
I0709 01:10:07.882347 11133 solver.cpp:228] Iteration 270, loss = nan
I0709 01:10:07.882422 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:10:07.882436 11133 sgd_solver.cpp:106] Iteration 270, lr = 0.0001
I0709 01:10:23.887603 11133 solver.cpp:228] Iteration 280, loss = nan
I0709 01:10:23.887688 11133 solver.cpp:244]     Train net output #0: loss = nan (* 1 = nan loss)
I0709 01:10:23.887709 11133 sgd_solver.cpp:106] Iteration 280, lr = 0.0001

data processing

Hi,
i want to know how to process my own data. i mean that when i use your embedding loss layer and trian the net ,can i use the LMDB that generated for the SoftmaxLoss net before?
Thank you very much!

loss=nan ,use my own data

i use my own face datas,and train on my pre-train model,but the loss=nan. i use my own net with your loss layer. i set the bithsize 64 when i use your code to generate the face LMDB file. i don't know why.
thank you very much!

Test error

When I run compute_googlenet_distance_matrix_cuda_embeddings_liftedstructsim_softmax_pair_m128.py to test, error as follows:

Traceback (most recent call last):
File "compute_googlenet_distance_matrix_cuda_embeddings_liftedstructsim_softmax_pair_m128.py", line 59, in
io.savemat('clustering/validation_googlenet_feat_matrix_liftedstructsim_softmax_pair_m128_multilabel_embed%d_gaussian2k.mat' % (embedding_dimension), a)
File "/usr/lib/python2.7/dist-packages/scipy/io/matlab/mio.py", line 183, in savemat
file_stream = open(file_name, 'wb')
IOError: [Errno 2] No such file or directory: 'clustering/validation_googlenet_feat_matrix_liftedstructsim_softmax_pair_m128_multilabel_embed128_gaussian2k.mat'

Why the gradient of x_i is dividing dist_pos in lifted_struct_similarity_softmax_layer.cpp

I read the souce code lifted_struct_similarity_softmax_layer.cpp, in line 146:
scaler = Dtype(2.0)this_loss / dist_pos;
// update x_i
caffe_axpy(K
, scaler * Dtype(1.0), blob_pos_diff_.cpu_data(), bout + i_K_);

I read the paper, the gradient of dJ_df_{xi} is
dJ_df_{xi} =1/|p| *J_{i,j} * (2 *(f(xi) -f(xj)), but why dividing D_{i,j} in the code?
thanks a lot!

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.