diff --git a/bob/ip/facedetect/tests/test_tinyface.py b/bob/ip/facedetect/tests/test_tinyface.py
new file mode 100644
index 0000000000000000000000000000000000000000..7518e03c253a8dfdd4f0b3fc237c610f45283222
--- /dev/null
+++ b/bob/ip/facedetect/tests/test_tinyface.py
@@ -0,0 +1,51 @@
+
+from bob.ip.facedetect.tests.utils import is_library_available
+
+import bob.io.image
+import bob.io.base
+import bob.io.base.test_utils
+
+import numpy
+
+
+# An image with one face
+face_image = bob.io.base.load(
+    bob.io.base.test_utils.datafile(
+        'testimage.jpg', 'bob.ip.facedetect'
+    )
+)
+
+# An image with 6 faces
+face_image_multiple = bob.io.base.load(
+    bob.io.base.test_utils.datafile(
+        'test_image_multi_face.png', 'bob.ip.facedetect'
+    )
+)
+
+
+def _assert_tinyface_annotations(annot):
+    """
+    Verifies that TinyFace returns the correct coordinates for ``testimage``.
+    """
+    assert len(annot) == 1, f"len: {len(annot)}; {annot}"
+    face = annot[0]
+    assert [int(x) for x in face['topleft']] == [59, 57], face
+    assert [int(x) for x in face['bottomright']] == [338, 284], face
+#    assert [int(x) for x in face['reye']] == [180, 129], face
+#    assert [int(x) for x in face['leye']] == [175, 220], face
+
+@is_library_available("mxnet")
+def test_tinyface():
+    """TinyFace should annotate one face correctly."""
+    from bob.ip.facedetect.tinyface import TinyFacesDetector
+    tinyface_annotator = TinyFacesDetector()
+    annot = tinyface_annotator.detect(face_image)
+    _assert_tinyface_annotations(annot)
+
+@is_library_available("mxnet")
+def test_tinyface_multiface():
+    """TinyFace should find multiple faces in an image."""
+    from bob.ip.facedetect.tinyface import TinyFacesDetector
+    tinyface_annotator = TinyFacesDetector()
+    annot = tinyface_annotator.detect(face_image_multiple)
+    assert len(annot) == 6
diff --git a/bob/ip/facedetect/tinyface.py b/bob/ip/facedetect/tinyface.py
new file mode 100644
index 0000000000000000000000000000000000000000..dd46c66541c5b843d8285aff12739e81d7aa5b90
--- /dev/null
+++ b/bob/ip/facedetect/tinyface.py
@@ -0,0 +1,201 @@
+import mxnet as mx
+from mxnet import gluon
+from bob.ip.color import gray_to_rgb
+import logging
+import numpy as np
+import cv2 as cv
+import pickle
+import os, sys
+from collections import namedtuple
+import time
+from bob.io.image import to_matplotlib
+import pkg_resources
+
+logger = logging.getLogger(__name__)
+Batch = namedtuple('Batch', ['data'])
+
+class TinyFacesDetector:
+
+    """TinyFace face detector. Original Model is ``ResNet101`` from 
+    https://github.com/peiyunh/tiny. Please check for details. The 
+    model used in this section is the MxNet version from 
+    https://github.com/chinakook/hr101_mxnet.
+
+    Attributes
+    ----------
+    prob_thresh: float
+        Thresholds are a trade-off between false positives and missed detections.
+    """
+    def __init__(self, prob_thresh=0.5):
+        self.MAX_INPUT_DIM=5000.0
+        self.prob_thresh = prob_thresh
+        self.nms_thresh = 0.1
+        self.model_root = pkg_resources.resource_filename(__name__, "tinyface_detector/")
+
+        sym, arg_params, aux_params = mx.model.load_checkpoint(os.path.join(self.model_root, 'hr101'),0)
+        all_layers = sym.get_internals()
+
+        meta_file = open(os.path.join(self.model_root, 'meta.pkl'), 'rb')
+        self.clusters = pickle.load(meta_file)
+        self.averageImage = pickle.load(meta_file)
+        meta_file.close()
+        self.clusters_h = self.clusters[:,3] - self.clusters[:,1] + 1
+        self.clusters_w = self.clusters[:,2] - self.clusters[:,0] + 1
+        self.normal_idx = np.where(self.clusters[:,4] == 1)
+
+        self.mod = mx.mod.Module(symbol=all_layers['fusex_output'], data_names=['data'], label_names=None)
+        self.mod.bind(for_training=False, data_shapes=[('data', (1, 3, 224, 224))], label_shapes=None, force_rebind=False)
+        self.mod.set_params(arg_params=arg_params, aux_params=aux_params, force_init=False)
+
+    @staticmethod
+    def _nms(dets, prob_thresh):
+  
+        x1 = dets[:, 0]
+        y1 = dets[:, 1]
+        x2 = dets[:, 2]
+        y2 = dets[:, 3]
+        scores = dets[:, 4]
+
+        areas = (x2 - x1 + 1) * (y2 - y1 + 1)
+
+        order = scores.argsort()[::-1]
+
+        keep = []
+        while order.size > 0:
+            i = order[0]
+            keep.append(i)
+            xx1 = np.maximum(x1[i], x1[order[1:]])
+            yy1 = np.maximum(y1[i], y1[order[1:]])
+            xx2 = np.minimum(x2[i], x2[order[1:]])
+            yy2 = np.minimum(y2[i], y2[order[1:]])
+            w = np.maximum(0.0, xx2 - xx1 + 1)
+            h = np.maximum(0.0, yy2 - yy1 + 1)
+            inter = w * h
+
+            ovr = inter / (areas[i] + areas[order[1:]] - inter)
+            inds = np.where(ovr <= prob_thresh)[0]
+
+            order = order[inds + 1]
+        return keep
+
+    def detect(self, img):
+        """Detects and annotates all faces in the image.
+
+        Parameters
+        ----------
+        image : numpy.ndarray
+            An RGB image in Bob format.
+
+        Returns
+        -------
+        list
+            A list of annotations. Annotations are dictionaries that contain the
+            following keys: ``topleft``, ``bottomright``, ``reye``, ``leye``. 
+            (``reye`` and ``leye`` are the estimated results, not captured by the 
+            model.)
+        """
+        raw_img = img
+        if len(raw_img.shape) == 2:
+            raw_img = gray_to_rgb(raw_img)
+        assert img.shape[0] == 3, img.shape
+
+        raw_img = to_matplotlib(raw_img)
+        raw_img = raw_img[..., ::-1]
+        
+        raw_h = raw_img.shape[0]
+        raw_w = raw_img.shape[1]
+
+        raw_img = cv.cvtColor(raw_img, cv.COLOR_BGR2RGB)
+        raw_img_f = raw_img.astype(np.float32)
+  
+        min_scale = min(np.floor(np.log2(np.max(self.clusters_w[self.normal_idx]/raw_w))), np.floor(np.log2(np.max(self.clusters_h[self.normal_idx]/raw_h))))
+        max_scale = min(1.0, -np.log2(max(raw_h, raw_w)/self.MAX_INPUT_DIM))
+
+        scales_down = np.arange(min_scale, 0+0.0001, 1.)
+        scales_up = np.arange(0.5, max_scale+0.0001, 0.5)
+        scales_pow = np.hstack((scales_down, scales_up))
+        scales = np.power(2.0, scales_pow)
+
+        start = time.time()
+        bboxes = np.empty(shape=(0,5))
+        for s in scales[::-1]:
+            img = cv.resize(raw_img_f, (0,0), fx = s, fy = s)
+            img = np.transpose(img,(2,0,1))
+            img = img - self.averageImage
+
+            tids = []
+            if s <= 1. :
+                tids = list(range(4, 12))
+            else :
+                tids = list(range(4, 12)) + list(range(18, 25))
+            ignoredTids = list(set(range(0,self.clusters.shape[0]))-set(tids))
+            img_h = img.shape[1]
+            img_w = img.shape[2]
+            img = img[np.newaxis, :]
+
+            self.mod.reshape(data_shapes=[('data', (1, 3, img_h, img_w))])
+            self.mod.forward(Batch([mx.nd.array(img)]))
+            self.mod.get_outputs()[0].wait_to_read()
+            fusex_res = self.mod.get_outputs()[0]
+
+            score_cls = mx.nd.slice_axis(fusex_res, axis=1, begin=0, end=25, name='score_cls')
+            score_reg = mx.nd.slice_axis(fusex_res, axis=1, begin=25, end=None, name='score_reg')
+            prob_cls = mx.nd.sigmoid(score_cls)
+
+            prob_cls_np = prob_cls.asnumpy()
+            prob_cls_np[0,ignoredTids,:,:] = 0.
+
+            _, fc, fy, fx = np.where(prob_cls_np > self.prob_thresh)
+
+            cy = fy * 8 - 1
+            cx = fx * 8 - 1
+            ch = self.clusters[fc, 3] - self.clusters[fc,1] + 1
+            cw = self.clusters[fc, 2] - self.clusters[fc, 0] + 1
+
+            Nt = self.clusters.shape[0]
+
+            score_reg_np = score_reg.asnumpy()
+            tx = score_reg_np[0, 0:Nt, :, :]
+            ty = score_reg_np[0, Nt:2*Nt,:,:]
+            tw = score_reg_np[0, 2*Nt:3*Nt,:,:]
+            th = score_reg_np[0,3*Nt:4*Nt,:,:]
+
+            dcx = cw * tx[fc, fy, fx]
+            dcy = ch * ty[fc, fy, fx]
+            rcx = cx + dcx
+            rcy = cy + dcy
+            rcw = cw * np.exp(tw[fc, fy, fx])
+            rch = ch * np.exp(th[fc, fy, fx])
+
+            score_cls_np = score_cls.asnumpy()
+            scores = score_cls_np[0, fc, fy, fx]
+
+            tmp_bboxes = np.vstack((rcx-rcw/2, rcy-rch/2, rcx+rcw/2,rcy+rch/2))
+            tmp_bboxes = np.vstack((tmp_bboxes/s, scores))
+            tmp_bboxes = tmp_bboxes.transpose()
+            bboxes = np.vstack((bboxes, tmp_bboxes))
+
+        refind_idx = self._nms(bboxes, self.nms_thresh)
+        refind_bboxes = bboxes[refind_idx]
+        refind_bboxes = refind_bboxes.astype(np.int32)
+
+        annotations = refind_bboxes
+        annots = []
+        for i in range(len(refind_bboxes)):
+            topleft = float(annotations[i][1]),float(annotations[i][0])
+            bottomright = float(annotations[i][3]),float(annotations[i][2])
+            width = float(annotations[i][2]) - float(annotations[i][0])
+            length = float(annotations[i][3]) - float(annotations[i][1])
+            right_eye = (0.37) * length + float(annotations[i][1]),(0.3) * width + float(annotations[i][0])
+            left_eye = (0.37) * length + float(annotations[i][1]),(0.7) * width + float(annotations[i][0])
+            annots.append(
+                {
+                    "topleft": topleft,
+                    "bottomright": bottomright,
+                    "reye": right_eye,
+                    "leye": left_eye,
+                }
+            )
+
+        return annots
+        
\ No newline at end of file
diff --git a/bob/ip/facedetect/tinyface_detector/hr101-symbol.json b/bob/ip/facedetect/tinyface_detector/hr101-symbol.json
new file mode 100644
index 0000000000000000000000000000000000000000..5ffba939b62592cecbf3bb124a95224e0b3b9e4b
--- /dev/null
+++ b/bob/ip/facedetect/tinyface_detector/hr101-symbol.json
@@ -0,0 +1,9727 @@
+{
+  "nodes": [
+    {
+      "op": "null", 
+      "name": "data", 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "conv1_weight", 
+      "attrs": {
+        "kernel": "(7, 7)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(3, 3)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "conv1", 
+      "attrs": {
+        "kernel": "(7, 7)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(3, 3)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[0, 0, 0], [1, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn_conv1_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn_conv1_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn_conv1_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn_conv1_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn_conv1", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[2, 0, 0], [3, 0, 0], [4, 0, 0], [5, 0, 1], [6, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "conv1_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[7, 0, 0]]
+    }, 
+    {
+      "op": "Pooling", 
+      "name": "pool1", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "pad": "(0, 0)", 
+        "pool_type": "max", 
+        "pooling_convention": "full", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[8, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2a_branch1_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2a_branch1", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[9, 0, 0], [10, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch1_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch1_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch1_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch1_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2a_branch1", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[11, 0, 0], [12, 0, 0], [13, 0, 0], [14, 0, 1], [15, 0, 1]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2a_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2a_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[9, 0, 0], [17, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2a_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[18, 0, 0], [19, 0, 0], [20, 0, 0], [21, 0, 1], [22, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2a_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[23, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2a_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2a_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[24, 0, 0], [25, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2a_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[26, 0, 0], [27, 0, 0], [28, 0, 0], [29, 0, 1], [30, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2a_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[31, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2a_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2a_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[32, 0, 0], [33, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2a_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2a_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[34, 0, 0], [35, 0, 0], [36, 0, 0], [37, 0, 1], [38, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res2a", 
+      "inputs": [[16, 0, 0], [39, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[40, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2b_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2b_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[41, 0, 0], [42, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2b_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[43, 0, 0], [44, 0, 0], [45, 0, 0], [46, 0, 1], [47, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2b_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[48, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2b_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2b_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[49, 0, 0], [50, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2b_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[51, 0, 0], [52, 0, 0], [53, 0, 0], [54, 0, 1], [55, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2b_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[56, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2b_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2b_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[57, 0, 0], [58, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2b_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2b_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[59, 0, 0], [60, 0, 0], [61, 0, 0], [62, 0, 1], [63, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res2b", 
+      "inputs": [[41, 0, 0], [64, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[65, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2c_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2c_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[66, 0, 0], [67, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2c_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[68, 0, 0], [69, 0, 0], [70, 0, 0], [71, 0, 1], [72, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2c_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[73, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2c_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2c_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "64", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[74, 0, 0], [75, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2c_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[76, 0, 0], [77, 0, 0], [78, 0, 0], [79, 0, 1], [80, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2c_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[81, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res2c_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res2c_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[82, 0, 0], [83, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn2c_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn2c_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[84, 0, 0], [85, 0, 0], [86, 0, 0], [87, 0, 1], [88, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res2c", 
+      "inputs": [[66, 0, 0], [89, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res2c_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[90, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3a_branch1_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3a_branch1", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[91, 0, 0], [92, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch1_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch1_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch1_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch1_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3a_branch1", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[93, 0, 0], [94, 0, 0], [95, 0, 0], [96, 0, 1], [97, 0, 1]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3a_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3a_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[91, 0, 0], [99, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3a_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[100, 0, 0], [101, 0, 0], [102, 0, 0], [103, 0, 1], [104, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3a_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[105, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3a_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3a_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[106, 0, 0], [107, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3a_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[108, 0, 0], [109, 0, 0], [110, 0, 0], [111, 0, 1], [112, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3a_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[113, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3a_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3a_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[114, 0, 0], [115, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3a_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3a_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[116, 0, 0], [117, 0, 0], [118, 0, 0], [119, 0, 1], [120, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res3a", 
+      "inputs": [[98, 0, 0], [121, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[122, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b1_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b1_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[123, 0, 0], [124, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b1_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[125, 0, 0], [126, 0, 0], [127, 0, 0], [128, 0, 1], [129, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b1_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[130, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b1_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b1_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[131, 0, 0], [132, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b1_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[133, 0, 0], [134, 0, 0], [135, 0, 0], [136, 0, 1], [137, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b1_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[138, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b1_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b1_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[139, 0, 0], [140, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b1_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b1_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[141, 0, 0], [142, 0, 0], [143, 0, 0], [144, 0, 1], [145, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res3b1", 
+      "inputs": [[123, 0, 0], [146, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b1_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[147, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b2_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b2_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[148, 0, 0], [149, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b2_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[150, 0, 0], [151, 0, 0], [152, 0, 0], [153, 0, 1], [154, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b2_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[155, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b2_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b2_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[156, 0, 0], [157, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b2_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[158, 0, 0], [159, 0, 0], [160, 0, 0], [161, 0, 1], [162, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b2_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[163, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b2_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b2_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[164, 0, 0], [165, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b2_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b2_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[166, 0, 0], [167, 0, 0], [168, 0, 0], [169, 0, 1], [170, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res3b2", 
+      "inputs": [[148, 0, 0], [171, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b2_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[172, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b3_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b3_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[173, 0, 0], [174, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b3_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[175, 0, 0], [176, 0, 0], [177, 0, 0], [178, 0, 1], [179, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b3_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[180, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b3_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b3_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "128", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[181, 0, 0], [182, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b3_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[183, 0, 0], [184, 0, 0], [185, 0, 0], [186, 0, 1], [187, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b3_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[188, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res3b3_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res3b3_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "512", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[189, 0, 0], [190, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn3b3_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn3b3_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[191, 0, 0], [192, 0, 0], [193, 0, 0], [194, 0, 1], [195, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res3b3", 
+      "inputs": [[173, 0, 0], [196, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res3b3_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[197, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4a_branch1_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4a_branch1", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[198, 0, 0], [199, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch1_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch1_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch1_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch1_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4a_branch1", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[200, 0, 0], [201, 0, 0], [202, 0, 0], [203, 0, 1], [204, 0, 1]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4a_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4a_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[198, 0, 0], [206, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4a_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[207, 0, 0], [208, 0, 0], [209, 0, 0], [210, 0, 1], [211, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4a_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[212, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4a_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4a_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[213, 0, 0], [214, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4a_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[215, 0, 0], [216, 0, 0], [217, 0, 0], [218, 0, 1], [219, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4a_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[220, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4a_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4a_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[221, 0, 0], [222, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4a_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4a_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[223, 0, 0], [224, 0, 0], [225, 0, 0], [226, 0, 1], [227, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4a", 
+      "inputs": [[205, 0, 0], [228, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[229, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b1_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b1_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[230, 0, 0], [231, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b1_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[232, 0, 0], [233, 0, 0], [234, 0, 0], [235, 0, 1], [236, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b1_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[237, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b1_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b1_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[238, 0, 0], [239, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b1_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[240, 0, 0], [241, 0, 0], [242, 0, 0], [243, 0, 1], [244, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b1_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[245, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b1_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b1_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[246, 0, 0], [247, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b1_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b1_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[248, 0, 0], [249, 0, 0], [250, 0, 0], [251, 0, 1], [252, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b1", 
+      "inputs": [[230, 0, 0], [253, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b1_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[254, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b2_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b2_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[255, 0, 0], [256, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b2_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[257, 0, 0], [258, 0, 0], [259, 0, 0], [260, 0, 1], [261, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b2_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[262, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b2_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b2_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[263, 0, 0], [264, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b2_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[265, 0, 0], [266, 0, 0], [267, 0, 0], [268, 0, 1], [269, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b2_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[270, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b2_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b2_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[271, 0, 0], [272, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b2_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b2_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[273, 0, 0], [274, 0, 0], [275, 0, 0], [276, 0, 1], [277, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b2", 
+      "inputs": [[255, 0, 0], [278, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b2_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[279, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b3_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b3_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[280, 0, 0], [281, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b3_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[282, 0, 0], [283, 0, 0], [284, 0, 0], [285, 0, 1], [286, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b3_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[287, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b3_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b3_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[288, 0, 0], [289, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b3_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[290, 0, 0], [291, 0, 0], [292, 0, 0], [293, 0, 1], [294, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b3_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[295, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b3_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b3_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[296, 0, 0], [297, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b3_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b3_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[298, 0, 0], [299, 0, 0], [300, 0, 0], [301, 0, 1], [302, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b3", 
+      "inputs": [[280, 0, 0], [303, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b3_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[304, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b4_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b4_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[305, 0, 0], [306, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b4_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[307, 0, 0], [308, 0, 0], [309, 0, 0], [310, 0, 1], [311, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b4_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[312, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b4_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b4_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[313, 0, 0], [314, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b4_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[315, 0, 0], [316, 0, 0], [317, 0, 0], [318, 0, 1], [319, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b4_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[320, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b4_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b4_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[321, 0, 0], [322, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b4_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b4_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[323, 0, 0], [324, 0, 0], [325, 0, 0], [326, 0, 1], [327, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b4", 
+      "inputs": [[305, 0, 0], [328, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b4_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[329, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b5_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b5_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[330, 0, 0], [331, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b5_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[332, 0, 0], [333, 0, 0], [334, 0, 0], [335, 0, 1], [336, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b5_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[337, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b5_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b5_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[338, 0, 0], [339, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b5_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[340, 0, 0], [341, 0, 0], [342, 0, 0], [343, 0, 1], [344, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b5_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[345, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b5_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b5_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[346, 0, 0], [347, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b5_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b5_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[348, 0, 0], [349, 0, 0], [350, 0, 0], [351, 0, 1], [352, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b5", 
+      "inputs": [[330, 0, 0], [353, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b5_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[354, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b6_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b6_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[355, 0, 0], [356, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b6_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[357, 0, 0], [358, 0, 0], [359, 0, 0], [360, 0, 1], [361, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b6_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[362, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b6_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b6_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[363, 0, 0], [364, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b6_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[365, 0, 0], [366, 0, 0], [367, 0, 0], [368, 0, 1], [369, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b6_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[370, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b6_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b6_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[371, 0, 0], [372, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b6_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b6_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[373, 0, 0], [374, 0, 0], [375, 0, 0], [376, 0, 1], [377, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b6", 
+      "inputs": [[355, 0, 0], [378, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b6_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[379, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b7_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b7_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[380, 0, 0], [381, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b7_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[382, 0, 0], [383, 0, 0], [384, 0, 0], [385, 0, 1], [386, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b7_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[387, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b7_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b7_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[388, 0, 0], [389, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b7_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[390, 0, 0], [391, 0, 0], [392, 0, 0], [393, 0, 1], [394, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b7_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[395, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b7_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b7_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[396, 0, 0], [397, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b7_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b7_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[398, 0, 0], [399, 0, 0], [400, 0, 0], [401, 0, 1], [402, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b7", 
+      "inputs": [[380, 0, 0], [403, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b7_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[404, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b8_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b8_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[405, 0, 0], [406, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b8_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[407, 0, 0], [408, 0, 0], [409, 0, 0], [410, 0, 1], [411, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b8_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[412, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b8_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b8_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[413, 0, 0], [414, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b8_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[415, 0, 0], [416, 0, 0], [417, 0, 0], [418, 0, 1], [419, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b8_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[420, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b8_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b8_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[421, 0, 0], [422, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b8_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b8_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[423, 0, 0], [424, 0, 0], [425, 0, 0], [426, 0, 1], [427, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b8", 
+      "inputs": [[405, 0, 0], [428, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b8_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[429, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b9_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b9_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[430, 0, 0], [431, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b9_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[432, 0, 0], [433, 0, 0], [434, 0, 0], [435, 0, 1], [436, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b9_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[437, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b9_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b9_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[438, 0, 0], [439, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b9_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[440, 0, 0], [441, 0, 0], [442, 0, 0], [443, 0, 1], [444, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b9_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[445, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b9_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b9_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[446, 0, 0], [447, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b9_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b9_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[448, 0, 0], [449, 0, 0], [450, 0, 0], [451, 0, 1], [452, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b9", 
+      "inputs": [[430, 0, 0], [453, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b9_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[454, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b10_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b10_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[455, 0, 0], [456, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b10_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[457, 0, 0], [458, 0, 0], [459, 0, 0], [460, 0, 1], [461, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b10_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[462, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b10_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b10_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[463, 0, 0], [464, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b10_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[465, 0, 0], [466, 0, 0], [467, 0, 0], [468, 0, 1], [469, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b10_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[470, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b10_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b10_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[471, 0, 0], [472, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b10_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b10_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[473, 0, 0], [474, 0, 0], [475, 0, 0], [476, 0, 1], [477, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b10", 
+      "inputs": [[455, 0, 0], [478, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b10_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[479, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b11_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b11_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[480, 0, 0], [481, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b11_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[482, 0, 0], [483, 0, 0], [484, 0, 0], [485, 0, 1], [486, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b11_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[487, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b11_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b11_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[488, 0, 0], [489, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b11_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[490, 0, 0], [491, 0, 0], [492, 0, 0], [493, 0, 1], [494, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b11_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[495, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b11_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b11_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[496, 0, 0], [497, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b11_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b11_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[498, 0, 0], [499, 0, 0], [500, 0, 0], [501, 0, 1], [502, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b11", 
+      "inputs": [[480, 0, 0], [503, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b11_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[504, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b12_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b12_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[505, 0, 0], [506, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b12_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[507, 0, 0], [508, 0, 0], [509, 0, 0], [510, 0, 1], [511, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b12_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[512, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b12_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b12_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[513, 0, 0], [514, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b12_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[515, 0, 0], [516, 0, 0], [517, 0, 0], [518, 0, 1], [519, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b12_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[520, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b12_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b12_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[521, 0, 0], [522, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b12_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b12_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[523, 0, 0], [524, 0, 0], [525, 0, 0], [526, 0, 1], [527, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b12", 
+      "inputs": [[505, 0, 0], [528, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b12_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[529, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b13_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b13_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[530, 0, 0], [531, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b13_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[532, 0, 0], [533, 0, 0], [534, 0, 0], [535, 0, 1], [536, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b13_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[537, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b13_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b13_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[538, 0, 0], [539, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b13_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[540, 0, 0], [541, 0, 0], [542, 0, 0], [543, 0, 1], [544, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b13_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[545, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b13_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b13_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[546, 0, 0], [547, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b13_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b13_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[548, 0, 0], [549, 0, 0], [550, 0, 0], [551, 0, 1], [552, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b13", 
+      "inputs": [[530, 0, 0], [553, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b13_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[554, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b14_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b14_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[555, 0, 0], [556, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b14_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[557, 0, 0], [558, 0, 0], [559, 0, 0], [560, 0, 1], [561, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b14_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[562, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b14_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b14_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[563, 0, 0], [564, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b14_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[565, 0, 0], [566, 0, 0], [567, 0, 0], [568, 0, 1], [569, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b14_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[570, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b14_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b14_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[571, 0, 0], [572, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b14_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b14_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[573, 0, 0], [574, 0, 0], [575, 0, 0], [576, 0, 1], [577, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b14", 
+      "inputs": [[555, 0, 0], [578, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b14_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[579, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b15_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b15_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[580, 0, 0], [581, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b15_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[582, 0, 0], [583, 0, 0], [584, 0, 0], [585, 0, 1], [586, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b15_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[587, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b15_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b15_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[588, 0, 0], [589, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b15_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[590, 0, 0], [591, 0, 0], [592, 0, 0], [593, 0, 1], [594, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b15_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[595, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b15_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b15_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[596, 0, 0], [597, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b15_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b15_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[598, 0, 0], [599, 0, 0], [600, 0, 0], [601, 0, 1], [602, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b15", 
+      "inputs": [[580, 0, 0], [603, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b15_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[604, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b16_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b16_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[605, 0, 0], [606, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b16_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[607, 0, 0], [608, 0, 0], [609, 0, 0], [610, 0, 1], [611, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b16_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[612, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b16_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b16_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[613, 0, 0], [614, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b16_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[615, 0, 0], [616, 0, 0], [617, 0, 0], [618, 0, 1], [619, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b16_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[620, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b16_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b16_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[621, 0, 0], [622, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b16_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b16_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[623, 0, 0], [624, 0, 0], [625, 0, 0], [626, 0, 1], [627, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b16", 
+      "inputs": [[605, 0, 0], [628, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b16_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[629, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b17_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b17_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[630, 0, 0], [631, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b17_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[632, 0, 0], [633, 0, 0], [634, 0, 0], [635, 0, 1], [636, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b17_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[637, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b17_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b17_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[638, 0, 0], [639, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b17_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[640, 0, 0], [641, 0, 0], [642, 0, 0], [643, 0, 1], [644, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b17_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[645, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b17_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b17_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[646, 0, 0], [647, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b17_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b17_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[648, 0, 0], [649, 0, 0], [650, 0, 0], [651, 0, 1], [652, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b17", 
+      "inputs": [[630, 0, 0], [653, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b17_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[654, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b18_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b18_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[655, 0, 0], [656, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b18_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[657, 0, 0], [658, 0, 0], [659, 0, 0], [660, 0, 1], [661, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b18_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[662, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b18_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b18_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[663, 0, 0], [664, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b18_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[665, 0, 0], [666, 0, 0], [667, 0, 0], [668, 0, 1], [669, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b18_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[670, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b18_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b18_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[671, 0, 0], [672, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b18_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b18_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[673, 0, 0], [674, 0, 0], [675, 0, 0], [676, 0, 1], [677, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b18", 
+      "inputs": [[655, 0, 0], [678, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b18_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[679, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b19_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b19_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[680, 0, 0], [681, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b19_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[682, 0, 0], [683, 0, 0], [684, 0, 0], [685, 0, 1], [686, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b19_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[687, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b19_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b19_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[688, 0, 0], [689, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b19_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[690, 0, 0], [691, 0, 0], [692, 0, 0], [693, 0, 1], [694, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b19_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[695, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b19_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b19_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[696, 0, 0], [697, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b19_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b19_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[698, 0, 0], [699, 0, 0], [700, 0, 0], [701, 0, 1], [702, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b19", 
+      "inputs": [[680, 0, 0], [703, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b19_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[704, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b20_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b20_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[705, 0, 0], [706, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b20_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[707, 0, 0], [708, 0, 0], [709, 0, 0], [710, 0, 1], [711, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b20_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[712, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b20_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b20_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[713, 0, 0], [714, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b20_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[715, 0, 0], [716, 0, 0], [717, 0, 0], [718, 0, 1], [719, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b20_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[720, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b20_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b20_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[721, 0, 0], [722, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b20_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b20_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[723, 0, 0], [724, 0, 0], [725, 0, 0], [726, 0, 1], [727, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b20", 
+      "inputs": [[705, 0, 0], [728, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b20_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[729, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b21_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b21_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[730, 0, 0], [731, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b21_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[732, 0, 0], [733, 0, 0], [734, 0, 0], [735, 0, 1], [736, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b21_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[737, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b21_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b21_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[738, 0, 0], [739, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b21_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[740, 0, 0], [741, 0, 0], [742, 0, 0], [743, 0, 1], [744, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b21_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[745, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b21_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b21_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[746, 0, 0], [747, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b21_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b21_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[748, 0, 0], [749, 0, 0], [750, 0, 0], [751, 0, 1], [752, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b21", 
+      "inputs": [[730, 0, 0], [753, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b21_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[754, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b22_branch2a_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b22_branch2a", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[755, 0, 0], [756, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2a_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2a_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2a_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2a_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b22_branch2a", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[757, 0, 0], [758, 0, 0], [759, 0, 0], [760, 0, 1], [761, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b22_branch2a_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[762, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b22_branch2b_weight", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b22_branch2b", 
+      "attrs": {
+        "kernel": "(3, 3)", 
+        "no_bias": "True", 
+        "num_filter": "256", 
+        "pad": "(1, 1)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[763, 0, 0], [764, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2b_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2b_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2b_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2b_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b22_branch2b", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[765, 0, 0], [766, 0, 0], [767, 0, 0], [768, 0, 1], [769, 0, 1]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b22_branch2b_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[770, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "res4b22_branch2c_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "res4b22_branch2c", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "True", 
+        "num_filter": "1024", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[771, 0, 0], [772, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2c_gamma", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2c_beta", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2c_moving_mean", 
+      "attrs": {
+        "__init__": "[\"zero\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "bn4b22_branch2c_moving_var", 
+      "attrs": {
+        "__init__": "[\"one\", {}]", 
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "BatchNorm", 
+      "name": "bn4b22_branch2c", 
+      "attrs": {
+        "cudnn_off": "True", 
+        "eps": "1e-05", 
+        "fix_gamma": "False", 
+        "use_global_stats": "True"
+      }, 
+      "inputs": [[773, 0, 0], [774, 0, 0], [775, 0, 0], [776, 0, 1], [777, 0, 1]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "res4b22", 
+      "inputs": [[755, 0, 0], [778, 0, 0]]
+    }, 
+    {
+      "op": "Activation", 
+      "name": "res4b22_relu", 
+      "attrs": {"act_type": "relu"}, 
+      "inputs": [[779, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "score_res4_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "score_res4_bias", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "score_res4", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[780, 0, 0], [781, 0, 0], [782, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "score4_weight", 
+      "attrs": {
+        "adj": "(1, 1)", 
+        "kernel": "(4, 4)", 
+        "no_bias": "True", 
+        "num_filter": "125", 
+        "pad": "(1, 1)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Deconvolution", 
+      "name": "score4", 
+      "attrs": {
+        "adj": "(1, 1)", 
+        "kernel": "(4, 4)", 
+        "no_bias": "True", 
+        "num_filter": "125", 
+        "pad": "(1, 1)", 
+        "stride": "(2, 2)"
+      }, 
+      "inputs": [[783, 0, 0], [784, 0, 0]]
+    }, 
+    {
+      "op": "slice", 
+      "name": "score4_sliced", 
+      "attrs": {
+        "begin": "(0, 0, 0, 0)", 
+        "end": "(None, None, -2, -2)"
+      }, 
+      "inputs": [[785, 0, 0]]
+    }, 
+    {
+      "op": "null", 
+      "name": "score_res3_weight", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "null", 
+      "name": "score_res3_bias", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": []
+    }, 
+    {
+      "op": "Convolution", 
+      "name": "score_res3", 
+      "attrs": {
+        "kernel": "(1, 1)", 
+        "no_bias": "False", 
+        "num_filter": "125", 
+        "pad": "(0, 0)", 
+        "stride": "(1, 1)"
+      }, 
+      "inputs": [[198, 0, 0], [787, 0, 0], [788, 0, 0]]
+    }, 
+    {
+      "op": "Crop", 
+      "name": "crop", 
+      "attrs": {
+        "center_crop": "True", 
+        "num_args": "2"
+      }, 
+      "inputs": [[789, 0, 0], [786, 0, 0]]
+    }, 
+    {
+      "op": "broadcast_add", 
+      "name": "fusex", 
+      "inputs": [[786, 0, 0], [790, 0, 0]]
+    }
+  ], 
+  "arg_nodes": [
+    0, 
+    1, 
+    3, 
+    4, 
+    5, 
+    6, 
+    10, 
+    12, 
+    13, 
+    14, 
+    15, 
+    17, 
+    19, 
+    20, 
+    21, 
+    22, 
+    25, 
+    27, 
+    28, 
+    29, 
+    30, 
+    33, 
+    35, 
+    36, 
+    37, 
+    38, 
+    42, 
+    44, 
+    45, 
+    46, 
+    47, 
+    50, 
+    52, 
+    53, 
+    54, 
+    55, 
+    58, 
+    60, 
+    61, 
+    62, 
+    63, 
+    67, 
+    69, 
+    70, 
+    71, 
+    72, 
+    75, 
+    77, 
+    78, 
+    79, 
+    80, 
+    83, 
+    85, 
+    86, 
+    87, 
+    88, 
+    92, 
+    94, 
+    95, 
+    96, 
+    97, 
+    99, 
+    101, 
+    102, 
+    103, 
+    104, 
+    107, 
+    109, 
+    110, 
+    111, 
+    112, 
+    115, 
+    117, 
+    118, 
+    119, 
+    120, 
+    124, 
+    126, 
+    127, 
+    128, 
+    129, 
+    132, 
+    134, 
+    135, 
+    136, 
+    137, 
+    140, 
+    142, 
+    143, 
+    144, 
+    145, 
+    149, 
+    151, 
+    152, 
+    153, 
+    154, 
+    157, 
+    159, 
+    160, 
+    161, 
+    162, 
+    165, 
+    167, 
+    168, 
+    169, 
+    170, 
+    174, 
+    176, 
+    177, 
+    178, 
+    179, 
+    182, 
+    184, 
+    185, 
+    186, 
+    187, 
+    190, 
+    192, 
+    193, 
+    194, 
+    195, 
+    199, 
+    201, 
+    202, 
+    203, 
+    204, 
+    206, 
+    208, 
+    209, 
+    210, 
+    211, 
+    214, 
+    216, 
+    217, 
+    218, 
+    219, 
+    222, 
+    224, 
+    225, 
+    226, 
+    227, 
+    231, 
+    233, 
+    234, 
+    235, 
+    236, 
+    239, 
+    241, 
+    242, 
+    243, 
+    244, 
+    247, 
+    249, 
+    250, 
+    251, 
+    252, 
+    256, 
+    258, 
+    259, 
+    260, 
+    261, 
+    264, 
+    266, 
+    267, 
+    268, 
+    269, 
+    272, 
+    274, 
+    275, 
+    276, 
+    277, 
+    281, 
+    283, 
+    284, 
+    285, 
+    286, 
+    289, 
+    291, 
+    292, 
+    293, 
+    294, 
+    297, 
+    299, 
+    300, 
+    301, 
+    302, 
+    306, 
+    308, 
+    309, 
+    310, 
+    311, 
+    314, 
+    316, 
+    317, 
+    318, 
+    319, 
+    322, 
+    324, 
+    325, 
+    326, 
+    327, 
+    331, 
+    333, 
+    334, 
+    335, 
+    336, 
+    339, 
+    341, 
+    342, 
+    343, 
+    344, 
+    347, 
+    349, 
+    350, 
+    351, 
+    352, 
+    356, 
+    358, 
+    359, 
+    360, 
+    361, 
+    364, 
+    366, 
+    367, 
+    368, 
+    369, 
+    372, 
+    374, 
+    375, 
+    376, 
+    377, 
+    381, 
+    383, 
+    384, 
+    385, 
+    386, 
+    389, 
+    391, 
+    392, 
+    393, 
+    394, 
+    397, 
+    399, 
+    400, 
+    401, 
+    402, 
+    406, 
+    408, 
+    409, 
+    410, 
+    411, 
+    414, 
+    416, 
+    417, 
+    418, 
+    419, 
+    422, 
+    424, 
+    425, 
+    426, 
+    427, 
+    431, 
+    433, 
+    434, 
+    435, 
+    436, 
+    439, 
+    441, 
+    442, 
+    443, 
+    444, 
+    447, 
+    449, 
+    450, 
+    451, 
+    452, 
+    456, 
+    458, 
+    459, 
+    460, 
+    461, 
+    464, 
+    466, 
+    467, 
+    468, 
+    469, 
+    472, 
+    474, 
+    475, 
+    476, 
+    477, 
+    481, 
+    483, 
+    484, 
+    485, 
+    486, 
+    489, 
+    491, 
+    492, 
+    493, 
+    494, 
+    497, 
+    499, 
+    500, 
+    501, 
+    502, 
+    506, 
+    508, 
+    509, 
+    510, 
+    511, 
+    514, 
+    516, 
+    517, 
+    518, 
+    519, 
+    522, 
+    524, 
+    525, 
+    526, 
+    527, 
+    531, 
+    533, 
+    534, 
+    535, 
+    536, 
+    539, 
+    541, 
+    542, 
+    543, 
+    544, 
+    547, 
+    549, 
+    550, 
+    551, 
+    552, 
+    556, 
+    558, 
+    559, 
+    560, 
+    561, 
+    564, 
+    566, 
+    567, 
+    568, 
+    569, 
+    572, 
+    574, 
+    575, 
+    576, 
+    577, 
+    581, 
+    583, 
+    584, 
+    585, 
+    586, 
+    589, 
+    591, 
+    592, 
+    593, 
+    594, 
+    597, 
+    599, 
+    600, 
+    601, 
+    602, 
+    606, 
+    608, 
+    609, 
+    610, 
+    611, 
+    614, 
+    616, 
+    617, 
+    618, 
+    619, 
+    622, 
+    624, 
+    625, 
+    626, 
+    627, 
+    631, 
+    633, 
+    634, 
+    635, 
+    636, 
+    639, 
+    641, 
+    642, 
+    643, 
+    644, 
+    647, 
+    649, 
+    650, 
+    651, 
+    652, 
+    656, 
+    658, 
+    659, 
+    660, 
+    661, 
+    664, 
+    666, 
+    667, 
+    668, 
+    669, 
+    672, 
+    674, 
+    675, 
+    676, 
+    677, 
+    681, 
+    683, 
+    684, 
+    685, 
+    686, 
+    689, 
+    691, 
+    692, 
+    693, 
+    694, 
+    697, 
+    699, 
+    700, 
+    701, 
+    702, 
+    706, 
+    708, 
+    709, 
+    710, 
+    711, 
+    714, 
+    716, 
+    717, 
+    718, 
+    719, 
+    722, 
+    724, 
+    725, 
+    726, 
+    727, 
+    731, 
+    733, 
+    734, 
+    735, 
+    736, 
+    739, 
+    741, 
+    742, 
+    743, 
+    744, 
+    747, 
+    749, 
+    750, 
+    751, 
+    752, 
+    756, 
+    758, 
+    759, 
+    760, 
+    761, 
+    764, 
+    766, 
+    767, 
+    768, 
+    769, 
+    772, 
+    774, 
+    775, 
+    776, 
+    777, 
+    781, 
+    782, 
+    784, 
+    787, 
+    788
+  ], 
+  "node_row_ptr": [
+    0, 
+    1, 
+    2, 
+    3, 
+    4, 
+    5, 
+    6, 
+    7, 
+    10, 
+    11, 
+    13, 
+    14, 
+    15, 
+    16, 
+    17, 
+    18, 
+    19, 
+    22, 
+    23, 
+    24, 
+    25, 
+    26, 
+    27, 
+    28, 
+    31, 
+    32, 
+    33, 
+    34, 
+    35, 
+    36, 
+    37, 
+    38, 
+    41, 
+    42, 
+    43, 
+    44, 
+    45, 
+    46, 
+    47, 
+    48, 
+    51, 
+    52, 
+    53, 
+    54, 
+    55, 
+    56, 
+    57, 
+    58, 
+    59, 
+    62, 
+    63, 
+    64, 
+    65, 
+    66, 
+    67, 
+    68, 
+    69, 
+    72, 
+    73, 
+    74, 
+    75, 
+    76, 
+    77, 
+    78, 
+    79, 
+    82, 
+    83, 
+    84, 
+    85, 
+    86, 
+    87, 
+    88, 
+    89, 
+    90, 
+    93, 
+    94, 
+    95, 
+    96, 
+    97, 
+    98, 
+    99, 
+    100, 
+    103, 
+    104, 
+    105, 
+    106, 
+    107, 
+    108, 
+    109, 
+    110, 
+    113, 
+    114, 
+    115, 
+    116, 
+    117, 
+    118, 
+    119, 
+    120, 
+    121, 
+    124, 
+    125, 
+    126, 
+    127, 
+    128, 
+    129, 
+    130, 
+    133, 
+    134, 
+    135, 
+    136, 
+    137, 
+    138, 
+    139, 
+    140, 
+    143, 
+    144, 
+    145, 
+    146, 
+    147, 
+    148, 
+    149, 
+    150, 
+    153, 
+    154, 
+    155, 
+    156, 
+    157, 
+    158, 
+    159, 
+    160, 
+    161, 
+    164, 
+    165, 
+    166, 
+    167, 
+    168, 
+    169, 
+    170, 
+    171, 
+    174, 
+    175, 
+    176, 
+    177, 
+    178, 
+    179, 
+    180, 
+    181, 
+    184, 
+    185, 
+    186, 
+    187, 
+    188, 
+    189, 
+    190, 
+    191, 
+    192, 
+    195, 
+    196, 
+    197, 
+    198, 
+    199, 
+    200, 
+    201, 
+    202, 
+    205, 
+    206, 
+    207, 
+    208, 
+    209, 
+    210, 
+    211, 
+    212, 
+    215, 
+    216, 
+    217, 
+    218, 
+    219, 
+    220, 
+    221, 
+    222, 
+    223, 
+    226, 
+    227, 
+    228, 
+    229, 
+    230, 
+    231, 
+    232, 
+    233, 
+    236, 
+    237, 
+    238, 
+    239, 
+    240, 
+    241, 
+    242, 
+    243, 
+    246, 
+    247, 
+    248, 
+    249, 
+    250, 
+    251, 
+    252, 
+    253, 
+    254, 
+    257, 
+    258, 
+    259, 
+    260, 
+    261, 
+    262, 
+    263, 
+    266, 
+    267, 
+    268, 
+    269, 
+    270, 
+    271, 
+    272, 
+    273, 
+    276, 
+    277, 
+    278, 
+    279, 
+    280, 
+    281, 
+    282, 
+    283, 
+    286, 
+    287, 
+    288, 
+    289, 
+    290, 
+    291, 
+    292, 
+    293, 
+    294, 
+    297, 
+    298, 
+    299, 
+    300, 
+    301, 
+    302, 
+    303, 
+    304, 
+    307, 
+    308, 
+    309, 
+    310, 
+    311, 
+    312, 
+    313, 
+    314, 
+    317, 
+    318, 
+    319, 
+    320, 
+    321, 
+    322, 
+    323, 
+    324, 
+    325, 
+    328, 
+    329, 
+    330, 
+    331, 
+    332, 
+    333, 
+    334, 
+    335, 
+    338, 
+    339, 
+    340, 
+    341, 
+    342, 
+    343, 
+    344, 
+    345, 
+    348, 
+    349, 
+    350, 
+    351, 
+    352, 
+    353, 
+    354, 
+    355, 
+    356, 
+    359, 
+    360, 
+    361, 
+    362, 
+    363, 
+    364, 
+    365, 
+    366, 
+    369, 
+    370, 
+    371, 
+    372, 
+    373, 
+    374, 
+    375, 
+    376, 
+    379, 
+    380, 
+    381, 
+    382, 
+    383, 
+    384, 
+    385, 
+    386, 
+    387, 
+    390, 
+    391, 
+    392, 
+    393, 
+    394, 
+    395, 
+    396, 
+    397, 
+    400, 
+    401, 
+    402, 
+    403, 
+    404, 
+    405, 
+    406, 
+    407, 
+    410, 
+    411, 
+    412, 
+    413, 
+    414, 
+    415, 
+    416, 
+    417, 
+    418, 
+    421, 
+    422, 
+    423, 
+    424, 
+    425, 
+    426, 
+    427, 
+    428, 
+    431, 
+    432, 
+    433, 
+    434, 
+    435, 
+    436, 
+    437, 
+    438, 
+    441, 
+    442, 
+    443, 
+    444, 
+    445, 
+    446, 
+    447, 
+    448, 
+    449, 
+    452, 
+    453, 
+    454, 
+    455, 
+    456, 
+    457, 
+    458, 
+    459, 
+    462, 
+    463, 
+    464, 
+    465, 
+    466, 
+    467, 
+    468, 
+    469, 
+    472, 
+    473, 
+    474, 
+    475, 
+    476, 
+    477, 
+    478, 
+    479, 
+    480, 
+    483, 
+    484, 
+    485, 
+    486, 
+    487, 
+    488, 
+    489, 
+    490, 
+    493, 
+    494, 
+    495, 
+    496, 
+    497, 
+    498, 
+    499, 
+    500, 
+    503, 
+    504, 
+    505, 
+    506, 
+    507, 
+    508, 
+    509, 
+    510, 
+    511, 
+    514, 
+    515, 
+    516, 
+    517, 
+    518, 
+    519, 
+    520, 
+    521, 
+    524, 
+    525, 
+    526, 
+    527, 
+    528, 
+    529, 
+    530, 
+    531, 
+    534, 
+    535, 
+    536, 
+    537, 
+    538, 
+    539, 
+    540, 
+    541, 
+    542, 
+    545, 
+    546, 
+    547, 
+    548, 
+    549, 
+    550, 
+    551, 
+    552, 
+    555, 
+    556, 
+    557, 
+    558, 
+    559, 
+    560, 
+    561, 
+    562, 
+    565, 
+    566, 
+    567, 
+    568, 
+    569, 
+    570, 
+    571, 
+    572, 
+    573, 
+    576, 
+    577, 
+    578, 
+    579, 
+    580, 
+    581, 
+    582, 
+    583, 
+    586, 
+    587, 
+    588, 
+    589, 
+    590, 
+    591, 
+    592, 
+    593, 
+    596, 
+    597, 
+    598, 
+    599, 
+    600, 
+    601, 
+    602, 
+    603, 
+    604, 
+    607, 
+    608, 
+    609, 
+    610, 
+    611, 
+    612, 
+    613, 
+    614, 
+    617, 
+    618, 
+    619, 
+    620, 
+    621, 
+    622, 
+    623, 
+    624, 
+    627, 
+    628, 
+    629, 
+    630, 
+    631, 
+    632, 
+    633, 
+    634, 
+    635, 
+    638, 
+    639, 
+    640, 
+    641, 
+    642, 
+    643, 
+    644, 
+    645, 
+    648, 
+    649, 
+    650, 
+    651, 
+    652, 
+    653, 
+    654, 
+    655, 
+    658, 
+    659, 
+    660, 
+    661, 
+    662, 
+    663, 
+    664, 
+    665, 
+    666, 
+    669, 
+    670, 
+    671, 
+    672, 
+    673, 
+    674, 
+    675, 
+    676, 
+    679, 
+    680, 
+    681, 
+    682, 
+    683, 
+    684, 
+    685, 
+    686, 
+    689, 
+    690, 
+    691, 
+    692, 
+    693, 
+    694, 
+    695, 
+    696, 
+    697, 
+    700, 
+    701, 
+    702, 
+    703, 
+    704, 
+    705, 
+    706, 
+    707, 
+    710, 
+    711, 
+    712, 
+    713, 
+    714, 
+    715, 
+    716, 
+    717, 
+    720, 
+    721, 
+    722, 
+    723, 
+    724, 
+    725, 
+    726, 
+    727, 
+    728, 
+    731, 
+    732, 
+    733, 
+    734, 
+    735, 
+    736, 
+    737, 
+    738, 
+    741, 
+    742, 
+    743, 
+    744, 
+    745, 
+    746, 
+    747, 
+    748, 
+    751, 
+    752, 
+    753, 
+    754, 
+    755, 
+    756, 
+    757, 
+    758, 
+    759, 
+    762, 
+    763, 
+    764, 
+    765, 
+    766, 
+    767, 
+    768, 
+    769, 
+    772, 
+    773, 
+    774, 
+    775, 
+    776, 
+    777, 
+    778, 
+    779, 
+    782, 
+    783, 
+    784, 
+    785, 
+    786, 
+    787, 
+    788, 
+    789, 
+    790, 
+    793, 
+    794, 
+    795, 
+    796, 
+    797, 
+    798, 
+    799, 
+    800, 
+    803, 
+    804, 
+    805, 
+    806, 
+    807, 
+    808, 
+    809, 
+    810, 
+    813, 
+    814, 
+    815, 
+    816, 
+    817, 
+    818, 
+    819, 
+    820, 
+    821, 
+    824, 
+    825, 
+    826, 
+    827, 
+    828, 
+    829, 
+    830, 
+    831, 
+    834, 
+    835, 
+    836, 
+    837, 
+    838, 
+    839, 
+    840, 
+    841, 
+    844, 
+    845, 
+    846, 
+    847, 
+    848, 
+    849, 
+    850, 
+    851, 
+    852, 
+    855, 
+    856, 
+    857, 
+    858, 
+    859, 
+    860, 
+    861, 
+    862, 
+    865, 
+    866, 
+    867, 
+    868, 
+    869, 
+    870, 
+    871, 
+    872, 
+    875, 
+    876, 
+    877, 
+    878, 
+    879, 
+    880, 
+    881, 
+    882, 
+    883, 
+    886, 
+    887, 
+    888, 
+    889, 
+    890, 
+    891, 
+    892, 
+    893, 
+    896, 
+    897, 
+    898, 
+    899, 
+    900, 
+    901, 
+    902, 
+    903, 
+    906, 
+    907, 
+    908, 
+    909, 
+    910, 
+    911, 
+    912, 
+    913, 
+    914, 
+    917, 
+    918, 
+    919, 
+    920, 
+    921, 
+    922, 
+    923, 
+    924, 
+    927, 
+    928, 
+    929, 
+    930, 
+    931, 
+    932, 
+    933, 
+    934, 
+    937, 
+    938, 
+    939, 
+    940, 
+    941, 
+    942, 
+    943, 
+    944, 
+    945, 
+    948, 
+    949, 
+    950, 
+    951, 
+    952, 
+    953, 
+    954, 
+    955, 
+    958, 
+    959, 
+    960, 
+    961, 
+    962, 
+    963, 
+    964, 
+    965, 
+    968, 
+    969, 
+    970, 
+    971, 
+    972, 
+    973, 
+    974, 
+    975, 
+    976, 
+    977, 
+    978, 
+    979, 
+    980, 
+    981
+  ], 
+  "heads": [[791, 0, 0]], 
+  "attrs": {"mxnet_version": ["int", 10700]}
+}
\ No newline at end of file
diff --git a/bob/ip/facedetect/tinyface_detector/meta.pkl b/bob/ip/facedetect/tinyface_detector/meta.pkl
new file mode 100644
index 0000000000000000000000000000000000000000..1ff5d9ad913797e9ac8a535974580a5477a9b4a9
Binary files /dev/null and b/bob/ip/facedetect/tinyface_detector/meta.pkl differ
diff --git a/doc/index.rst b/doc/index.rst
index 1bb83ec2800f300bd695c9c14ebd759c14966125..808730a6a8bf61a004bd4b3271adaaab5dae6c32 100644
--- a/doc/index.rst
+++ b/doc/index.rst
@@ -35,6 +35,7 @@ Documentation
 
    guide
    mtcnn
+   tinyface
    py_api
 
 
diff --git a/doc/plot/detect_faces_tinyface.py b/doc/plot/detect_faces_tinyface.py
new file mode 100644
index 0000000000000000000000000000000000000000..7a1f643647ce117b639d3350d3e23c0e88bfa50d
--- /dev/null
+++ b/doc/plot/detect_faces_tinyface.py
@@ -0,0 +1,41 @@
+import matplotlib.pyplot as plt
+from bob.io.base import load
+from bob.io.base.test_utils import datafile
+from bob.io.image import imshow
+from bob.ip.facedetect.tinyface import TinyFacesDetector
+from matplotlib.patches import Rectangle
+
+# load colored test image
+color_image = load(datafile("test_image_multi_face.png", "bob.ip.facedetect"))
+is_tf_available = True
+try:
+    import mxnet
+except Exception:
+    is_tf_available = False
+
+if not is_tf_available:
+    imshow(color_image)
+else:
+
+    # detect all face
+    detector = TinyFacesDetector()
+    detections = detector.detect(color_image)
+
+    imshow(color_image)
+    plt.axis("off")
+
+    for annotations in detections:
+        topleft = annotations["topleft"]
+        bottomright = annotations["bottomright"]
+        size = bottomright[0] - topleft[0], bottomright[1] - topleft[1]
+        # draw bounding boxes
+        plt.gca().add_patch(
+            Rectangle(
+                topleft[::-1],
+                size[1],
+                size[0],
+                edgecolor="b",
+                facecolor="none",
+                linewidth=2,
+            )
+        )
\ No newline at end of file
diff --git a/doc/py_api.rst b/doc/py_api.rst
index 443dcf784c91d7a1ecdd4a58ad1e2609f8ba52e3..5b9f22cb213819d45ac1f630a4b69f2497230e86 100644
--- a/doc/py_api.rst
+++ b/doc/py_api.rst
@@ -41,3 +41,4 @@ Detailed Information
 
 .. automodule:: bob.ip.facedetect
 .. automodule:: bob.ip.facedetect.mtcnn
+.. automodule:: bob.ip.facedetect.tinyface
diff --git a/doc/tinyface.rst b/doc/tinyface.rst
new file mode 100644
index 0000000000000000000000000000000000000000..aa30c5308df0de8c0880a64325aa8b019456257b
--- /dev/null
+++ b/doc/tinyface.rst
@@ -0,0 +1,19 @@
+
+.. _bob.ip.facedetect.tinyface:
+
+============================
+ Face detection using TinyFaceN
+============================
+
+This package comes with a TinyFace face detector. The Original Model is ``ResNet101`` 
+from https://github.com/peiyunh/tiny. Please check for more details on TinyFace. The 
+model is converted into MxNet Interface and the code used to implement the model are 
+from https://github.com/chinakook/hr101_mxnet.
+
+
+See below for an example on how to use
+:any:`bob.ip.facedetect.mtcnn.MTCNN`:
+
+.. plot:: plot/detect_faces_tinyface.py
+   :include-source: True
+
diff --git a/requirements.txt b/requirements.txt
index c82bea78eb8e733e5aa1cf4ab3f9dc5b361ef38c..2724559859c2d539ada87b60beb9cf1a03f8edb3 100644
--- a/requirements.txt
+++ b/requirements.txt
@@ -7,3 +7,4 @@ bob.ip.base
 bob.ip.color
 scikit-image
 scipy
+mxnet