def dilated_grsl_rate8(x, is_training, weight_decay, crop_size, num_input_bands, num_classes, extract_features):
    # Reshape input_data picture
    x = tf.reshape(x, shape=[-1, crop_size, crop_size, num_input_bands])

    conv1 = _conv_layer(x, [5, 5, num_input_bands, 64], "conv1", weight_decay, is_training,
                        rate=1, activation='lrelu')
    pool1 = _max_pool(conv1, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool1')

    conv2 = _conv_layer(pool1, [5, 5, 64, 64], 'conv2', weight_decay, is_training, rate=2,
                        activation='lrelu', is_normal_conv=False)
    pool2 = _max_pool(conv2, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool2')

    conv3 = _conv_layer(pool2, [4, 4, 64, 128], 'conv3', weight_decay, is_training, rate=3,
                        activation='lrelu', is_normal_conv=False)
    pool3 = _max_pool(conv3, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool3')

    conv4 = _conv_layer(pool3, [4, 4, 128, 128], "conv4", weight_decay, is_training, rate=4,
                        activation='lrelu', is_normal_conv=False)
    pool4 = _max_pool(conv4, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool4')

    conv5 = _conv_layer(pool4, [3, 3, 128, 192], "conv5", weight_decay, is_training, rate=5,
                        activation='lrelu', is_normal_conv=False)
    pool5 = _max_pool(conv5, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool5')

    conv6 = _conv_layer(pool5, [3, 3, 192, 192], "conv6", weight_decay, is_training, rate=6,
                        activation='lrelu', is_normal_conv=False)
    pool6 = _max_pool(conv6, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool6')

    conv7 = _conv_layer(pool6, [3, 3, 192, 256], "conv7", weight_decay, is_training, rate=7,
                        activation='lrelu', is_normal_conv=False)
    pool7 = _max_pool(conv7, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool7')

    conv8 = _conv_layer(pool7, [3, 3, 256, 256], "conv8", weight_decay, is_training, rate=8,
                        activation='lrelu', is_normal_conv=False)
    pool8 = _max_pool(conv8, kernel=[1, 3, 3, 1], strides=[1, 1, 1, 1], name='pool8')

    with tf.compat.v1.variable_scope('conv_classifier') as scope:
        kernel = _variable_with_weight_decay('weights', shape=[1, 1, 256, num_classes],
                                             ini=tf.contrib.layers.xavier_initializer_conv2d(dtype=tf.float32),
                                             weight_decay=weight_decay)
        biases = _variable_on_cpu('biases', [num_classes], tf.constant_initializer(0.0))

        conv = tf.nn.conv2d(pool8, kernel, [1, 1, 1, 1], padding='SAME')
        conv_classifier = tf.nn.bias_add(conv, biases, name=scope.name)

    if extract_features is True:
        return [tf.image.resize_bilinear(conv1, [32, 32]), 64], \
               [tf.image.resize_bilinear(pool5, [32, 32]), 192], \
               [tf.image.resize_bilinear(pool8, [32, 32]), 256], conv_classifier
    else:
        return conv_classifier
def deeplab(x, dropout, is_training, weight_decay, crop, num_input_bands,
            num_classes, crop_size, extract_features):
    x = tf.reshape(x, shape=[-1, crop_size, crop_size, num_input_bands])

    conv1_1 = _conv_layer(x, [3, 3, num_input_bands, 64],
                          'conv1_1',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    conv1_2 = _conv_layer(conv1_1, [3, 3, 64, 64],
                          'conv1_2',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    pool1 = _max_pool(conv1_2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool_1')

    conv2_1 = _conv_layer(pool1, [3, 3, 64, 128],
                          'conv2_1',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    conv2_2 = _conv_layer(conv2_1, [3, 3, 128, 128],
                          'conv2_2',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    pool2 = _max_pool(conv2_2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool_2')

    conv3_1 = _conv_layer(pool2, [3, 3, 128, 256],
                          'conv3_1',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    conv3_2 = _conv_layer(conv3_1, [3, 3, 256, 256],
                          'conv3_2',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    pool3 = _max_pool(conv3_2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool_3')

    encoder_output = atrous_spatial_pyramid_pooling(pool3, [2, 2, 2],
                                                    weight_decay, is_training)

    with tf.variable_scope("decoder"):
        # with tf.contrib.slim.arg_scope(resnet_v2.resnet_arg_scope(batch_norm_decay=batch_norm_decay)):
        #     with arg_scope([layers.batch_norm], is_training=is_training):
        with tf.variable_scope("low_level_features"):
            low_level_features = pool1
            low_level_features = _conv_layer(low_level_features,
                                             [1, 1, 64, 256],
                                             "conv_1x1",
                                             is_training=is_training,
                                             strides=[1, 1, 1, 1],
                                             weight_decay=weight_decay)
            # conv2d(low_level_features, 48, [1, 1], stride=1, scope='conv_1x1')
            low_level_features_size = tf.shape(low_level_features)[1:3]

        with tf.variable_scope("upsampling_logits"):
            net = tf.image.resize_bilinear(encoder_output,
                                           low_level_features_size,
                                           name='upsample_1')
            net = tf.concat([net, low_level_features], axis=3, name='concat')
            net = _conv_layer(net, [3, 3, 256 * 2, 256],
                              "conv_3x3_1",
                              is_training=is_training,
                              strides=[1, 1, 1, 1],
                              weight_decay=weight_decay)
            net_f = _conv_layer(net, [3, 3, 256, 256],
                                "conv_3x3_2",
                                is_training=is_training,
                                strides=[1, 1, 1, 1],
                                weight_decay=weight_decay)
            net = _conv_layer(net_f, [1, 1, 256, num_classes],
                              "conv_1x1",
                              is_training=is_training,
                              batch_norm=False,
                              has_activation=False,
                              strides=[1, 1, 1, 1],
                              weight_decay=weight_decay)

            # net = layers_lib.conv2d(net, 256, [3, 3], stride=1, scope='conv_3x3_1')
            # net = layers_lib.conv2d(net, 256, [3, 3], stride=1, scope='conv_3x3_2')
            # net = layers_lib.conv2d(net, num_classes, [1, 1], activation_fn=None, normalizer_fn=None, scope='conv_1x1')
            logits = tf.image.resize_bilinear(net,
                                              tf.shape(x)[1:3],
                                              name='upsample_2')

    if extract_features is True:
        return [tf.image.resize_bilinear(low_level_features, [32, 32]), 256], \
               [tf.image.resize_bilinear(encoder_output, [32, 32]), 256], \
               [tf.image.resize_bilinear(net_f, [32, 32]), 256], logits
    else:
        return logits
Esempio n. 3
0
def unet(x, dropout, is_training, weight_decay, crop, num_input_bands,
         num_classes, crop_size, extract_features):
    x = tf.reshape(x, shape=[-1, crop, crop, num_input_bands])

    conv1_1 = _conv_layer(x, [3, 3, num_input_bands, 64],
                          "conv1_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    conv1_2 = _conv_layer(conv1_1, [3, 3, 64, 64],
                          "conv1_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    s_pool1 = crop_size
    pool1 = _max_pool(conv1_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool1', pad='SAME')

    conv2_1 = _conv_layer(pool1, [3, 3, 64, 128],
                          "conv2_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    conv2_2 = _conv_layer(conv2_1, [3, 3, 128, 128],
                          "conv2_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    s_pool2 = math.ceil(s_pool1 / float(2))
    # s_pool2 = math.ceil(float(s_pool1 - 2 + 1) / float(2))
    pool2 = _max_pool(conv2_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool2', pad='SAME')

    conv3_1 = _conv_layer(pool2, [3, 3, 128, 256],
                          "conv3_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    conv3_2 = _conv_layer(conv3_1, [3, 3, 256, 256],
                          "conv3_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME')
    s_pool3 = math.ceil(s_pool2 / float(2))
    # s_pool3 = math.ceil(float(s_pool2 - 2 + 1) / float(2))
    print(s_pool1, s_pool2, s_pool3)

    # pool3 = _max_pool(conv3_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool3', pad='SAME')
    #
    # conv4_1 = _conv_layer(pool2, [3, 3, 128, 256], "conv3_1", weight_decay, is_training,
    #                       strides=[1, 1, 1, 1], pad='SAME')
    # conv4_2 = _conv_layer(conv3_1, [3, 3, 256, 256], "conv3_2", weight_decay, is_training,
    #                       strides=[1, 1, 1, 1], pad='SAME')

    # ------------------------End of encoder-----------------------------

    new_shape = [
        tf.shape(conv3_2)[0],
        tf.shape(conv3_2)[1] * 2,
        tf.shape(conv3_2)[2] * 2,
        tf.shape(conv3_2)[3] // 2
    ]
    try:
        output_shape = tf.pack(new_shape)
    except:
        output_shape = tf.stack(new_shape)
    deconv2_1 = _deconv_layer(conv3_2, [2, 2, 128, 256],
                              output_shape,
                              'deconv2_1',
                              weight_decay, [1, 2, 2, 1],
                              pad='SAME',
                              has_bias=True)
    # deconv2_2 = _crop_and_concat(conv2_2, deconv2_1, (s_pool2, s_pool2), (s_pool3*2, s_pool3*2))
    deconv2_2 = tf.concat(values=[conv2_2, deconv2_1], axis=-1)
    deconv2_3 = _conv_layer(deconv2_2, [3, 3, 256, 128],
                            "deconv2_3",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')
    deconv2_4 = _conv_layer(deconv2_3, [3, 3, 128, 128],
                            "deconv2_4",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')

    new_shape = [
        tf.shape(deconv2_4)[0],
        tf.shape(deconv2_4)[1] * 2,
        tf.shape(deconv2_4)[2] * 2,
        tf.shape(deconv2_4)[3] // 2
    ]
    try:
        output_shape = tf.pack(new_shape)
    except:
        output_shape = tf.stack(new_shape)
    deconv1_1 = _deconv_layer(deconv2_4, [2, 2, 64, 128],
                              output_shape,
                              'deconv1_1',
                              weight_decay, [1, 2, 2, 1],
                              pad='SAME',
                              has_bias=True)
    # deconv1_2 = _crop_and_concat(conv1_2, deconv1_1, (s_pool2, s_pool2), (s_pool2, s_pool2))
    deconv1_2 = tf.concat(values=[conv1_2, deconv1_1], axis=-1)
    deconv1_3 = _conv_layer(deconv1_2, [3, 3, 128, 64],
                            "deconv1_2",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')
    deconv1_4 = _conv_layer(deconv1_3, [3, 3, 64, 64],
                            "deconv1_3",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')

    with tf.variable_scope('conv_classifier') as scope:
        kernel = _variable_with_weight_decay(
            'weights',
            shape=[1, 1, 64, num_classes],
            ini=tf.contrib.layers.xavier_initializer_conv2d(dtype=tf.float32),
            weight_decay=weight_decay)
        biases = _variable_on_cpu('biases', [num_classes],
                                  tf.constant_initializer(0.0))

        conv = tf.nn.conv2d(deconv1_4, kernel, [1, 1, 1, 1], padding='SAME')
        conv_classifier = tf.nn.bias_add(conv, biases, name=scope.name)

    # resize to 32x32 or 64x64
    # save only the first 64 maps
    if extract_features is True:
        return [tf.image.resize_bilinear(conv1_1, [32, 32]), 64], \
               [tf.image.resize_bilinear(conv3_2, [32, 32]), 256], \
               [tf.image.resize_bilinear(deconv1_4, [32, 32]), 64], conv_classifier
    else:
        return conv_classifier
Esempio n. 4
0
def unet_road_detection(x, dropout, is_training, weight_decay, crop,
                        num_input_bands, num_classes, crop_size,
                        extract_features):
    x = tf.reshape(x, shape=[-1, crop, crop, num_input_bands])

    conv1_1 = _conv_layer(x, [3, 3, num_input_bands, 64],
                          "conv1_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    conv1_2 = _conv_layer(conv1_1, [3, 3, 64, 64],
                          "conv1_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    s_pool1 = crop_size
    pool1 = _max_pool(conv1_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool1', pad='SAME')

    conv2_1 = _conv_layer(pool1, [3, 3, 64, 128],
                          "conv2_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    conv2_2 = _conv_layer(conv2_1, [3, 3, 128, 128],
                          "conv2_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    s_pool2 = math.ceil(s_pool1 / float(2))
    # s_pool2 = math.ceil(float(s_pool1 - 2 + 1) / float(2))
    pool2 = _max_pool(conv2_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool2', pad='SAME')

    conv3_1 = _conv_layer(pool2, [3, 3, 128, 256],
                          "conv3_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    conv3_2 = _conv_layer(conv3_1, [3, 3, 256, 256],
                          "conv3_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    s_pool3 = math.ceil(s_pool2 / float(2))
    # s_pool3 = math.ceil(float(s_pool2 - 2 + 1) / float(2))
    pool3 = _max_pool(conv3_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool3', pad='SAME')

    conv4_1 = _conv_layer(pool3, [3, 3, 256, 512],
                          "conv4_1",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    conv4_2 = _conv_layer(conv4_1, [3, 3, 512, 512],
                          "conv4_2",
                          weight_decay,
                          is_training,
                          strides=[1, 1, 1, 1],
                          pad='SAME',
                          activation='elu')
    # s_pool4 = math.ceil(s_pool3 / float(2))
    # pool4 = _max_pool(conv4_2, [1, 2, 2, 1], [1, 2, 2, 1], 'pool4', pad='SAME')
    #
    # conv5_1 = _conv_layer(pool4, [3, 3, 512, 1024], "conv5_1", weight_decay, is_training,
    #                       strides=[1, 1, 1, 1], pad='SAME', activation='elu')
    # conv5_2 = _conv_layer(conv5_1, [3, 3, 1024, 1024], "conv5_2", weight_decay, is_training,
    #                       strides=[1, 1, 1, 1], pad='SAME', activation='elu')

    # ---------------------------------End of encoder----------------------------------
    aspp = atrous_spatial_pyramid_pooling(conv4_2, [6, 12, 18], weight_decay,
                                          is_training)

    # deconv4_1 = _deconv_layer(aspp, [2, 2, 512, 1024], _get_shape(conv5_2), 'deconv4_1', weight_decay,
    #                           [1, 2, 2, 1], pad='SAME', has_bias=True)
    # # deconv4_2 = _crop_and_concat(conv2_2, deconv2_1, (s_pool2, s_pool2), (s_pool3*2, s_pool3*2))
    # deconv4_2 = tf.concat(values=[conv4_2, deconv4_1], axis=-1)
    # deconv4_3 = _conv_layer(deconv4_2, [3, 3, 1024, 512], "deconv4_3", weight_decay, is_training,
    #                         strides=[1, 1, 1, 1], pad='SAME')
    # deconv4_4 = _conv_layer(deconv4_3, [3, 3, 512, 512], "deconv4_4", weight_decay, is_training,
    #                         strides=[1, 1, 1, 1], pad='SAME')

    deconv3_1 = _deconv_layer(aspp, [2, 2, 256, 512],
                              _get_shape(conv4_2),
                              'deconv3_1',
                              weight_decay, [1, 2, 2, 1],
                              pad='SAME',
                              has_bias=True)
    # deconv3_2 = _crop_and_concat(conv2_2, deconv2_1, (s_pool2, s_pool2), (s_pool3*2, s_pool3*2))
    deconv3_2 = tf.concat(values=[conv3_2, deconv3_1], axis=-1)
    deconv3_3 = _conv_layer(deconv3_2, [3, 3, 512, 256],
                            "deconv3_3",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')
    deconv3_4 = _conv_layer(deconv3_3, [3, 3, 256, 256],
                            "deconv3_4",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')

    deconv2_1 = _deconv_layer(deconv3_4, [2, 2, 128, 256],
                              _get_shape(conv3_2),
                              'deconv2_1',
                              weight_decay, [1, 2, 2, 1],
                              pad='SAME',
                              has_bias=True)
    # deconv2_2 = _crop_and_concat(conv2_2, deconv2_1, (s_pool2, s_pool2), (s_pool3*2, s_pool3*2))
    deconv2_2 = tf.concat(values=[conv2_2, deconv2_1], axis=-1)
    deconv2_3 = _conv_layer(deconv2_2, [3, 3, 256, 128],
                            "deconv2_3",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')
    deconv2_4 = _conv_layer(deconv2_3, [3, 3, 128, 128],
                            "deconv2_4",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')

    deconv1_1 = _deconv_layer(deconv2_4, [2, 2, 64, 128],
                              _get_shape(deconv2_4),
                              'deconv1_1',
                              weight_decay, [1, 2, 2, 1],
                              pad='SAME',
                              has_bias=True)
    # deconv1_2 = _crop_and_concat(conv1_2, deconv1_1, (s_pool2, s_pool2), (s_pool2, s_pool2))
    deconv1_2 = tf.concat(values=[conv1_2, deconv1_1], axis=-1)
    deconv1_3 = _conv_layer(deconv1_2, [3, 3, 128, 64],
                            "deconv1_2",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')
    deconv1_4 = _conv_layer(deconv1_3, [3, 3, 64, 64],
                            "deconv1_3",
                            weight_decay,
                            is_training,
                            strides=[1, 1, 1, 1],
                            pad='SAME')

    with tf.variable_scope('conv_classifier') as scope:
        kernel = _variable_with_weight_decay(
            'weights',
            shape=[1, 1, 64, num_classes],
            ini=tf.contrib.layers.xavier_initializer_conv2d(dtype=tf.float32),
            weight_decay=weight_decay)
        biases = _variable_on_cpu('biases', [num_classes],
                                  tf.constant_initializer(0.0))

        conv = tf.nn.conv2d(deconv1_4, kernel, [1, 1, 1, 1], padding='SAME')
        conv_classifier = tf.nn.bias_add(conv, biases, name=scope.name)

    return conv_classifier
def pixelwise(x, dropout, is_training, weight_decay, crop, num_input_bands,
              num_classes, extract_features):
    x = tf.reshape(x, shape=[-1, crop, crop, num_input_bands])

    conv1 = _conv_layer(x, [5, 5, num_input_bands, 64],
                        "conv1",
                        weight_decay,
                        is_training,
                        batch_norm=True)
    pool1 = _max_pool(conv1,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool1')

    conv2 = _conv_layer(pool1, [4, 4, 64, 128],
                        "conv2",
                        weight_decay,
                        is_training,
                        batch_norm=True)
    pool2 = _max_pool(conv2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool2')

    conv3 = _conv_layer(pool2, [3, 3, 128, 256],
                        "conv3",
                        weight_decay,
                        is_training,
                        batch_norm=True)
    pool3 = _max_pool(conv3,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool3')

    reshape = tf.reshape(pool3, [-1, 4 * 4 * 256])
    drop_fc1 = tf.nn.dropout(reshape, dropout)
    fc1 = _fc_layer(drop_fc1, [4 * 4 * 256, 1024],
                    weight_decay,
                    'fc1',
                    batch_norm=True,
                    is_training=is_training,
                    activation='relu')

    drop_fc2 = tf.nn.dropout(fc1, dropout)
    fc2 = _fc_layer(drop_fc2, [1024, 1024],
                    weight_decay,
                    'fc2',
                    batch_norm=True,
                    is_training=is_training,
                    activation='relu')

    # Output, class prediction
    with tf.variable_scope('fc3_logits') as scope:
        weights = _variable_with_weight_decay(
            'weights', [1024, num_classes],
            ini=tf.contrib.layers.xavier_initializer(dtype=tf.float32),
            weight_decay=weight_decay)
        biases = _variable_on_cpu('biases', [num_classes],
                                  tf.constant_initializer(0.1))
        logits = tf.add(tf.matmul(fc2, weights), biases, name=scope.name)

    return logits
Esempio n. 6
0
def fcn_25_2_2x(x, dropout, is_training, crop_size, weight_decay,
                num_input_bands, num_classes, extract_features):
    # Reshape input picture
    x = tf.reshape(x, shape=[-1, crop_size, crop_size, num_input_bands])
    # print x.get_shape()

    conv1_1 = _conv_layer(x, [3, 3, num_input_bands, 64],
                          'conv1_1',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    conv1_2 = _conv_layer(conv1_1, [3, 3, 64, 64],
                          'conv1_2',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    pool1 = _max_pool(conv1_2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool_1')

    conv2_1 = _conv_layer(pool1, [3, 3, 64, 128],
                          'conv2_1',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    conv2_2 = _conv_layer(conv2_1, [3, 3, 128, 128],
                          'conv2_2',
                          weight_decay,
                          is_training,
                          batch_norm=True)
    pool2 = _max_pool(conv2_2,
                      kernel=[1, 2, 2, 1],
                      strides=[1, 2, 2, 1],
                      name='pool_2')

    # reshape = tf.reshape(pool3, [-1, 7*7*256])
    # fc1 = _fc_layer(pool2, layerShape=[3, 3, 128, 1024], name='fc1', weight_decay=weight_decay)
    fc1 = _conv_layer(pool2,
                      layer_shape=[3, 3, 128, 1024],
                      name='fc1',
                      weight_decay=weight_decay,
                      is_training=is_training,
                      strides=[1, 1, 1, 1],
                      pad='SAME',
                      activation='relu',
                      batch_norm=False,
                      has_activation=True)
    drop_fc1 = tf.nn.dropout(fc1, dropout)

    # fc2 = _fc_layer(drop_fc1, layerShape=[1, 1, 1024, 1024], name='fc2', weight_decay=weight_decay)
    fc2 = _conv_layer(drop_fc1,
                      layer_shape=[1, 1, 1024, 1024],
                      name='fc2',
                      weight_decay=weight_decay,
                      is_training=is_training,
                      strides=[1, 1, 1, 1],
                      pad='SAME',
                      activation='relu',
                      batch_norm=False,
                      has_activation=True)
    drop_fc2 = tf.nn.dropout(fc2, dropout)

    # score_fr = _score_layer(drop_fc2, 'score_fr', weight_decay)
    score_fr = _conv_layer(
        drop_fc2, [1, 1, drop_fc2.get_shape()[3].value, num_classes],
        'score_fr',
        weight_decay,
        is_training,
        strides=[1, 1, 1, 1],
        pad='SAME',
        batch_norm=False,
        has_activation=False)

    new_shape = [
        tf.shape(pool1)[0],
        tf.shape(pool1)[1],
        tf.shape(pool1)[2], num_classes
    ]
    try:
        output_shape = tf.pack(new_shape)
    except:
        output_shape = tf.stack(new_shape)
    # upscore2 = _upscore_layer(score_fr, layerShape=tf.shape(pool1), name='upscore2',
    # weight_decay=weight_decay, ksize=4, stride=2)
    upscore2 = _deconv_layer(
        score_fr,
        [4, 4, num_classes, score_fr.get_shape()[3].value],
        output_shape,
        'upscore2',
        weight_decay,
        strides=[1, 2, 2, 1],
        pad='SAME')

    # score_pool4 = _score_layer(pool1, "score_pool1", weight_decay)
    score_pool4 = _conv_layer(
        pool1, [1, 1, pool1.get_shape()[3].value, num_classes],
        'score_pool1',
        weight_decay,
        is_training,
        strides=[1, 1, 1, 1],
        pad='SAME',
        batch_norm=False,
        has_activation=False)
    fuse_pool4 = tf.add(upscore2, score_pool4)

    new_shape = [tf.shape(x)[0], tf.shape(x)[1], tf.shape(x)[2], num_classes]
    try:
        output_shape = tf.pack(new_shape)
    except:
        output_shape = tf.stack(new_shape)
    # upscore3 = _upscore_layer(fuse_pool4, layerShape=tf.shape(x), name='upscore3', weight_decay=weight_decay,
    #                           ksize=4, stride=2)
    upscore3 = _deconv_layer(
        fuse_pool4,
        [4, 4, num_classes, fuse_pool4.get_shape()[3].value],
        output_shape,
        'upscore3',
        weight_decay,
        strides=[1, 2, 2, 1],
        pad='SAME')

    return upscore3