Multi-task learning of facial landmarks and attributes with Tensorflow(二)

26 篇文章 5 订阅
4 篇文章 0 订阅

tensorflow数据读取机制

tensorflow中为了充分利用GPU,减少GPU等待数据的空闲时间,使用了两个线程分别执行数据读入和数据计算。

具体来说就是使用一个线程源源不断的将硬盘中的图片数据读入到一个内存队列中,另一个线程负责计算任务,所需数据直接从内存队列中获取。

tf在内存队列之前,还设立了一个文件名队列,文件名队列存放的是参与训练的文件名,要训练 N个epoch,则文件名队列中就含有N个批次的所有文件名。 示例图如下:

图片来至于 https://zhuanlan.zhihu.com/p/27238630)

在N个epoch的文件名最后是一个结束标志,当tf读到这个结束标志的时候,会抛出一个 OutofRange 的异常,外部捕获到这个异常之后就可以结束程序了。而创建tf的文件名队列就需要使用到 tf.train.slice_input_producer 函数。

tf.train.slice_input_producer

tf.train.slice_input_producer是一个tensor生成器,作用是按照设定,每次从一个tensor列表中按顺序或者随机抽取出一个tensor放入文件名队列。

tf.train.slice_input_producer(tensor_list, num_epochs=None, shuffle=True, seed=None,
                         capacity=32, shared_name=None, name=None)

 

  • 第一个参数 tensor_list:包含一系列tensor的列表,表中tensor的第一维度的值必须相等,即个数必须相等,有多少个图像,就应该有多少个对应的标签。
  • 第二个参数num_epochs: 可选参数,是一个整数值,代表迭代的次数,如果设置 num_epochs=None,生成器可以无限次遍历tensor列表,如果设置为 num_epochs=N,生成器只能遍历tensor列表N次。
  • 第三个参数shuffle: bool类型,设置是否打乱样本的顺序。一般情况下,如果shuffle=True,生成的样本顺序就被打乱了,在批处理的时候不需要再次打乱样本,使用 tf.train.batch函数就可以了;如果shuffle=False,就需要在批处理时候使用 tf.train.shuffle_batch函数打乱样本。
  • 第四个参数seed: 可选的整数,是生成随机数的种子,在第三个参数设置为shuffle=True的情况下才有用。
  • 第五个参数capacity:设置tensor列表的容量。
  • 第六个参数shared_name:可选参数,如果设置一个‘shared_name’,则在不同的上下文环境(Session)中可以通过这个名字共享生成的tensor。
  • 第七个参数name:可选,设置操作的名称。

 

tf.train.slice_input_producer定义了样本放入文件名队列的方式,包括迭代次数,是否乱序等,要真正将文件放入文件名队列,还需要调用tf.train.start_queue_runners 函数来启动执行文件名队列填充的线程,之后计算单元才可以把数据读出来,否则文件名队列为空的,计算单元就会处于一直等待状态,导致系统阻塞。

tf.train.slice_input_producer 和 tf.train.start_queue_runners 使用:

import tensorflow as tf
 
images = ['img1', 'img2', 'img3', 'img4', 'img5']
labels= [1,2,3,4,5]
 
epoch_num=8
 
f = tf.train.slice_input_producer([images, labels],num_epochs=None,shuffle=False)
 
with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    coord = tf.train.Coordinator()
    threads = tf.train.start_queue_runners(sess=sess, coord=coord)
    for i in range(epoch_num):
        k = sess.run(f)
        print '************************'
        print (i,k)
 
    coord.request_stop()
    coord.join(threads)

tf.train.slice_input_producer函数中如果设置shuffle=True,输出乱序,shuffle=False,不对tensor列表乱序,输出:

************************
(0, ['img1', 1])
************************
(1, ['img2', 2])
************************
(2, ['img3', 3])
************************
(3, ['img4', 4])
************************
(4, ['img5', 5])
************************
(5, ['img1', 1])
************************
(6, ['img2', 2])
************************
(7, ['img3', 3])

tf.train.batch


tf.train.batch是一个tensor队列生成器,作用是按照给定的tensor顺序,把batch_size个tensor推送到文件队列,作为训练一个batch的数据,等待tensor出队执行计算。

tf.train.batch(tensors, batch_size, num_threads=1, capacity=32,
          enqueue_many=False, shapes=None, dynamic_pad=False,
          allow_smaller_final_batch=False, shared_name=None, name=None)
  • 第一个参数tensors:tensor序列或tensor字典,可以是含有单个样本的序列;
  • 第二个参数batch_size: 生成的batch的大小;
  • 第三个参数num_threads:执行tensor入队操作的线程数量,可以设置使用多个线程同时并行执行,提高运行效率,但也不是数量越多越好;
  • 第四个参数capacity: 定义生成的tensor序列的最大容量;
  • 第五个参数enqueue_many: 定义第一个传入参数tensors是多个tensor组成的序列,还是单个tensor;
  • 第六个参数shapes: 可选参数,默认是推测出的传入的tensor的形状;
  • 第七个参数dynamic_pad: 定义是否允许输入的tensors具有不同的形状,设置为True,会把输入的具有不同形状的tensor归一化到相同的形状;
  • 第八个参数allow_smaller_final_batch: 设置为True,表示在tensor队列中剩下的tensor数量不够一个batch_size的情况下,允许最后一个batch的数量少于batch_size, 设置为False,则不管什么情况下,生成的batch都拥有batch_size个样本;
  • 第九个参数shared_name: 可选参数,设置生成的tensor序列在不同的Session中的共享名称;
  • 第十个参数name: 操作的名称;


如果tf.train.batch的第一个参数 tensors 传入的是tenor列表或者字典,返回的是tensor列表或字典,如果传入的是只含有一个元素的列表,返回的是单个的tensor,而不是一个列表。
以下举例: 一共有5个样本,设置迭代次数是2次,每个batch中含有3个样本,不打乱样本顺序:

# -*- coding:utf-8 -*-
import tensorflow as tf
import numpy as np
 
# 样本个数
sample_num=5
# 设置迭代次数
epoch_num = 2
# 设置一个批次中包含样本个数
batch_size = 3
# 计算每一轮epoch中含有的batch个数
batch_total = int(sample_num/batch_size)+1
 
# 生成4个数据和标签
def generate_data(sample_num=sample_num):
    labels = np.asarray(range(0, sample_num))
    images = np.random.random([sample_num, 224, 224, 3])
    print('image size {},label size :{}'.format(images.shape, labels.shape))
 
    return images,labels
 
def get_batch_data(batch_size=batch_size):
    images, label = generate_data()
    # 数据类型转换为tf.float32
    images = tf.cast(images, tf.float32)
    label = tf.cast(label, tf.int32)
 
    #从tensor列表中按顺序或随机抽取一个tensor
    input_queue = tf.train.slice_input_producer([images, label], shuffle=False)
 
    image_batch, label_batch = tf.train.batch(input_queue, batch_size=batch_size, num_threads=1, capacity=64)
    return image_batch, label_batch
 
image_batch, label_batch = get_batch_data(batch_size=batch_size)
 
with tf.Session() as sess:
    coord = tf.train.Coordinator()
    threads = tf.train.start_queue_runners(sess, coord)
    try:
        for i in range(epoch_num):  # 每一轮迭代
            print '************'
            for j in range(batch_total): #每一个batch
                print '--------'
                # 获取每一个batch中batch_size个样本和标签
                image_batch_v, label_batch_v = sess.run([image_batch, label_batch])
                # for k in
                print(image_batch_v.shape, label_batch_v)
    except tf.errors.OutOfRangeError:
        print("done")
    finally:
        coord.request_stop()
    coord.join(threads)

输出:
 

************
--------
((3, 224, 224, 3), array([0, 1, 2], dtype=int32))
--------
((3, 224, 224, 3), array([3, 4, 0], dtype=int32))
************
--------
((3, 224, 224, 3), array([1, 2, 3], dtype=int32))
--------
((3, 224, 224, 3), array([4, 0, 1], dtype=int32))


与tf.train.batch函数相对的还有一个tf.train.shuffle_batch函数,两个函数作用一样,都是生成一定数量的tensor,组成训练一个batch需要的数据集,区别是tf.train.shuffle_batch会打乱样本顺序。


InputPipeline.py

import tensorflow as tf
import numpy as np
import os
from tensorflow.python.framework import ops
from tensorflow.python.framework import dtypes

class InputPipeline():
    #creates an put pipleine from data stored in file
    def __init__(self, path, file):
        self.image_path = path #path to fiel
        self.file = file #info file
        self.num_data = 0 #Number of training data

        
        #Creates three arrays of file names for images, landmarks for images and attribute for images
        #read from a single file stored in self.path + / + self.file
    #生成数据列表
    def read_labeled_info(self):
        folder = self.image_path + "/"
        f = open(folder + self.file, "r")
        lines = f.readlines()
        fileNames = []
        landmarks = []
        attributes = []
        #对 train_txt/validation.txt/testing.txt里的信息进行逐行读取
        for line in lines:
            line = line.strip("\n ").split(" ")
            fileName = line[0].replace("\\", "/")
            if fileName == "":
                break
            fileNames.append(folder + fileName)
            coords = []
            #landmarks三维列表,装入每张图片的五个特征点[[[x1,y1],[x2,y2],[x3,y3],[x4,y4],[x5,y5]],...,[[x1,y1],[x2,y2],[x3,y3],[x4,y4],[x5,y5]]]
            for i in range(1,6):
                coords.append([float(line[i]),float(line[i+5])])
            #attributes二维列表装入每张图片的属性[[1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], ...,[0, 1, 1, 1]]
            attributes.append([int(line[i]) for i in range(11,15)])
            landmarks.append(coords)
        return fileNames, landmarks, attributes
    #将文件以队列的方式放入
    # Puts the lists returned from read_labeled_data intu a que 
    def get_input_que(self, shuffle):
        image_list, landmark_list, attribute_list = self.read_labeled_info()
        images_tensor = ops.convert_to_tensor(image_list, dtype=dtypes.string)
        landmark_tensor = ops.convert_to_tensor(landmark_list, dtype=dtypes.float32)
        attribute_tensor = ops.convert_to_tensor(attribute_list, dtype=dtypes.int32)
        input_que = tf.train.slice_input_producer([image_list, landmark_list, attribute_list], shuffle=shuffle, num_epochs=None)
        self.num_data = len(image_list)
        return input_que
    #从队列中读出数据
    #decodes the jpeg images with tensorflows tf.image.decode_jpeg
    def read_from_disk(self, shuffle):
        input_que = self.get_input_que(shuffle)
        file_contents = tf.read_file(input_que[0])
        images = tf.image.decode_jpeg(file_contents, channels=3)/255
        #This line is needed since tf.train.batch needs to know the size of the tensor
        # add
        images = tf.cast(images, tf.float32)
        images.set_shape((150,150, 3))
        landmarks = input_que[1]
        attributes = input_que[2]
        return [images, landmarks, attributes]

class DataReader():
    #Creates a data reader with a training validation and testing set defined in info
    #shuffle = True shuffles the entire data set when read from disk
    '''
    path:./MTFL/
    info:[train_txt, "validation.txt", "testing.txt"]
    '''
    def __init__(self, path, info, shuffle = True):
        self.pipe = []
        self.size = []
        self.data = []
        for i in range(len(info)):
            self.pipe.append(InputPipeline(path, info[i]))
            self.data.append(self.pipe[i].read_from_disk(shuffle))
            self.size.append(self.pipe[i].num_data)

    #Reads a shuffled batch from the specified dataset defined in info
    #set用于指定info中的哪个txt文件
    def read_batch(self, batch_size, set): 
        min_after_dequeue = 1000
        capacity = min_after_dequeue + 3 * batch_size
        image_batch, landmark_batch, attribute_batch= tf.train.shuffle_batch(
            self.data[set], batch_size=batch_size, capacity=capacity,
            min_after_dequeue=min_after_dequeue, num_threads=3)
        return image_batch, landmark_batch, attribute_batch

    #reads a unshuffled batch for the specified dataset defined in info
    def read_batch_unshuffled(self, batch_size, set):
        min_after_dequeue = 1000
        capacity = min_after_dequeue + 3 * batch_size
        image_batch, landmark_batch, attribute_batch= tf.train.batch(
            self.data[set], batch_size=batch_size, capacity=capacity)
        return image_batch, landmark_batch, attribute_batch
#path
dataFolder = os.path.abspath(os.path.join("./", os.pardir)+"/MTFL")

#打印文件数据列表,info="testing.txt"
a=InputPipeline(dataFolder,"testing.txt")
fileNames, landmarks, attributes=a.read_labeled_info()
print('fileNames',fileNames)
print('landmarks',landmarks)
print('attributes',attributes)

#队列中都是tensor
input_que=a.get_input_que(shuffle=False)
landmarks = input_que[1]
print('input_que',landmarks)
fileNames ['E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1003-image67558.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1004-image04865.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1005-image66241.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1006-image06831.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1007-image12585.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1008-image68206.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1009-image58721.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1010-image49826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1011-image30479.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1012-image20844.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1013-image49258.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1014-image35641.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1015-image18734.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1016-image68165.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1017-image23005.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1018-image20552.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1019-image39319.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1020-image70000.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1021-image20358.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1022-image23215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1023-image08427.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1024-image30914.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1025-image07057.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1026-image21731.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1027-image05162.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1028-image27074.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1029-image52846.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1030-image09794.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1031-image13686.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1032-image38752.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1033-image04743.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1034-image52143.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1035-image37263.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1036-image20210.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1037-image05035.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1038-image36343.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1039-image32439.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1040-image39245.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1041-image38012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1042-image13976.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1043-image66615.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1044-image03750.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1045-image12349.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1046-image60777.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1047-image45205.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1048-image38083.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1049-image32015.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1050-image23611.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1051-image00310.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1052-image01058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1053-image21134.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1054-image50257.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1055-image23575.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1056-image20836.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1057-image19058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1058-image23425.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1059-image67286.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1060-image07238.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1061-image65777.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1062-image18677.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1063-image21830.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1064-image25658.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1065-image32039.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1066-image28856.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1067-image20890.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1068-image64265.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1069-image03802.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1070-image55847.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1071-image26194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1072-image13061.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1073-image10016.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1074-image20790.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1075-image24567.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1076-image26814.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1077-image02333.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1078-image67210.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1079-image22029.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1080-image51962.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1081-image66148.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1082-image71001.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1083-image71055.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1084-image27752.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1085-image64072.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1086-image08177.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1087-image13446.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1088-image25236.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1089-image10018.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1090-image56513.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1091-image22963.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1092-image22155.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1093-image56712.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1094-image20426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1095-image44687.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1096-image66378.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1097-image20895.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1098-image29737.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1099-image67256.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1100-image34070.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1101-image21301.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1102-image60476.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1103-image23761.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1104-image03609.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1105-image22244.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1106-image13012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1107-image21178.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1108-image32681.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1109-image05469.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1110-image23133.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1111-image37195.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1112-image36954.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1113-image21010.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1114-image15340.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1115-image19842.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1116-image22028.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1117-image69525.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1118-image19703.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1119-image17072.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1120-image65052.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1121-image05062.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1122-image29917.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1123-image52365.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1124-image21123.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1125-image20259.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1126-image43708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1127-image20215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1128-image50744.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1129-image66714.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1130-image02039.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1131-image60957.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1132-image55547.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1133-image22753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1134-image64066.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1135-image15759.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1136-image22928.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1137-image06860.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1138-image53234.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1139-image21340.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1140-image19694.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1141-image22500.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1142-image03746.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1143-image32032.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1144-image16084.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1145-image17797.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1146-image60568.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1147-image02819.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1148-image05098.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1149-image13839.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1150-image47430.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1151-image21450.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1152-image11512.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1153-image51325.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1154-image23726.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1155-image09973.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1156-image12061.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1157-image29975.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1158-image02869.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1159-image28737.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1160-image19945.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1161-image22903.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1162-image34911.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1163-image60517.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1164-image14920.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1165-image01177.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1166-image23267.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1167-image06421.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1168-image52390.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1169-image21700.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1170-image23324.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1171-image53014.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1172-image56536.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1173-image02057.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1174-image24452.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1175-image70679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1176-image32968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1177-image47360.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1178-image39060.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1179-image66876.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1180-image19058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1181-image70664.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1182-image19232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1183-image67520.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1184-image68527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1185-image15010.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1186-image30623.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1187-image20439.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1188-image20338.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1189-image20199.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1190-image22253.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1191-image13890.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1192-image01132.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1193-image04408.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1194-image36926.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1195-image26372.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1196-image01150.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1197-image05877.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1198-image12155.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1199-image66963.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1200-image29270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1201-image37051.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1202-image67546.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1203-image20849.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1204-image65824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1205-image67239.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1206-image21854.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1207-image71339.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1208-image13079.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1209-image37295.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1210-image15429.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1211-image67469.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1212-image06967.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1213-image06800.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1214-image67028.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1215-image18636.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1216-image03703.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1217-image09347.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1218-image13930.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1219-image23151.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1220-image69995.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1221-image06525.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1222-image09914.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1223-image26664.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1224-image21966.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1225-image00449.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1226-image15265.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1227-image32769.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1228-image15864.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1229-image66144.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1230-image18801.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1231-image20259.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1232-image10271.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1233-image38306.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1234-image70218.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1235-image33430.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1236-image68233.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1237-image14767.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1238-image05131.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1239-image00538.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1240-image22442.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1241-image11114.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1242-image00494.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1243-image70794.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1244-image19346.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1245-image66454.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1246-image21158.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1247-image22559.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1248-image13755.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1249-image13339.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1250-image21935.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1251-image64107.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1252-image23995.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1253-image20495.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1254-image10314.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1255-image11753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1256-image05931.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1257-image67154.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1258-image15092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1259-image20683.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1260-image00842.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1261-image67275.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1262-image60829.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1263-image24183.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1264-image39400.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1265-image22594.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1266-image03461.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1267-image38982.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1268-image03364.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1269-image39154.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1270-image60760.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1271-image44891.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1272-image23586.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1273-image00655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1274-image51214.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1275-image08427.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1276-image69697.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1277-image29202.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1278-image24190.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1279-image53879.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1280-image02864.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1281-image56443.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1282-image06546.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1283-image05137.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1284-image31939.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1285-image05335.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1286-image64388.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1287-image12745.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1288-image02824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1289-image09958.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1290-image66541.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1291-image69835.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1292-image21107.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1293-image26153.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1294-image20857.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1295-image00824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1296-image20471.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1297-image05910.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1298-image22455.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1299-image70670.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1300-image34367.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1301-image06085.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1303-image67290.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1304-image47169.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1305-image47343.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1306-image19552.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1307-image60816.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1308-image27362.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1309-image68233.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1310-image20358.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1311-image20885.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1312-image20344.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1313-image51117.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1314-image13716.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1315-image07248.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1316-image03586.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1317-image21770.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1318-image20490.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1319-image19161.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1320-image22925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1321-image66823.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1322-image30881.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1323-image13519.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1324-image21073.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1325-image09135.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1326-image00929.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1327-image19805.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1328-image34028.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1329-image18753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1330-image05255.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1331-image66426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1332-image26717.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1333-image19953.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1334-image66428.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1335-image66597.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1336-image60596.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1337-image03150.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1338-image66862.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1339-image00543.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1340-image19829.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1341-image18194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1342-image66495.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1343-image19373.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1344-image64455.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1345-image68757.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1346-image48626.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1347-image22627.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1348-image52092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1349-image08287.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1350-image50298.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1351-image29995.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1352-image01002.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1353-image21236.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1354-image04957.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1355-image19730.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1356-image01040.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1357-image29308.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1358-image02080.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1359-image27470.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1360-image09268.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1361-image60744.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1362-image09655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1363-image20741.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1364-image11153.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1365-image20557.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1366-image03767.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1367-image17706.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1368-image20774.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1369-image13873.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1370-image19169.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1371-image00140.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1372-image12921.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1373-image21291.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1374-image18865.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1375-image38925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1376-image01290.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1377-image14072.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1378-image66435.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1379-image62473.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1380-image07109.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1381-image47628.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1382-image03773.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1383-image18386.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1384-image21380.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1385-image56042.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1386-image43936.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1387-image19016.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1388-image60601.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1389-image20686.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1390-image19930.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1391-image53942.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1392-image22244.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1393-image07064.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1394-image34834.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1395-image22688.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1396-image12001.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1397-image56210.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1398-image18884.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1399-image68062.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1400-image13130.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1401-image20782.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1402-image40425.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1404-image20257.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1405-image67217.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1406-image53835.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1407-image20704.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1408-image13282.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1409-image61641.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1410-image26563.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1411-image66826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1412-image20353.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1413-image05614.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1414-image13959.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1415-image16149.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1416-image21690.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1417-image60820.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1418-image67167.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1419-image37761.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1420-image23317.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1421-image65704.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1422-image42883.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1423-image66283.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1424-image10215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1425-image66912.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1426-image18572.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1427-image19618.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1428-image47172.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1429-image21185.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1430-image59231.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1431-image06549.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1432-image26986.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1433-image00454.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1434-image21274.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1435-image18964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1436-image12798.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1437-image21566.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1438-image28332.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1439-image08009.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1440-image23605.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1441-image03451.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1442-image00084.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1443-image22840.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1444-image60812.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1445-image22630.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1446-image53789.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1447-image00289.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1448-image23356.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1449-image65940.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1450-image10143.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1451-image29675.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1452-image38187.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1453-image28163.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1454-image67635.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1455-image21757.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1456-image48563.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1457-image67070.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1458-image19962.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1459-image37312.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1460-image21983.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1461-image67213.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1462-image06103.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1463-image00228.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1464-image66230.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1465-image00186.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1466-image60634.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1467-image00224.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1468-image07125.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1469-image23318.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1470-image36526.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1471-image21560.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1472-image65473.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1473-image06883.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1474-image10304.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1475-image43473.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1476-image00587.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1477-image13800.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1478-image58644.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1479-image22825.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1480-image66176.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1481-image25254.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1482-image36483.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1483-image14186.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1484-image19221.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1485-image04792.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1486-image14983.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1487-image54360.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1488-image18214.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1489-image19891.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1490-image11053.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1491-image00693.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1492-image41062.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1493-image08448.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1494-image18392.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1495-image22919.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1496-image09605.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1497-image65709.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1498-image10654.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1499-image08042.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1500-image68092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1501-image03776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1502-image64089.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1503-image09479.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1504-image43234.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1505-image71005.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1506-image62270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1507-image03883.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1508-image60555.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1509-image22716.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1510-image71262.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1511-image34262.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1512-image24649.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1513-image06270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1514-image10183.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1515-image66705.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1516-image20661.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1517-image67128.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1518-image63301.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1519-image13222.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1520-image11489.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1521-image00328.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1522-image22595.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1523-image41648.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1524-image39110.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1525-image67990.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1526-image60955.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1527-image28232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1528-image19446.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1529-image61034.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1530-image65829.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1531-image10459.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1532-image03402.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1533-image53931.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1534-image19426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1535-image57344.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1536-image22469.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1537-image04965.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1538-image20099.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1539-image66115.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1540-image55129.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1541-image09704.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1542-image19679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1543-image00521.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1544-image35807.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1545-image28480.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1546-image32702.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1547-image23043.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1548-image65558.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1549-image08275.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1550-image16418.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1551-image01407.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1552-image05421.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1553-image40012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1554-image19894.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1555-image19496.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1556-image50753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1557-image66141.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1558-image20998.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1559-image22223.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1560-image02347.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1561-image20087.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1562-image22411.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1563-image11253.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1564-image06801.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1565-image50728.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1566-image49584.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1567-image67047.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1568-image50507.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1569-image60942.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1570-image17831.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1571-image22742.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1572-image51492.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1573-image22625.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1574-image00408.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1575-image13343.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1576-image67195.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1577-image10078.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1578-image21104.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1579-image67215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1580-image67245.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1581-image00688.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1582-image13591.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1583-image23769.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1584-image04714.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1585-image03833.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1586-image21253.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1587-image22393.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1588-image00014.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1589-image66177.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1590-image03480.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1591-image02990.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1592-image30921.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1593-image19519.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1594-image01202.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1595-image35470.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1596-image21381.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1597-image23157.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1598-image20551.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1599-image30792.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1600-image64273.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1601-image13996.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1602-image58924.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1603-image02595.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1604-image01045.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1605-image25902.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1606-image64114.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1607-image64210.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1608-image04927.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1609-image22133.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1610-image40218.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1611-image05107.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1612-image15140.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1613-image08391.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1614-image23082.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1615-image69951.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1616-image16057.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1617-image00905.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1618-image08293.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1619-image30304.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1620-image00503.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1621-image18251.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1622-image23652.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1623-image06131.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1624-image46999.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1625-image22868.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1626-image20181.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1627-image60735.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1628-image20753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1629-image12743.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1630-image24940.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1631-image19326.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1632-image21883.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1633-image04510.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1634-image00939.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1635-image20146.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1636-image65170.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1637-image02271.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1638-image61773.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1639-image60513.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1640-image13309.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1641-image37012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1642-image12007.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1643-image06440.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1644-image66807.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1645-image06152.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1646-image10436.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1647-image08000.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1648-image66602.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1649-image19066.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1650-image64124.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1651-image13396.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1652-image19732.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1653-image23101.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1654-image13800.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1655-image01417.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1656-image11968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1657-image26830.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1658-image20192.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1659-image22922.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1660-image00691.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1661-image05960.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1662-image13095.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1663-image19052.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1664-image22428.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1665-image40316.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1666-image53583.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1667-image64057.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1668-image26338.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1669-image36103.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1670-image40633.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1671-image00973.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1672-image64099.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1673-image53866.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1674-image00689.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1675-image36508.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1676-image66855.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1677-image21305.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1678-image20019.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1679-image27007.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1680-image70581.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1681-image65619.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1682-image09783.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1683-image23402.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1684-image49806.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1685-image10472.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1686-image51209.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1687-image20637.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1688-image06076.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1689-image25843.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1690-image01421.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1691-image03655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1692-image00650.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1693-image49708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1694-image47777.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1695-image65730.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1696-image50071.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1697-image19274.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1698-image06840.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1699-image13617.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1700-image20845.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1701-image18304.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1702-image51116.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1703-image20924.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1704-image10017.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1705-image53283.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1706-image52445.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1707-image54651.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1708-image54299.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1709-image21181.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1710-image66682.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1711-image51125.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1712-image31168.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1713-image00259.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1714-image54280.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1715-image65794.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1716-image21631.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1717-image11675.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1718-image02058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1719-image20739.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1720-image54932.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1721-image01811.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1722-image55501.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1723-image45065.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1724-image35212.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1725-image54891.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1726-image02831.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1727-image19267.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1728-image10669.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1729-image11835.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1730-image09713.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1731-image31157.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1732-image13958.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1733-image31533.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1734-image13782.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1735-image49826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1736-image67247.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1737-image03442.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1738-image03195.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1739-image66404.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1740-image67206.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1741-image60953.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1742-image33842.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1743-image23543.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1744-image00950.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1745-image02850.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1746-image35738.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1747-image26852.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1748-image21937.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1749-image20320.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1750-image20881.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1751-image67175.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1752-image10209.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1753-image20108.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1754-image21470.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1755-image21319.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1756-image43428.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1757-image65817.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1758-image23185.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1759-image36247.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1760-image71328.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1761-image13237.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1762-image13651.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1763-image33442.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1764-image48214.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1765-image16626.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1766-image01251.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1767-image66668.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1768-image05290.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1769-image24624.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1770-image23505.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1771-image14095.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1772-image49728.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1773-image25381.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1774-image66670.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1775-image13390.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1776-image65634.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1777-image34729.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1778-image17218.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1779-image31834.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1780-image60876.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1781-image22749.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1782-image28426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1783-image26306.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1784-image46876.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1785-image27188.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1786-image15722.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1787-image21327.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1788-image53035.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1789-image13858.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1790-image67173.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1791-image19260.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1792-image12443.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1793-image23616.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1794-image22376.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1795-image39875.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1796-image62495.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1797-image50198.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1798-image10824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1799-image45257.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1800-image02375.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1801-image20861.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1802-image09412.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1803-image40167.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1804-image09877.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1805-image21027.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1806-image07426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1807-image13538.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1808-image21470.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1809-image53156.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1810-image13832.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1811-image67161.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1812-image11647.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1813-image03774.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1814-image09115.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1815-image66979.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1816-image20747.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1817-image71175.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1818-image00584.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1819-image54719.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1820-image21531.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1821-image70141.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1822-image34269.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1823-image20642.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1824-image65623.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1825-image45666.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1826-image23049.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1827-image65633.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1828-image33106.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1829-image49579.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1830-image43524.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1831-image18856.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1832-image13581.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1833-image22873.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1834-image00448.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1835-image49278.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1836-image65739.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1837-image14132.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1838-image13125.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1839-image21404.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1840-image02530.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1841-image17748.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1842-image20116.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1843-image67212.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1844-image48500.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1845-image65352.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1846-image16709.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1847-image29048.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1848-image20763.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1849-image01333.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1850-image60864.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1851-image05281.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1852-image14718.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1853-image32908.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1854-image00598.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1855-image66850.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1856-image19416.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1857-image66908.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1858-image33580.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1859-image60943.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1860-image20320.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1861-image19464.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1862-image36943.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1863-image67204.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1864-image20056.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1865-image30077.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1866-image00013.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1867-image19938.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1868-image03247.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1869-image64896.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1870-image64427.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1871-image22168.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1872-image70684.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1873-image18778.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1874-image67339.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1875-image38777.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1876-image44989.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1877-image12978.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1878-image18678.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1879-image33697.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1880-image20885.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1881-image30644.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1882-image00066.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1883-image10199.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1884-image24370.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1885-image09415.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1886-image67077.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1887-image31036.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1888-image60592.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1889-image22623.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1890-image19874.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1891-image64095.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1892-image65944.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1893-image18729.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1894-image20903.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1895-image30896.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1896-image51153.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1897-image01989.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1898-image15186.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1899-image28319.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1900-image66666.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1901-image14395.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1902-image64192.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1903-image33604.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1904-image51603.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1905-image52772.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1906-image47813.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1907-image30013.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1908-image01366.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1909-image13994.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1910-image19792.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1911-image18765.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1912-image22911.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1913-image67190.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1914-image00436.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1915-image68826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1916-image48138.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1917-image31991.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1918-image18240.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1919-image26771.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1920-image21893.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1921-image22902.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1922-image22964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1923-image01296.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1924-image28393.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1925-image12811.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1926-image21270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1927-image09627.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1928-image21485.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1929-image09044.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1930-image14508.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1931-image13824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1932-image12844.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1933-image04298.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1934-image67258.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1935-image03964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1936-image45968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1937-image22278.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1938-image18422.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1939-image57215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1940-image39927.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1941-image33369.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1942-image18534.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1943-image03421.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1944-image19546.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1945-image18986.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1946-image13128.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1947-image04040.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1948-image00515.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1949-image21407.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1950-image06563.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1951-image20776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1952-image60838.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1953-image24382.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1954-image64153.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1955-image18882.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1956-image66063.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1957-image17752.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1958-image66663.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1959-image13528.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1960-image02197.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1961-image19793.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1962-image34843.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1963-image42080.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1964-image16992.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1965-image22668.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1966-image67334.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1967-image06565.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1968-image35234.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1969-image66859.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1970-image08288.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1971-image23502.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1972-image19270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1973-image23380.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1974-image60674.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1975-image64033.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1976-image20387.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1977-image06429.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1978-image39926.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1979-image18514.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1980-image65783.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1981-image68154.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1982-image60589.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1983-image06215.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1984-image67223.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1985-image66617.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1986-image39102.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1987-image10090.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1988-image07518.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1989-image68893.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1990-image66324.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1991-image03722.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1992-image00771.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1993-image20583.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1994-image63617.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1995-image00971.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1996-image02720.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1997-image69565.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1998-image09221.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/1999-image14184.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2000-image01902.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2001-image60755.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2002-image68069.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2003-image19657.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2004-image30708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2005-image20828.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2006-image21043.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2007-image38087.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2008-image32843.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2009-image00213.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2010-image66242.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2011-image47334.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2012-image49522.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2013-image13187.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2014-image22209.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2015-image65627.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2016-image21708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2017-image50908.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2018-image23299.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2019-image32377.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2020-image19141.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2021-image05860.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2022-image22634.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2023-image60713.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2024-image22661.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2025-image46457.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2026-image21088.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2027-image18711.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2028-image00832.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2029-image02992.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2030-image43495.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2031-image07493.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2032-image42204.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2033-image21293.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2034-image21775.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2035-image21985.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2036-image49555.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2037-image02455.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2038-image21131.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2039-image65737.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2040-image55115.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2041-image32433.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2042-image55773.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2043-image19351.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2044-image31656.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2045-image12961.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2046-image20232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2047-image09764.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2048-image23060.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2049-image08923.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2050-image19768.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2051-image12980.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2052-image53225.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2053-image63855.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2054-image14341.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2055-image42649.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2056-image01975.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2057-image02856.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2058-image00047.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2059-image09596.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2060-image19591.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2061-image20719.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2062-image13653.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2063-image66908.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2064-image22095.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2065-image57206.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2066-image68236.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2067-image13198.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2068-image20378.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2069-image20277.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2070-image67200.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2071-image03732.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2072-image03707.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2073-image54180.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2074-image15092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2075-image17693.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2076-image22584.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2077-image22142.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2078-image07613.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2079-image56679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2080-image23162.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2081-image50068.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2082-image32225.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2083-image07089.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2084-image33742.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2085-image66001.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2086-image10835.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2087-image49405.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2088-image03129.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2089-image03558.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2090-image07020.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2091-image50750.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2092-image21864.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2093-image12763.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2094-image20890.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2095-image13624.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2096-image09677.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2097-image30654.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2098-image10498.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2099-image67259.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2100-image28647.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2101-image69420.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2102-image16507.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2103-image13827.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2104-image22964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2105-image13202.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2106-image64033.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2107-image03349.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2108-image13411.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2109-image60826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2110-image00092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2111-image19534.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2112-image33012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2113-image21176.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2114-image29576.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2115-image70661.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2116-image00719.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2117-image08621.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2118-image13190.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2119-image60563.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2120-image33478.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2121-image05657.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2122-image14188.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2123-image12321.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2124-image01901.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2125-image61046.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2126-image23115.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2127-image22125.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2128-image11931.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2129-image08930.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2130-image21335.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2131-image00642.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2132-image39831.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2133-image01097.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2134-image51271.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2135-image71118.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2136-image68129.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2137-image21050.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2138-image53489.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2139-image22868.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2140-image19635.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2141-image02886.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2142-image70863.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2143-image67212.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2144-image19219.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2145-image22927.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2146-image67204.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2147-image22671.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2148-image04422.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2149-image22771.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2150-image67198.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2151-image64120.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2152-image17039.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2153-image22599.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2154-image20296.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2155-image49750.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2156-image25571.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2157-image52891.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2158-image12945.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2159-image39124.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2160-image04992.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2161-image32172.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2162-image00202.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2163-image32880.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2164-image09787.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2165-image34015.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2166-image39078.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2167-image13655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2168-image21592.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2169-image12963.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2170-image21544.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2171-image21932.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2172-image35038.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2173-image00368.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2174-image50456.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2175-image51947.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2176-image64264.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2177-image00614.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2178-image37299.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2179-image00447.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2180-image21114.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2181-image12528.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2182-image05896.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2183-image66078.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2184-image07060.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2185-image19687.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2186-image13996.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2187-image13463.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2188-image66601.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2189-image48890.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2190-image41729.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2191-image21157.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2192-image48928.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2193-image21336.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2194-image14150.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2195-image42940.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2196-image02194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2197-image67036.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2198-image10085.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2199-image66477.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2200-image33304.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2201-image60640.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2202-image40241.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2203-image23595.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2204-image21424.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2205-image13783.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2206-image19008.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2207-image47460.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2208-image68146.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2209-image22261.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2210-image50039.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2211-image27826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2212-image09522.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2213-image33777.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2214-image66669.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2215-image19404.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2216-image09053.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2217-image51232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2218-image20305.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2219-image04506.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2220-image14898.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2221-image47032.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2222-image42802.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2223-image66016.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2224-image60527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2225-image56491.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2226-image40776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2227-image00710.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2228-image07499.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2229-image21668.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2230-image19968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2231-image15972.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2232-image00431.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2233-image09586.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2234-image25992.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2235-image02012.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2236-image33248.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2237-image00008.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2238-image23792.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2239-image21601.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2240-image03538.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2241-image60889.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2242-image20074.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2243-image58674.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2244-image04401.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2245-image28403.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2246-image07405.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2247-image08699.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2248-image41965.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2249-image58807.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2250-image15417.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2251-image23415.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2252-image23912.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2253-image22563.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2254-image04622.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2255-image49776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2256-image19605.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2257-image03798.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2258-image30272.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2259-image12897.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2260-image49080.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2262-image60776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2263-image10647.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2264-image46311.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2265-image63710.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2266-image18882.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2267-image54968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2268-image19223.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2269-image02138.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2270-image03444.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2271-image23527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2272-image06075.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2273-image28718.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2274-image04881.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2275-image20828.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2276-image36064.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2277-image68153.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2278-image20956.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2279-image07636.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2280-image02605.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2281-image66607.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2282-image20628.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2283-image13184.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2284-image05402.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2285-image65833.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2286-image21036.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2287-image36369.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2288-image67245.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2289-image09972.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2290-image01147.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2291-image49828.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2292-image00090.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2293-image20844.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2294-image02024.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2295-image54274.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2296-image60904.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2297-image49753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2298-image06109.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2299-image14007.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2300-image69619.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2301-image66058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2302-image22244.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2303-image00642.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2304-image18498.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2305-image67178.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2306-image22301.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2307-image56076.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2308-image32522.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2309-image47086.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2310-image19192.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2311-image05063.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2312-image14925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2313-image07415.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2314-image47787.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2315-image22460.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2316-image14172.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2317-image22442.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2318-image14191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2319-image36386.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2320-image18017.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2321-image17895.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2322-image18786.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2323-image23066.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2324-image20837.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2325-image19344.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2326-image14158.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2327-image19736.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2328-image65622.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2329-image67191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2330-image22255.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2331-image13757.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2332-image20405.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2333-image64326.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2334-image67425.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2335-image04821.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2336-image14719.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2337-image20790.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2338-image67191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2339-image65990.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2340-image66985.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2341-image68191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2342-image53646.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2343-image23407.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2344-image19939.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2345-image05135.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2346-image13070.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2347-image02826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2348-image20032.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2349-image33293.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2350-image12408.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2351-image28162.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2352-image51925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2353-image12266.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2354-image05678.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2355-image22689.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2356-image69362.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2357-image60943.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2358-image09134.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2359-image19715.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2360-image23521.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2361-image19776.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2362-image19252.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2363-image19062.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2364-image52742.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2365-image34763.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2366-image36845.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2367-image07679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2368-image67366.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2369-image23070.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2370-image20426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2371-image03386.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2372-image48150.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2373-image67431.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2374-image54585.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2375-image34766.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2376-image27637.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2377-image18068.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2378-image20962.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2379-image18476.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2380-image00960.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2381-image00714.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2382-image16006.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2383-image08411.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2384-image01010.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2385-image66488.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2386-image20613.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2387-image62900.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2388-image52201.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2389-image10981.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2390-image22830.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2391-image34697.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2392-image00063.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2393-image07106.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2394-image06825.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2395-image21679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2396-image41191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2397-image20754.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2398-image01200.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2399-image00940.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2400-image16560.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2401-image08904.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2402-image15650.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2403-image68592.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2404-image25639.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2405-image04250.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2406-image16320.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2407-image12892.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2408-image09980.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2409-image08986.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2410-image11813.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2411-image66569.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2412-image22347.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2413-image01655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2414-image51178.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2415-image12905.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2416-image03354.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2417-image18593.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2418-image18935.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2419-image00082.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2420-image13850.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2421-image21859.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2422-image26274.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2423-image19174.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2424-image48767.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2425-image23026.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2426-image27220.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2427-image67365.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2428-image20928.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2429-image05796.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2430-image51964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2431-image17045.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2432-image22963.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2433-image63358.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2434-image22731.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2435-image44626.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2436-image44300.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2437-image21894.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2438-image08435.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2439-image67168.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2440-image14359.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2441-image21079.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2442-image60981.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2443-image56404.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2444-image03250.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2445-image22892.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2446-image22703.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2447-image28175.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2448-image64194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2449-image10220.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2450-image16699.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2451-image23100.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2452-image66461.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2453-image17911.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2454-image27437.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2455-image48724.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2456-image01155.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2457-image18817.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2459-image20682.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2460-image14919.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2461-image23476.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2462-image12577.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2463-image71360.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2464-image64015.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2465-image36340.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2466-image14252.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2467-image28395.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2468-image09526.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2469-image21057.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2470-image02866.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2471-image08060.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2472-image02196.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2473-image19542.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2474-image09541.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2475-image06556.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2476-image39731.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2477-image19708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2478-image07189.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2479-image44684.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2480-image20107.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2481-image62811.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2482-image07107.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2483-image21127.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2484-image67264.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2485-image23508.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2486-image23331.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2487-image22623.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2488-image41261.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2489-image21230.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2490-image50719.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2491-image08456.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2492-image05312.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2493-image09445.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2494-image65789.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2495-image22353.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2496-image21488.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2497-image22623.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2498-image19232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2499-image13671.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2500-image00631.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2501-image66123.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2502-image20379.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2503-image64106.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2504-image64054.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2505-image26862.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2506-image05932.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2507-image00846.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2508-image13359.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2509-image68498.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2510-image20055.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2511-image44013.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2512-image20790.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2513-image56080.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2514-image29471.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2515-image19120.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2516-image03552.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2517-image67044.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2518-image20840.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2519-image35884.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2520-image51331.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2521-image67088.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2522-image52897.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2523-image62446.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2524-image00114.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2525-image01896.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2526-image56055.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2527-image09185.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2528-image52820.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2529-image21104.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2530-image21461.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2531-image35022.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2532-image12845.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2533-image12746.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2534-image67292.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2535-image22218.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2536-image20082.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2537-image69882.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2538-image40208.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2539-image60662.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2540-image17703.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2541-image64167.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2542-image02267.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2543-image20717.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2544-image13411.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2545-image09824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2546-image66626.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2547-image50493.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2548-image14971.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2549-image13405.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2550-image65743.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2551-image13118.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2552-image20631.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2553-image35912.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2554-image19808.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2555-image21444.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2556-image19922.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2557-image38639.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2558-image22024.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2559-image60654.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2560-image02014.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2561-image11748.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2562-image61693.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2563-image23527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2564-image09827.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2565-image67599.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2566-image00288.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2567-image01396.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2568-image34058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2569-image18292.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2570-image13349.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2571-image28270.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2572-image67162.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2573-image06312.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2574-image41305.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2575-image67377.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2576-image00501.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2577-image57138.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2578-image18416.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2579-image65761.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2580-image03647.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2581-image28727.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2582-image15385.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2583-image13590.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2584-image34993.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2585-image19403.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2586-image53042.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2587-image03805.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2588-image00056.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2589-image66593.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2590-image13346.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2591-image03980.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2592-image49119.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2593-image03748.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2594-image20875.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2595-image20619.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2596-image49635.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2597-image51914.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2598-image14599.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2599-image66067.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2600-image60873.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2601-image21783.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2602-image68135.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2603-image50094.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2604-image66216.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2605-image32655.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2606-image66712.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2607-image04742.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2608-image54725.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2609-image27300.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2610-image21013.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2611-image51194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2612-image65775.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2613-image56412.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2614-image30263.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2615-image20804.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2616-image05663.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2617-image22930.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2618-image31569.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2619-image22465.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2620-image67194.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2621-image07900.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2622-image13641.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2623-image63819.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2624-image18613.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2625-image18133.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2626-image55741.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2627-image17929.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2628-image03816.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2629-image22507.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2630-image18628.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2631-image68527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2632-image00059.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2633-image19161.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2634-image19663.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2635-image00048.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2636-image19957.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2637-image65960.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2638-image66510.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2639-image10896.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2640-image02147.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2641-image69687.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2642-image21198.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2643-image41533.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2644-image23475.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2645-image61608.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2646-image11140.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2647-image09980.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2648-image49904.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2649-image71264.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2650-image70037.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2651-image62564.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2652-image22833.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2653-image22602.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2654-image66846.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2655-image18869.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2656-image00087.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2657-image20233.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2658-image64034.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2659-image68044.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2660-image37166.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2661-image22195.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2662-image00399.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2663-image22112.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2664-image18680.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2665-image12545.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2666-image66375.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2667-image56148.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2668-image67382.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2669-image11666.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2670-image06598.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2671-image68629.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2672-image01973.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2673-image18712.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2674-image02490.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2675-image65668.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2676-image65763.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2677-image05388.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2678-image20887.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2679-image05523.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2680-image03813.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2681-image38731.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2682-image50187.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2683-image02867.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2684-image28336.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2685-image02820.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2686-image21927.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2687-image09546.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2688-image21316.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2689-image05577.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2690-image65982.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2691-image14229.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2692-image60591.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2693-image18148.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2694-image04415.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2695-image16479.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2696-image60750.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2697-image66608.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2698-image67058.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2699-image64858.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2700-image00518.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2701-image30532.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2702-image34634.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2703-image06985.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2704-image68963.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2705-image07501.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2706-image07083.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2707-image39653.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2708-image07680.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2709-image04854.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2710-image20320.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2711-image22286.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2712-image23651.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2713-image01404.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2714-image02953.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2715-image05034.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2716-image15051.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2717-image00246.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2718-image12390.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2719-image21732.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2720-image20444.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2721-image09696.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2722-image67289.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2723-image70061.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2724-image59187.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2725-image50267.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2726-image40459.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2727-image60672.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2728-image11847.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2729-image21925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2730-image08408.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2731-image20705.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2732-image20602.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2733-image66424.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2734-image42822.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2735-image20929.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2736-image42353.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2737-image40927.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2738-image49308.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2739-image43868.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2740-image33592.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2741-image60598.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2742-image67675.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2743-image20027.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2744-image20381.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2745-image67045.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2746-image50245.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2747-image13951.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2748-image67195.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2749-image39569.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2750-image22515.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2751-image67191.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2752-image64092.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2753-image19604.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2754-image20320.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2755-image25775.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2756-image21864.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2757-image54426.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2758-image49974.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2759-image25173.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2760-image41190.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2761-image55414.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2762-image66398.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2763-image65905.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2764-image14753.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2765-image46679.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2766-image40517.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2767-image19442.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2768-image28212.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2769-image17229.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2770-image20527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2771-image23527.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2772-image34709.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2773-image19417.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2774-image12157.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2775-image70825.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2776-image29347.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2777-image69043.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2778-image12847.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2779-image23457.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2780-image11569.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2781-image15727.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2782-image56697.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2783-image67239.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2784-image66763.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2785-image68088.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2786-image39640.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2787-image43277.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2788-image36784.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2789-image20285.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2790-image01292.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2791-image02689.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2792-image10414.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2793-image21673.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2794-image42991.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2795-image03462.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2796-image13981.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2797-image21899.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2798-image64946.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2799-image67261.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2800-image68670.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2801-image67405.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2802-image13520.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2803-image20105.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2804-image19143.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2805-image38702.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2806-image20283.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2807-image69013.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2808-image20803.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2809-image04379.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2810-image67336.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2811-image42249.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2812-image17205.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2813-image66307.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2814-image22139.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2815-image68155.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2816-image22701.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2817-image00785.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2818-image49036.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2819-image21813.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2820-image27782.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2821-image58133.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2822-image13266.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2823-image01427.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2824-image15109.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2825-image33006.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2826-image67182.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2827-image23640.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2828-image52006.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2829-image65733.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2830-image50366.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2831-image66263.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2832-image11049.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2833-image16354.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2834-image49648.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2835-image67032.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2836-image46996.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2837-image22829.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2838-image11967.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2839-image20676.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2840-image44677.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2841-image04469.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2842-image48569.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2843-image00362.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2844-image67252.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2845-image66280.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2846-image13260.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2847-image31742.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2848-image00282.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2849-image67252.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2850-image64775.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2851-image28078.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2852-image22740.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2853-image03011.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2854-image49827.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2855-image07110.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2856-image50124.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2857-image04955.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2858-image22997.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2859-image20881.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2860-image22826.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2861-image13336.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2862-image25610.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2863-image20504.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2864-image50112.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2865-image54994.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2866-image60698.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2867-image20857.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2868-image00678.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2869-image22043.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2870-image66925.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2871-image65973.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2872-image67355.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2873-image04810.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2874-image62151.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2875-image20241.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2876-image22110.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2877-image07681.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2878-image00838.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2879-image60718.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2880-image26307.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2881-image11207.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2882-image19744.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2883-image07131.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2884-image13886.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2885-image00187.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2886-image32932.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2887-image15465.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2888-image52700.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2889-image22356.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2890-image20653.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2891-image27530.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2892-image21366.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2893-image03824.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2894-image24643.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2895-image50304.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2896-image33833.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2897-image54120.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2898-image27868.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2899-image20181.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2900-image25964.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2901-image14538.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2902-image11654.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2903-image04389.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2904-image29467.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2905-image67241.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2906-image00289.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2907-image66794.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2908-image59225.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2909-image21461.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2910-image11526.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2911-image01280.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2912-image01067.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2913-image00685.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2914-image67208.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2915-image18394.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2916-image19112.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2917-image19689.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2918-image36392.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2919-image39858.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2920-image37043.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2921-image22363.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2922-image64616.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2923-image22268.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2924-image66470.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2925-image59798.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2926-image38064.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2927-image60617.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2928-image67294.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2929-image13075.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2930-image20053.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2931-image23721.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2932-image48757.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2933-image00559.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2934-image21680.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2935-image10445.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2936-image68118.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2937-image21254.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2938-image03971.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2939-image66714.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2940-image28708.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2941-image03785.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2942-image60630.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2943-image55500.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2944-image24544.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2945-image16696.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2946-image12645.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2947-image03812.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2948-image11115.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2949-image03772.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2950-image48196.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2951-image14173.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2952-image19374.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2953-image66937.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2954-image66886.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2955-image22314.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2956-image60825.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2957-image17447.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2958-image00837.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2959-image04130.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2960-image68810.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2961-image13646.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2962-image17920.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2963-image66968.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2964-image13610.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2965-image04664.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2966-image64027.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2967-image13232.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2968-image23396.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2969-image03977.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2970-image20403.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2971-image02434.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2972-image04549.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2973-image21520.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2974-image05781.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2975-image62297.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2976-image21797.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2977-image01118.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2978-image20366.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2979-image49654.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2980-image21768.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2981-image18981.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2982-image34150.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2983-image66396.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2984-image04087.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2985-image03810.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2986-image47459.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2987-image28065.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2988-image11137.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2989-image65977.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2990-image02208.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2991-image64151.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2992-image49625.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2993-image18732.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2994-image20926.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2995-image63718.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2996-image07830.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2997-image19698.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2998-image07207.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/2999-image47094.jpg', 'E:\\Suanfa-tensorflow\\Deep-learning-MTFL-master\\MTFL/AFLW/3000-image49646.jpg']
landmarks [[[79.548094, 111.780399], [42.37931, 94.647913], [62.415608, 87.678766], [94.938294, 66.480944], [64.157895, 56.607985]], [[57.188748, 54.575318], [100.165154, 48.767695], [81.0, 75.192377], [61.834846, 96.970962], [100.455535, 91.453721]], [[46.444646, 45.573503], [87.678766, 39.76588], [78.096189, 73.450091], [47.025408, 92.905626], [80.128857, 90.872958]], [[53.994555, 49.348457], [91.163339, 44.702359], [69.094374, 76.934664], [67.061706, 97.551724], [97.842105, 94.067151]], [[59.221416, 48.186933], [105.972777, 50.800363], [82.161525, 81.580762], [60.963702, 94.938294], [96.680581, 98.422868]], [[52.252269, 32.506352], [97.551724, 49.058076], [80.128857, 76.644283], [33.958258, 72.288566], [75.77314, 90.872958]], [[59.511797, 50.800363], [97.551724, 60.963702], [97.842105, 82.742287], [52.252269, 101.907441], [90.292196, 111.199637]], [[60.092559, 46.154265], [101.036298, 51.381125], [91.163339, 69.675136], [55.15608, 92.034483], [95.228675, 96.680581]], [[45.573503, 55.15608], [94.357532, 54.284936], [70.546279, 100.165154], [49.92922, 101.907441], [93.196007, 103.359347]], [[49.92922, 43.831216], [94.357532, 40.927405], [76.644283, 67.061706], [49.92922, 85.646098], [96.680581, 84.484574]], [[61.834846, 59.511797], [96.680581, 50.800363], [86.517241, 80.419238], [66.480944, 107.424682], [99.00363, 103.068966]], [[38.894737, 51.090744], [85.936479, 40.346642], [72.288566, 70.836661], [54.865699, 94.647913], [87.969147, 89.421053]], [[56.027223, 48.186933], [94.938294, 52.54265], [64.448276, 75.482759], [53.704174, 97.842105], [78.967332, 103.940109]], [[33.667877, 74.901996], [73.740472, 47.606171], [49.638838, 88.259528], [51.090744, 114.684211], [82.161525, 101.61706]], [[56.027223, 58.931034], [92.905626, 54.575318], [77.515426, 82.161525], [62.415608, 102.197822], [93.486388, 96.680581]], [[70.255898, 49.058076], [104.811252, 35.119782], [63.577132, 62.99637], [71.417423, 99.294011], [104.23049, 87.388385]], [[49.92922, 49.058076], [96.3902, 51.961887], [67.352087, 75.192377], [49.638838, 95.809437], [88.259528, 97.261343]], [[55.736842, 48.186933], [97.261343, 45.863884], [54.575318, 70.255898], [54.575318, 99.00363], [90.292196, 100.745917]], [[54.575318, 50.219601], [98.132486, 57.479129], [62.99637, 80.419238], [47.606171, 94.647913], [82.451906, 101.61706]], [[57.479129, 53.413793], [104.811252, 47.896552], [79.548094, 83.61343], [63.577132, 101.326679], [106.553539, 97.551724]], [[53.413793, 39.76588], [95.809437, 38.894737], [72.869328, 67.642468], [54.575318, 87.678766], [91.744102, 87.678766]], [[44.702359, 44.99274], [82.451906, 40.346642], [82.161525, 75.482759], [47.896552, 93.196007], [81.0, 87.969147]], [[63.867514, 48.767695], [100.455535, 54.284936], [91.744102, 81.871143], [59.221416, 93.196007], [91.744102, 99.294011]], [[44.411978, 53.413793], [97.551724, 46.444646], [70.255898, 78.676951], [53.123412, 94.647913], [102.488203, 86.517241]], [[51.381125, 38.894737], [95.809437, 43.250454], [73.15971, 81.290381], [48.767695, 87.388385], [89.711434, 90.582577]], [[51.671506, 50.509982], [100.745917, 46.154265], [74.901996, 75.192377], [56.317604, 93.196007], [94.647913, 93.196007]], [[57.76951, 60.092559], [102.778584, 49.058076], [71.127042, 79.548094], [66.480944, 107.715064], [97.261343, 100.455535]], [[67.932849, 44.121597], [118.749546, 51.381125], [90.001815, 59.802178], [60.673321, 89.711434], [104.811252, 99.294011]], [[56.027223, 58.931034], [103.940109, 56.317604], [60.092559, 86.517241], [47.315789, 108.005445], [94.938294, 110.038113]], [[58.059891, 53.413793], [102.197822, 55.15608], [75.192377, 76.644283], [59.221416, 101.61706], [94.938294, 103.068966]], [[62.125227, 60.092559], [108.005445, 55.15608], [83.032668, 91.453721], [69.675136, 109.166969], [107.134301, 106.553539]], [[52.252269, 51.090744], [92.615245, 45.573503], [89.130672, 75.77314], [53.413793, 97.261343], [94.938294, 90.872958]], [[54.575318, 42.37931], [96.680581, 43.831216], [91.744102, 68.513612], [60.673321, 91.163339], [93.196007, 91.744102]], [[57.479129, 40.927405], [100.745917, 49.638838], [78.676951, 64.448276], [52.252269, 88.549909], [92.034483, 94.647913]], [[45.863884, 63.286751], [87.098004, 57.479129], [85.065336, 85.355717], [54.284936, 110.618875], [91.453721, 104.23049]], [[60.092559, 46.735027], [95.519056, 46.735027], [69.675136, 71.127042], [67.061706, 95.809437], [90.582577, 95.809437]], [[56.898367, 51.961887], [97.551724, 37.15245], [68.513612, 73.740472], [66.190563, 100.745917], [104.23049, 90.001815]], [[48.767695, 58.350272], [87.678766, 48.186933], [61.254083, 82.161525], [57.188748, 107.424682], [87.678766, 103.068966]], [[52.252269, 53.413793], [94.067151, 61.544465], [87.388385, 86.517241], [53.994555, 103.068966], [85.355717, 110.909256]], [[49.92922, 46.154265], [98.422868, 47.606171], [72.288566, 81.0], [57.479129, 102.488203], [85.646098, 104.520871]], [[51.090744, 44.702359], [93.77677, 47.606171], [62.125227, 79.838475], [44.99274, 87.388385], [90.001815, 91.163339]], [[53.704174, 62.99637], [99.584392, 53.704174], [86.517241, 89.711434], [63.867514, 108.876588], [107.134301, 98.713249]], [[44.411978, 44.411978], [86.517241, 48.477314], [78.38657, 75.77314], [46.735027, 92.034483], [77.515426, 94.938294]], [[57.188748, 50.800363], [99.00363, 57.479129], [74.030853, 83.032668], [53.994555, 99.00363], [82.161525, 103.068966]], [[61.544465, 56.317604], [103.359347, 53.413793], [62.705989, 71.707804], [50.800363, 101.907441], [81.580762, 105.682396]], [[57.76951, 47.896552], [107.134301, 60.092559], [71.127042, 86.807623], [49.058076, 95.228675], [93.486388, 104.811252]], [[53.413793, 56.898367], [94.647913, 40.346642], [65.029038, 71.998185], [66.771325, 106.553539], [91.744102, 99.00363]], [[47.606171, 62.125227], [94.938294, 56.898367], [71.417423, 77.225045], [53.704174, 98.713249], [95.228675, 94.357532]], [[52.54265, 38.604356], [101.61706, 40.346642], [74.901996, 69.384755], [56.317604, 84.194192], [94.647913, 86.517241]], [[42.088929, 44.411978], [87.098004, 43.540835], [57.76951, 68.513612], [47.315789, 93.486388], [80.419238, 92.324864]], [[61.834846, 56.027223], [104.520871, 53.123412], [67.352087, 85.936479], [63.286751, 102.778584], [95.519056, 104.520871]], [[41.217786, 54.284936], [90.582577, 44.411978], [74.030853, 90.292196], [52.252269, 95.228675], [97.842105, 85.646098]], [[48.477314, 61.254083], [94.938294, 50.800363], [76.934664, 81.580762], [55.15608, 104.520871], [104.811252, 95.228675]], [[54.865699, 40.346642], [101.326679, 40.346642], [78.096189, 60.963702], [58.059891, 90.292196], [97.261343, 91.453721]], [[50.509982, 50.219601], [90.872958, 47.315789], [67.932849, 73.450091], [51.671506, 90.292196], [90.292196, 88.549909]], [[58.350272, 54.284936], [110.328494, 53.994555], [83.032668, 67.642468], [62.415608, 103.649728], [107.134301, 103.359347]], [[53.994555, 56.898367], [97.842105, 52.54265], [83.032668, 83.032668], [61.544465, 100.455535], [99.00363, 95.228675]], [[68.803993, 49.92922], [111.490018, 62.99637], [70.836661, 69.094374], [54.284936, 93.486388], [86.517241, 106.84392]], [[58.350272, 51.961887], [101.326679, 51.671506], [69.094374, 80.419238], [67.932849, 97.842105], [99.874773, 100.165154]], [[51.381125, 46.154265], [99.00363, 49.92922], [74.611615, 86.22686], [45.863884, 93.486388], [88.549909, 96.3902]], [[48.767695, 38.894737], [89.130672, 47.896552], [80.419238, 67.642468], [42.37931, 83.323049], [77.805808, 93.196007]], [[53.123412, 30.473684], [89.130672, 60.38294], [84.194192, 70.255898], [49.638838, 84.484574], [76.934664, 112.07078]], [[56.317604, 48.767695], [105.972777, 39.185118], [81.0, 69.675136], [61.834846, 93.77677], [114.974592, 82.742287]], [[56.317604, 42.960073], [105.392015, 48.477314], [83.323049, 69.094374], [56.607985, 87.098004], [94.647913, 92.324864]], [[46.154265, 46.444646], [85.355717, 43.540835], [68.513612, 66.771325], [54.865699, 91.163339], [80.419238, 90.872958]], [[52.252269, 57.76951], [102.197822, 58.931034], [78.38657, 83.323049], [48.477314, 107.424682], [102.488203, 110.618875]], [[55.15608, 52.54265], [103.068966, 62.415608], [72.578947, 82.451906], [46.154265, 95.519056], [89.130672, 106.84392]], [[58.059891, 54.865699], [96.3902, 39.76588], [72.578947, 85.065336], [73.740472, 99.294011], [107.715064, 87.678766]], [[62.125227, 58.350272], [100.165154, 54.575318], [69.965517, 88.84029], [73.15971, 103.649728], [97.551724, 102.197822]], [[40.637024, 55.15608], [83.323049, 47.606171], [65.6098, 76.644283], [53.413793, 94.357532], [83.903811, 91.744102]], [[60.092559, 44.121597], [104.811252, 47.315789], [68.22323, 68.513612], [52.54265, 93.77677], [96.3902, 99.294011]], [[52.54265, 60.38294], [91.163339, 62.705989], [76.063521, 80.128857], [54.575318, 98.132486], [87.388385, 97.551724]], [[60.673321, 48.186933], [108.586207, 47.315789], [106.84392, 88.549909], [56.607985, 97.551724], [99.294011, 97.842105]], [[66.771325, 51.961887], [104.23049, 44.411978], [71.417423, 76.644283], [72.869328, 100.455535], [104.23049, 94.938294]], [[34.53902, 45.283122], [80.128857, 42.669691], [53.123412, 85.065336], [35.990926, 104.811252], [78.096189, 102.778584]], [[50.509982, 42.37931], [97.261343, 47.606171], [68.803993, 75.482759], [45.283122, 86.517241], [92.034483, 94.067151]], [[54.865699, 58.931034], [99.294011, 50.219601], [72.578947, 75.77314], [65.900181, 100.745917], [97.261343, 94.647913]], [[62.415608, 39.76588], [104.520871, 56.898367], [80.419238, 65.319419], [43.540835, 78.38657], [85.646098, 97.551724]], [[39.185118, 53.123412], [86.22686, 56.317604], [67.932849, 87.388385], [39.185118, 95.228675], [77.515426, 99.294011]], [[57.76951, 54.865699], [103.359347, 37.15245], [68.513612, 70.255898], [76.353902, 99.584392], [106.553539, 92.615245]], [[60.092559, 44.99274], [101.907441, 38.894737], [84.774955, 74.901996], [69.094374, 92.905626], [101.907441, 90.292196]], [[51.090744, 42.37931], [94.357532, 44.99274], [81.0, 72.869328], [38.604356, 90.001815], [80.128857, 95.228675]], [[52.833031, 43.250454], [103.649728, 41.798548], [74.611615, 77.805808], [63.286751, 85.936479], [100.165154, 85.065336]], [[43.250454, 57.76951], [82.742287, 36.281307], [52.54265, 75.77314], [56.607985, 104.23049], [87.388385, 90.872958]], [[43.540835, 60.092559], [86.807623, 54.575318], [60.092559, 74.901996], [41.798548, 101.907441], [90.582577, 98.132486]], [[60.963702, 60.673321], [101.907441, 36.571688], [67.642468, 67.642468], [75.192377, 108.005445], [110.909256, 93.196007]], [[46.735027, 43.831216], [96.970962, 43.831216], [71.998185, 79.838475], [46.735027, 92.905626], [101.036298, 90.872958]], [[68.513612, 62.125227], [104.23049, 58.350272], [64.448276, 78.676951], [62.125227, 108.295826], [89.130672, 107.424682]], [[40.346642, 51.961887], [82.451906, 53.994555], [54.865699, 79.257713], [42.37931, 89.130672], [82.161525, 91.163339]], [[53.413793, 40.346642], [96.099819, 39.475499], [75.77314, 66.190563], [58.059891, 86.517241], [91.453721, 87.678766]], [[52.54265, 43.831216], [96.3902, 45.863884], [54.284936, 73.740472], [47.315789, 91.453721], [89.421053, 95.228675]], [[52.54265, 47.896552], [89.130672, 51.961887], [64.157895, 78.38657], [59.802178, 92.905626], [89.421053, 96.099819]], [[40.637024, 44.702359], [82.161525, 43.540835], [48.767695, 74.611615], [40.056261, 92.615245], [68.803993, 94.647913]], [[53.994555, 39.185118], [96.970962, 47.025408], [72.869328, 75.482759], [49.058076, 87.678766], [86.517241, 92.324864]], [[41.217786, 61.834846], [88.84029, 56.317604], [63.867514, 73.740472], [50.800363, 104.811252], [81.580762, 102.197822]], [[37.15245, 58.059891], [81.871143, 53.413793], [82.451906, 83.032668], [47.025408, 104.23049], [87.098004, 100.455535]], [[53.994555, 53.994555], [96.680581, 49.92922], [70.255898, 86.22686], [57.76951, 99.584392], [102.197822, 95.519056]], [[63.577132, 49.348457], [104.520871, 58.059891], [98.132486, 81.0], [59.511797, 98.422868], [93.486388, 103.649728]], [[60.092559, 40.346642], [108.005445, 43.250454], [87.388385, 67.352087], [61.254083, 83.323049], [99.874773, 85.065336]], [[50.509982, 55.736842], [84.484574, 48.767695], [51.961887, 77.805808], [56.898367, 102.488203], [84.194192, 96.970962]], [[56.027223, 49.348457], [105.972777, 45.283122], [88.259528, 81.290381], [64.157895, 91.453721], [104.23049, 87.678766]], [[63.286751, 40.346642], [108.295826, 45.863884], [76.934664, 73.450091], [58.640653, 85.065336], [104.811252, 89.711434]], [[56.607985, 35.410163], [106.84392, 47.606171], [70.255898, 70.836661], [49.348457, 86.22686], [85.936479, 93.77677]], [[49.638838, 44.702359], [92.324864, 43.540835], [71.707804, 80.128857], [51.381125, 92.905626], [95.809437, 88.549909]], [[67.932849, 44.121597], [109.45735, 52.54265], [83.61343, 82.742287], [64.448276, 92.615245], [97.261343, 101.907441]], [[56.317604, 51.671506], [89.130672, 56.317604], [81.0, 74.321234], [55.446461, 96.3902], [84.484574, 99.00363]], [[47.025408, 56.027223], [91.453721, 33.087114], [83.032668, 76.644283], [70.255898, 96.970962], [107.715064, 78.38657]], [[56.317604, 50.800363], [108.295826, 51.671506], [80.709619, 72.578947], [58.640653, 96.3902], [97.842105, 97.261343]], [[48.767695, 45.573503], [86.517241, 42.088929], [47.315789, 72.288566], [49.92922, 96.3902], [88.549909, 95.809437]], [[47.606171, 41.798548], [92.324864, 40.346642], [77.225045, 73.450091], [44.121597, 90.001815], [80.128857, 90.001815]], [[50.509982, 55.446461], [98.422868, 52.252269], [78.967332, 82.451906], [57.479129, 101.326679], [99.584392, 94.938294]], [[49.348457, 41.508167], [93.196007, 45.283122], [61.834846, 76.644283], [46.735027, 90.292196], [85.355717, 92.905626]], [[45.573503, 55.15608], [89.421053, 55.15608], [64.448276, 85.646098], [41.217786, 98.713249], [91.453721, 98.422868]], [[43.831216, 60.673321], [72.578947, 49.638838], [61.834846, 79.548094], [59.221416, 99.874773], [84.774955, 87.678766]], [[49.058076, 41.217786], [92.905626, 39.475499], [71.127042, 66.190563], [50.800363, 87.678766], [90.001815, 87.098004]], [[55.736842, 45.283122], [102.197822, 48.477314], [71.127042, 72.578947], [52.833031, 85.355717], [98.422868, 90.001815]], [[53.123412, 40.637024], [88.549909, 49.638838], [78.676951, 74.321234], [53.413793, 89.130672], [74.901996, 94.357532]], [[61.254083, 46.444646], [96.3902, 45.283122], [61.544465, 66.190563], [60.963702, 93.486388], [86.807623, 92.905626]], [[53.994555, 37.733212], [92.615245, 40.927405], [63.867514, 69.965517], [53.704174, 86.807623], [85.355717, 88.84029]], [[49.348457, 52.54265], [93.196007, 56.317604], [81.0, 85.936479], [53.413793, 103.359347], [85.646098, 104.811252]], [[48.186933, 46.154265], [83.903811, 41.798548], [76.934664, 68.22323], [50.219601, 91.744102], [75.77314, 88.84029]], [[48.477314, 40.637024], [92.905626, 47.606171], [85.646098, 71.127042], [40.056261, 91.163339], [89.130672, 97.551724]], [[39.76588, 51.671506], [86.807623, 54.284936], [51.961887, 80.128857], [38.023593, 90.872958], [73.15971, 94.357532]], [[43.831216, 43.540835], [84.194192, 46.154265], [80.128857, 78.676951], [47.025408, 92.615245], [80.128857, 92.324864]], [[39.475499, 48.477314], [83.903811, 35.119782], [76.063521, 72.578947], [61.834846, 96.680581], [101.326679, 88.259528]], [[53.994555, 57.479129], [98.422868, 49.638838], [69.675136, 85.355717], [59.221416, 104.23049], [105.682396, 98.422868]], [[47.315789, 40.637024], [100.165154, 38.894737], [74.030853, 70.836661], [48.477314, 92.905626], [97.842105, 93.77677]], [[33.087114, 38.894737], [78.38657, 38.023593], [55.446461, 60.092559], [42.669691, 88.84029], [71.707804, 87.388385]], [[54.865699, 55.736842], [102.197822, 51.961887], [78.38657, 79.257713], [63.286751, 102.778584], [96.099819, 103.068966]], [[63.577132, 56.027223], [105.972777, 53.123412], [77.515426, 82.451906], [72.578947, 106.263158], [97.261343, 105.101633]], [[37.15245, 49.638838], [83.903811, 47.025408], [62.125227, 72.578947], [42.669691, 94.938294], [85.355717, 91.163339]], [[53.704174, 45.573503], [98.132486, 44.702359], [57.479129, 79.548094], [60.963702, 95.809437], [94.357532, 95.519056]], [[62.125227, 46.735027], [108.586207, 43.250454], [76.934664, 77.225045], [67.061706, 95.809437], [103.649728, 94.067151]], [[41.508167, 53.123412], [86.807623, 48.477314], [57.188748, 74.901996], [45.573503, 91.163339], [82.742287, 87.098004]], [[45.863884, 54.284936], [93.196007, 45.863884], [73.15971, 86.517241], [61.254083, 102.488203], [98.422868, 92.034483]], [[58.350272, 51.090744], [93.486388, 52.252269], [88.549909, 75.192377], [70.546279, 99.584392], [94.647913, 98.713249]], [[52.252269, 54.865699], [97.842105, 53.994555], [76.353902, 78.676951], [53.994555, 99.584392], [94.647913, 99.584392]], [[34.829401, 51.671506], [85.936479, 45.573503], [65.029038, 72.578947], [45.283122, 91.744102], [84.194192, 87.098004]], [[51.090744, 47.025408], [96.099819, 39.76588], [83.032668, 72.288566], [56.027223, 88.549909], [104.23049, 82.161525]], [[55.15608, 44.99274], [98.132486, 61.544465], [63.286751, 81.871143], [35.700544, 87.098004], [77.225045, 105.101633]], [[42.960073, 47.606171], [87.678766, 42.088929], [78.676951, 82.451906], [46.154265, 97.551724], [82.742287, 88.84029]], [[50.219601, 59.802178], [89.421053, 47.896552], [71.998185, 83.903811], [67.352087, 106.553539], [99.584392, 98.713249]], [[57.76951, 47.896552], [96.3902, 46.735027], [81.0, 73.15971], [61.254083, 89.711434], [95.228675, 89.130672]], [[56.898367, 52.54265], [104.23049, 59.511797], [76.353902, 82.451906], [51.090744, 98.422868], [93.486388, 103.649728]], [[57.479129, 50.800363], [107.715064, 42.960073], [85.646098, 78.967332], [76.063521, 98.422868], [109.747731, 92.324864]], [[53.413793, 56.898367], [102.778584, 49.638838], [79.838475, 86.517241], [60.673321, 103.649728], [107.715064, 98.132486]], [[46.444646, 44.121597], [95.228675, 50.800363], [68.22323, 77.805808], [44.99274, 91.163339], [84.194192, 97.261343]], [[60.092559, 55.446461], [102.778584, 54.575318], [64.448276, 84.774955], [58.640653, 105.101633], [101.326679, 105.682396]], [[43.250454, 54.865699], [96.099819, 48.477314], [74.030853, 62.125227], [46.444646, 98.132486], [96.680581, 92.615245]], [[50.219601, 59.802178], [91.453721, 59.802178], [69.965517, 76.644283], [52.252269, 108.586207], [88.84029, 110.038113]], [[65.6098, 51.671506], [109.747731, 44.121597], [69.384755, 81.0], [69.965517, 101.907441], [108.876588, 97.551724]], [[69.094374, 53.413793], [104.811252, 47.606171], [75.192377, 73.15971], [70.255898, 96.099819], [108.295826, 92.905626]], [[60.963702, 52.54265], [105.101633, 53.123412], [78.676951, 80.709619], [61.544465, 102.197822], [96.680581, 100.745917]], [[56.898367, 46.735027], [101.036298, 47.315789], [64.157895, 71.127042], [49.058076, 95.519056], [96.099819, 98.713249]], [[61.254083, 56.027223], [101.326679, 49.638838], [95.809437, 85.936479], [53.704174, 105.972777], [98.713249, 103.649728]], [[45.863884, 64.738657], [84.774955, 49.92922], [62.99637, 80.419238], [60.963702, 107.134301], [103.359347, 90.872958]], [[66.771325, 39.76588], [112.651543, 41.798548], [69.384755, 67.932849], [62.99637, 87.098004], [108.005445, 88.549909]], [[60.673321, 48.767695], [107.715064, 52.252269], [87.098004, 68.513612], [62.125227, 90.292196], [97.551724, 92.905626]], [[50.509982, 43.540835], [95.228675, 49.058076], [69.965517, 62.705989], [44.411978, 81.0], [90.872958, 90.292196]], [[46.735027, 42.088929], [91.163339, 46.735027], [79.838475, 69.965517], [40.927405, 90.001815], [86.517241, 92.324864]], [[58.059891, 51.671506], [101.61706, 48.477314], [83.032668, 78.676951], [64.738657, 100.165154], [97.551724, 97.842105]], [[56.607985, 48.477314], [102.197822, 57.188748], [75.192377, 83.323049], [51.671506, 94.938294], [85.936479, 102.197822]], [[51.671506, 63.577132], [100.455535, 55.736842], [87.098004, 85.936479], [62.415608, 109.166969], [101.61706, 102.197822]], [[51.671506, 52.252269], [99.00363, 47.896552], [84.774955, 53.994555], [69.094374, 88.259528], [102.778584, 83.903811]], [[67.061706, 40.637024], [108.295826, 36.862069], [73.740472, 61.544465], [66.190563, 91.744102], [99.00363, 87.969147]], [[44.411978, 45.863884], [93.196007, 34.829401], [77.225045, 69.094374], [54.865699, 90.001815], [101.326679, 79.838475]], [[45.573503, 56.898367], [94.067151, 49.638838], [73.15971, 83.323049], [53.413793, 96.3902], [102.197822, 85.646098]], [[41.798548, 37.15245], [83.032668, 43.250454], [67.932849, 63.286751], [42.669691, 83.323049], [75.482759, 84.774955]], [[55.736842, 49.058076], [97.261343, 45.863884], [64.448276, 71.127042], [56.898367, 95.519056], [97.842105, 96.970962]], [[61.254083, 45.573503], [107.715064, 43.831216], [79.838475, 66.480944], [67.642468, 93.196007], [100.455535, 95.228675]], [[42.960073, 37.733212], [88.84029, 40.346642], [65.6098, 66.480944], [34.248639, 80.419238], [83.61343, 82.451906]], [[61.834846, 48.186933], [91.744102, 56.898367], [87.388385, 72.578947], [63.577132, 95.519056], [83.61343, 101.326679]], [[57.76951, 57.188748], [104.23049, 48.477314], [70.546279, 85.936479], [64.448276, 98.132486], [108.876588, 93.196007]], [[51.671506, 42.669691], [93.486388, 37.442831], [56.898367, 67.642468], [54.575318, 89.711434], [92.905626, 88.259528]], [[67.061706, 54.284936], [102.488203, 58.931034], [68.22323, 80.128857], [63.286751, 101.326679], [94.357532, 109.166969]], [[47.606171, 50.800363], [90.292196, 44.702359], [53.123412, 76.644283], [51.090744, 98.422868], [104.520871, 94.067151]], [[53.413793, 54.865699], [97.842105, 60.673321], [75.482759, 83.323049], [49.348457, 93.196007], [94.647913, 99.584392]], [[63.577132, 65.6098], [104.23049, 58.059891], [83.032668, 88.259528], [68.22323, 98.132486], [110.909256, 91.744102]], [[49.638838, 38.313975], [92.034483, 40.637024], [78.967332, 78.676951], [43.540835, 89.421053], [79.257713, 88.549909]], [[59.511797, 60.092559], [102.197822, 62.99637], [79.548094, 84.774955], [66.190563, 103.940109], [90.582577, 105.101633]], [[53.413793, 52.54265], [103.068966, 42.669691], [81.871143, 86.807623], [59.511797, 97.551724], [109.166969, 86.807623]], [[53.994555, 58.059891], [94.357532, 48.767695], [81.290381, 76.063521], [68.803993, 97.261343], [96.3902, 89.711434]], [[55.15608, 47.896552], [95.519056, 40.056261], [74.321234, 72.578947], [69.965517, 96.099819], [97.551724, 92.034483]], [[64.448276, 62.99637], [103.068966, 56.027223], [73.450091, 85.936479], [75.482759, 112.07078], [105.682396, 105.392015]], [[56.027223, 54.284936], [95.809437, 27.279492], [76.063521, 63.867514], [81.580762, 94.647913], [116.716878, 73.740472]], [[46.154265, 39.76588], [90.582577, 40.637024], [65.6098, 67.932849], [45.863884, 87.678766], [90.001815, 87.969147]], [[46.735027, 62.705989], [91.744102, 49.638838], [69.965517, 91.453721], [65.319419, 108.586207], [100.165154, 98.713249]], [[52.252269, 38.604356], [95.809437, 49.638838], [83.323049, 65.029038], [49.92922, 92.905626], [86.22686, 101.61706]], [[37.442831, 70.836661], [84.484574, 49.348457], [77.805808, 91.744102], [60.963702, 110.618875], [98.422868, 92.615245]], [[36.281307, 64.157895], [83.61343, 53.123412], [64.157895, 96.3902], [46.444646, 108.005445], [95.519056, 95.228675]], [[60.673321, 61.544465], [104.811252, 60.38294], [81.290381, 98.422868], [66.190563, 117.297641], [100.455535, 115.555354]], [[46.444646, 58.640653], [97.551724, 54.865699], [56.898367, 79.548094], [46.444646, 108.876588], [85.065336, 107.134301]], [[48.186933, 45.573503], [93.77677, 49.92922], [82.742287, 81.580762], [46.735027, 96.099819], [81.580762, 99.00363]], [[60.38294, 57.188748], [102.778584, 55.736842], [83.323049, 83.032668], [65.029038, 104.520871], [97.842105, 102.778584]], [[54.575318, 39.185118], [99.874773, 37.442831], [76.353902, 70.546279], [60.092559, 91.453721], [91.453721, 91.744102]], [[73.15971, 40.346642], [120.201452, 41.798548], [86.807623, 65.6098], [75.77314, 89.130672], [110.038113, 90.001815]], [[53.994555, 44.411978], [100.165154, 41.798548], [87.678766, 71.707804], [65.029038, 90.292196], [98.713249, 88.549909]], [[68.22323, 56.898367], [103.068966, 49.058076], [65.6098, 74.901996], [68.803993, 108.295826], [95.809437, 103.940109]], [[57.188748, 59.221416], [105.972777, 60.963702], [71.707804, 78.096189], [58.350272, 110.909256], [91.744102, 111.490018]], [[61.254083, 57.479129], [99.584392, 59.221416], [72.288566, 82.451906], [59.511797, 104.811252], [97.551724, 107.134301]], [[49.638838, 60.963702], [89.421053, 45.283122], [76.934664, 76.353902], [66.771325, 100.165154], [105.682396, 86.517241]], [[50.219601, 53.123412], [98.132486, 57.76951], [70.546279, 85.646098], [45.863884, 98.132486], [90.872958, 105.101633]], [[54.575318, 46.444646], [98.422868, 51.381125], [67.352087, 74.611615], [49.058076, 85.646098], [96.099819, 91.453721]], [[38.313975, 57.188748], [78.096189, 53.413793], [66.771325, 78.38657], [51.090744, 99.874773], [79.838475, 100.455535]], [[65.319419, 53.413793], [106.263158, 54.865699], [78.38657, 81.580762], [61.544465, 100.745917], [95.519056, 101.907441]], [[51.961887, 58.059891], [96.680581, 49.348457], [82.742287, 87.678766], [62.99637, 98.713249], [99.294011, 90.872958]], [[57.479129, 52.252269], [115.555354, 57.479129], [86.22686, 74.030853], [65.029038, 96.970962], [100.165154, 98.713249]], [[54.575318, 49.348457], [101.907441, 48.767695], [81.0, 83.903811], [49.638838, 97.261343], [91.163339, 94.938294]], [[55.15608, 61.254083], [96.680581, 49.92922], [67.352087, 80.128857], [65.319419, 106.84392], [100.455535, 97.551724]], [[51.961887, 52.252269], [85.936479, 39.475499], [60.092559, 80.128857], [68.513612, 96.3902], [96.970962, 85.646098]], [[60.38294, 52.833031], [101.036298, 50.509982], [63.867514, 78.967332], [59.802178, 102.197822], [88.259528, 102.488203]], [[49.638838, 50.800363], [93.196007, 47.315789], [83.323049, 77.515426], [56.027223, 99.584392], [88.549909, 98.422868]], [[44.121597, 58.059891], [90.582577, 56.027223], [67.642468, 83.903811], [45.573503, 106.263158], [87.098004, 104.23049]], [[35.119782, 65.319419], [81.0, 47.606171], [73.450091, 76.644283], [62.415608, 109.45735], [97.261343, 94.067151]], [[63.577132, 49.92922], [106.553539, 51.381125], [86.22686, 82.742287], [66.190563, 103.649728], [101.036298, 105.101633]], [[45.863884, 47.025408], [92.324864, 47.606171], [70.546279, 65.900181], [52.252269, 88.259528], [83.903811, 90.582577]], [[49.92922, 50.800363], [99.874773, 46.444646], [72.869328, 77.805808], [55.446461, 95.519056], [93.77677, 92.034483]], [[64.738657, 46.735027], [104.23049, 53.994555], [87.678766, 76.063521], [57.76951, 95.519056], [96.3902, 101.61706]], [[63.286751, 47.025408], [112.361162, 50.219601], [86.807623, 83.61343], [62.415608, 96.3902], [104.811252, 95.809437]], [[53.994555, 44.121597], [102.778584, 51.090744], [74.901996, 76.934664], [51.961887, 85.065336], [97.842105, 94.067151]], [[51.671506, 61.834846], [99.584392, 51.090744], [55.446461, 76.644283], [58.640653, 114.103448], [97.551724, 105.392015]], [[67.352087, 44.99274], [111.780399, 68.22323], [67.352087, 92.905626], [45.283122, 87.388385], [87.678766, 109.166969]], [[56.317604, 58.640653], [100.745917, 59.511797], [71.998185, 82.742287], [58.931034, 106.553539], [89.130672, 107.424682]], [[59.802178, 58.059891], [103.649728, 40.637024], [84.194192, 83.323049], [75.192377, 100.745917], [116.136116, 82.451906]], [[47.315789, 49.348457], [87.678766, 36.862069], [63.867514, 75.77314], [62.99637, 96.3902], [94.067151, 90.001815]], [[59.221416, 46.735027], [104.23049, 47.315789], [84.194192, 73.450091], [68.22323, 96.680581], [98.132486, 96.3902]], [[58.931034, 56.027223], [99.00363, 59.221416], [72.869328, 87.969147], [57.479129, 98.713249], [96.099819, 104.811252]], [[58.931034, 54.284936], [104.520871, 51.381125], [87.388385, 85.355717], [69.094374, 103.359347], [101.036298, 101.036298]], [[46.444646, 52.54265], [93.77677, 57.479129], [69.384755, 80.128857], [50.509982, 96.099819], [83.323049, 98.713249]], [[57.188748, 38.313975], [103.649728, 39.76588], [80.419238, 74.321234], [54.284936, 86.22686], [102.488203, 88.259528]], [[65.900181, 38.023593], [106.263158, 47.606171], [97.842105, 69.094374], [63.286751, 87.098004], [96.3902, 94.067151]], [[49.92922, 66.771325], [95.228675, 56.027223], [86.807623, 90.582577], [42.669691, 101.61706], [95.809437, 85.936479]], [[42.088929, 46.444646], [82.451906, 48.767695], [44.702359, 74.901996], [38.894737, 96.3902], [68.513612, 101.61706]], [[36.281307, 62.705989], [79.838475, 45.283122], [70.546279, 85.065336], [50.509982, 106.84392], [94.647913, 89.711434]], [[62.705989, 47.896552], [93.486388, 44.99274], [96.970962, 73.15971], [65.319419, 97.842105], [90.292196, 94.067151]], [[51.671506, 40.637024], [91.163339, 43.250454], [75.482759, 73.740472], [51.671506, 89.130672], [84.484574, 90.001815]], [[58.640653, 32.796733], [97.842105, 39.76588], [81.0, 61.544465], [56.317604, 78.676951], [88.259528, 85.646098]], [[56.317604, 60.092559], [102.778584, 60.092559], [82.161525, 86.22686], [58.350272, 108.586207], [103.359347, 104.520871]], [[47.606171, 63.286751], [94.357532, 64.738657], [67.932849, 81.871143], [53.413793, 99.294011], [89.711434, 100.165154]], [[50.800363, 53.413793], [99.294011, 60.38294], [68.22323, 82.742287], [44.411978, 94.067151], [93.486388, 101.036298]], [[53.704174, 45.283122], [102.197822, 53.413793], [68.803993, 79.257713], [40.637024, 89.421053], [96.680581, 98.132486]], [[63.867514, 37.15245], [105.101633, 39.76588], [78.676951, 66.190563], [61.834846, 84.484574], [93.196007, 86.517241]], [[48.186933, 67.932849], [90.872958, 60.38294], [72.869328, 76.063521], [59.221416, 115.264973], [101.326679, 105.101633]], [[44.411978, 56.027223], [87.388385, 53.413793], [67.932849, 84.774955], [52.833031, 104.520871], [83.032668, 103.940109]], [[40.927405, 56.317604], [85.355717, 42.669691], [77.805808, 76.063521], [61.254083, 102.778584], [98.713249, 88.84029]], [[65.319419, 56.898367], [102.197822, 49.92922], [67.932849, 79.257713], [66.480944, 110.038113], [99.294011, 105.392015]], [[54.575318, 60.38294], [100.745917, 52.54265], [80.128857, 85.646098], [65.319419, 107.715064], [99.294011, 103.068966]], [[41.217786, 44.411978], [83.903811, 43.540835], [63.867514, 70.836661], [44.121597, 88.84029], [82.161525, 87.969147]], [[40.637024, 55.15608], [83.323049, 45.283122], [62.705989, 80.128857], [56.607985, 98.713249], [86.22686, 92.034483]], [[64.448276, 53.704174], [106.553539, 43.250454], [73.740472, 78.096189], [70.836661, 100.745917], [103.940109, 95.519056]], [[40.637024, 51.090744], [85.355717, 55.446461], [74.030853, 84.484574], [45.863884, 101.036298], [76.353902, 103.068966]], [[60.673321, 57.479129], [94.067151, 39.76588], [61.544465, 81.0], [73.15971, 105.392015], [96.099819, 97.551724]], [[47.606171, 42.088929], [90.872958, 40.637024], [68.803993, 76.063521], [49.058076, 87.098004], [92.905626, 85.646098]], [[61.254083, 52.833031], [103.359347, 53.994555], [82.161525, 85.065336], [61.834846, 103.940109], [95.809437, 104.811252]], [[54.575318, 39.185118], [98.132486, 46.444646], [84.194192, 78.096189], [40.056261, 85.065336], [88.549909, 91.744102]], [[58.059891, 41.217786], [101.326679, 44.99274], [75.77314, 65.029038], [56.317604, 91.163339], [92.034483, 94.647913]], [[83.903811, 104.520871], [37.442831, 96.680581], [66.771325, 76.063521], [94.067151, 58.059891], [47.025408, 49.348457]], [[51.671506, 54.575318], [100.165154, 55.446461], [65.900181, 92.905626], [49.638838, 97.842105], [103.068966, 99.00363]], [[48.477314, 42.088929], [89.421053, 41.508167], [82.451906, 74.030853], [47.606171, 87.098004], [84.484574, 86.807623]], [[47.315789, 56.607985], [93.196007, 49.058076], [69.965517, 76.644283], [58.059891, 101.036298], [92.615245, 96.3902]], [[50.509982, 48.186933], [97.261343, 35.700544], [77.805808, 71.707804], [61.544465, 94.647913], [90.292196, 89.711434]], [[54.284936, 56.317604], [94.938294, 48.186933], [60.092559, 78.38657], [60.673321, 105.392015], [89.711434, 101.036298]], [[55.15608, 45.573503], [103.359347, 43.250454], [80.419238, 74.030853], [53.994555, 87.678766], [104.23049, 86.807623]], [[46.444646, 40.637024], [87.098004, 51.090744], [82.451906, 65.319419], [42.37931, 88.259528], [82.742287, 97.261343]], [[44.411978, 55.446461], [83.61343, 45.863884], [83.032668, 76.353902], [56.898367, 106.553539], [96.099819, 87.678766]], [[47.606171, 42.37931], [86.22686, 47.025408], [54.865699, 66.480944], [42.088929, 90.582577], [74.321234, 95.228675]], [[53.994555, 60.673321], [99.874773, 58.350272], [77.515426, 77.805808], [62.125227, 104.23049], [95.228675, 102.488203]], [[44.411978, 54.575318], [89.711434, 60.38294], [62.99637, 82.451906], [42.37931, 101.036298], [79.257713, 104.520871]], [[49.638838, 55.736842], [97.261343, 58.931034], [70.546279, 75.77314], [48.767695, 104.811252], [85.936479, 108.586207]], [[47.025408, 58.059891], [91.163339, 60.38294], [71.127042, 77.805808], [41.508167, 101.036298], [84.484574, 103.068966]], [[48.186933, 49.348457], [89.711434, 44.121597], [84.774955, 75.192377], [47.315789, 97.842105], [91.744102, 91.453721]], [[51.671506, 59.221416], [87.678766, 58.931034], [55.15608, 79.548094], [52.252269, 106.263158], [81.580762, 108.876588]], [[59.802178, 43.831216], [102.778584, 44.411978], [76.644283, 71.707804], [61.834846, 92.615245], [96.099819, 95.809437]], [[67.352087, 51.381125], [111.199637, 64.448276], [78.38657, 78.967332], [51.090744, 99.874773], [89.711434, 110.909256]], [[70.255898, 53.123412], [104.811252, 50.800363], [73.740472, 74.030853], [71.127042, 100.165154], [94.647913, 102.197822]], [[51.961887, 47.315789], [91.744102, 56.607985], [66.480944, 84.484574], [60.092559, 93.77677], [101.907441, 102.488203]], [[58.350272, 54.865699], [99.00363, 65.900181], [91.744102, 89.130672], [45.863884, 101.61706], [84.774955, 106.553539]], [[49.348457, 44.99274], [95.809437, 44.702359], [77.515426, 71.417423], [55.446461, 94.647913], [94.647913, 92.615245]], [[52.54265, 55.446461], [90.001815, 47.606171], [51.671506, 74.611615], [54.865699, 104.811252], [81.580762, 99.584392]], [[47.606171, 52.54265], [97.551724, 49.638838], [66.480944, 73.740472], [51.961887, 100.455535], [95.519056, 96.680581]], [[55.15608, 47.896552], [97.261343, 49.348457], [78.38657, 78.096189], [59.802178, 96.099819], [91.453721, 95.809437]], [[62.415608, 38.023593], [103.649728, 41.798548], [68.803993, 65.319419], [60.092559, 83.903811], [95.519056, 89.421053]], [[66.480944, 49.058076], [105.972777, 42.669691], [76.934664, 74.030853], [73.450091, 103.649728], [106.553539, 101.036298]], [[65.6098, 36.862069], [106.263158, 42.088929], [88.84029, 66.771325], [58.931034, 87.098004], [96.3902, 87.969147]], [[54.284936, 74.321234], [100.165154, 55.736842], [72.578947, 75.192377], [71.998185, 115.845735], [112.361162, 101.036298]], [[47.606171, 63.577132], [90.292196, 57.188748], [71.127042, 85.646098], [58.640653, 108.586207], [90.001815, 105.101633]], [[47.025408, 56.317604], [93.196007, 55.736842], [70.255898, 85.646098], [52.252269, 103.359347], [92.034483, 102.197822]], [[51.381125, 40.346642], [98.713249, 42.37931], [72.288566, 74.901996], [49.638838, 90.292196], [94.067151, 91.744102]], [[51.381125, 51.090744], [96.970962, 54.575318], [86.22686, 85.355717], [58.640653, 101.036298], [92.905626, 101.61706]], [[55.736842, 38.894737], [98.132486, 51.090744], [64.738657, 72.578947], [40.346642, 76.353902], [87.678766, 90.292196]], [[44.99274, 48.477314], [92.034483, 53.123412], [74.901996, 82.742287], [48.767695, 94.647913], [85.065336, 99.584392]], [[50.219601, 57.479129], [92.615245, 37.15245], [86.807623, 74.030853], [73.450091, 98.713249], [106.553539, 82.161525]], [[54.575318, 51.961887], [103.359347, 51.961887], [78.38657, 84.774955], [53.704174, 95.519056], [97.261343, 96.970962]], [[50.509982, 54.284936], [95.809437, 51.961887], [70.255898, 81.290381], [60.092559, 101.61706], [88.259528, 102.197822]], [[57.479129, 49.348457], [102.197822, 51.671506], [83.032668, 74.030853], [59.221416, 98.422868], [96.099819, 102.197822]], [[45.863884, 40.637024], [94.647913, 46.735027], [68.803993, 76.063521], [38.894737, 77.805808], [87.678766, 85.355717]], [[62.415608, 52.252269], [99.584392, 47.025408], [66.480944, 78.38657], [68.803993, 98.713249], [101.036298, 98.132486]], [[56.027223, 48.477314], [98.132486, 59.511797], [81.0, 81.871143], [50.219601, 96.3902], [78.967332, 103.359347]], [[54.575318, 39.185118], [102.488203, 55.446461], [57.188748, 73.740472], [35.119782, 84.774955], [85.646098, 103.068966]], [[54.575318, 56.898367], [101.61706, 55.15608], [75.482759, 89.711434], [57.188748, 102.488203], [101.61706, 102.488203]], [[54.284936, 61.834846], [85.065336, 52.252269], [62.415608, 84.194192], [63.286751, 108.876588], [92.905626, 101.61706]], [[55.15608, 55.736842], [90.292196, 58.640653], [89.711434, 77.805808], [61.254083, 103.359347], [90.872958, 107.134301]], [[62.705989, 56.898367], [99.00363, 59.802178], [88.259528, 83.032668], [60.673321, 106.263158], [91.744102, 109.45735]], [[43.540835, 41.217786], [89.711434, 38.313975], [66.190563, 69.965517], [49.348457, 88.84029], [86.22686, 88.84029]], [[53.994555, 51.090744], [102.488203, 51.381125], [68.22323, 84.774955], [57.188748, 103.359347], [103.068966, 102.778584]], [[44.121597, 53.994555], [91.453721, 54.865699], [76.644283, 88.84029], [40.346642, 103.068966], [91.163339, 100.455535]], [[48.767695, 46.735027], [95.519056, 42.37931], [74.611615, 69.384755], [56.898367, 90.582577], [94.647913, 88.84029]], [[43.250454, 53.704174], [89.711434, 48.186933], [67.352087, 73.15971], [48.477314, 98.422868], [92.324864, 96.970962]], [[58.350272, 53.704174], [96.099819, 60.963702], [88.259528, 94.938294], [34.53902, 95.519056], [83.032668, 104.23049]], [[54.865699, 56.027223], [101.61706, 52.54265], [88.259528, 82.161525], [67.352087, 104.811252], [102.488203, 96.680581]], [[44.121597, 56.027223], [96.970962, 49.348457], [76.644283, 72.288566], [65.029038, 104.23049], [101.326679, 99.584392]], [[57.76951, 39.475499], [98.422868, 44.121597], [90.582577, 65.900181], [61.254083, 84.774955], [90.872958, 86.807623]], [[63.577132, 54.575318], [109.45735, 65.6098], [77.805808, 92.615245], [58.059891, 90.292196], [103.940109, 101.326679]], [[43.540835, 66.480944], [92.615245, 54.575318], [76.934664, 84.484574], [56.027223, 112.941924], [102.488203, 102.778584]], [[40.637024, 51.961887], [90.582577, 49.92922], [67.061706, 76.063521], [51.381125, 99.00363], [85.065336, 96.680581]], [[52.833031, 51.090744], [100.745917, 58.350272], [65.319419, 85.936479], [46.444646, 94.357532], [91.744102, 104.23049]], [[49.348457, 48.186933], [94.357532, 44.411978], [66.771325, 72.288566], [50.509982, 96.099819], [93.486388, 91.744102]], [[52.833031, 60.38294], [92.615245, 49.348457], [62.99637, 83.323049], [65.900181, 101.907441], [102.488203, 96.970962]], [[48.477314, 40.346642], [99.874773, 44.99274], [66.480944, 74.901996], [39.76588, 87.098004], [82.742287, 92.905626]], [[54.865699, 48.186933], [104.23049, 47.606171], [74.321234, 81.0], [57.76951, 96.3902], [107.715064, 94.938294]], [[55.446461, 51.671506], [102.488203, 43.250454], [86.22686, 83.032668], [67.642468, 99.874773], [107.424682, 91.453721]], [[65.6098, 48.186933], [96.3902, 36.862069], [67.061706, 75.482759], [82.161525, 95.519056], [102.778584, 90.582577]], [[48.477314, 38.313975], [90.292196, 40.927405], [75.482759, 74.611615], [46.735027, 85.355717], [78.676951, 86.517241]], [[57.188748, 50.509982], [110.038113, 55.736842], [78.38657, 90.292196], [56.607985, 101.61706], [96.680581, 105.101633]], [[40.346642, 56.317604], [101.036298, 54.284936], [69.094374, 69.965517], [54.865699, 100.165154], [84.484574, 98.132486]], [[43.831216, 44.99274], [87.678766, 45.573503], [66.190563, 67.932849], [45.863884, 79.257713], [85.936479, 79.548094]], [[57.188748, 47.606171], [99.874773, 33.087114], [70.546279, 69.384755], [72.578947, 93.486388], [103.068966, 84.774955]], [[53.413793, 46.154265], [99.294011, 53.994555], [64.448276, 76.063521], [49.058076, 93.486388], [85.065336, 103.649728]], [[59.802178, 51.671506], [105.682396, 54.865699], [68.22323, 78.676951], [55.446461, 99.874773], [103.649728, 103.359347]], [[62.99637, 51.381125], [106.263158, 52.833031], [75.482759, 79.257713], [62.415608, 101.326679], [96.3902, 107.715064]], [[53.994555, 58.350272], [97.842105, 59.511797], [74.030853, 85.646098], [53.123412, 106.553539], [90.292196, 107.424682]], [[56.898367, 61.834846], [100.745917, 48.767695], [77.515426, 88.259528], [77.515426, 104.811252], [106.263158, 99.294011]], [[58.640653, 42.37931], [101.326679, 43.540835], [76.063521, 65.900181], [60.092559, 89.130672], [98.713249, 90.872958]], [[67.642468, 52.54265], [95.809437, 53.123412], [65.319419, 81.871143], [71.998185, 101.036298], [99.00363, 104.23049]], [[52.833031, 66.771325], [87.388385, 54.865699], [47.315789, 84.774955], [59.221416, 112.651543], [83.032668, 108.005445]], [[45.283122, 46.154265], [89.421053, 39.475499], [81.871143, 73.740472], [56.027223, 93.486388], [90.872958, 89.130672]], [[57.188748, 41.798548], [101.326679, 52.252269], [81.290381, 78.676951], [46.154265, 87.678766], [83.032668, 96.680581]], [[69.094374, 45.283122], [116.136116, 62.705989], [90.582577, 70.836661], [49.058076, 87.388385], [100.455535, 106.84392]], [[45.863884, 53.994555], [95.228675, 49.92922], [71.417423, 78.676951], [52.833031, 103.359347], [92.034483, 102.197822]], [[48.767695, 52.252269], [90.001815, 44.702359], [87.098004, 65.319419], [63.286751, 87.969147], [97.551724, 78.38657]], [[54.865699, 58.640653], [88.549909, 55.15608], [54.284936, 71.707804], [46.735027, 105.972777], [78.38657, 100.455535]], [[56.027223, 46.735027], [90.292196, 49.348457], [86.807623, 69.675136], [57.188748, 95.809437], [91.453721, 96.970962]], [[47.025408, 53.704174], [96.680581, 53.704174], [72.869328, 81.871143], [50.800363, 103.359347], [90.872958, 103.359347]], [[70.546279, 35.990926], [119.330309, 49.058076], [80.419238, 69.965517], [58.350272, 82.451906], [101.907441, 94.357532]], [[46.444646, 57.479129], [85.646098, 56.317604], [82.451906, 78.676951], [53.994555, 103.940109], [85.936479, 103.359347]], [[59.221416, 44.121597], [101.326679, 41.798548], [66.771325, 61.254083], [55.736842, 92.324864], [95.809437, 89.130672]], [[41.798548, 46.444646], [84.484574, 37.733212], [80.419238, 71.707804], [49.348457, 90.582577], [83.032668, 85.355717]], [[42.960073, 54.284936], [82.451906, 43.540835], [88.84029, 75.77314], [59.802178, 98.422868], [93.77677, 86.517241]], [[58.640653, 53.704174], [107.424682, 51.961887], [80.128857, 74.321234], [57.188748, 96.099819], [110.328494, 97.551724]], [[49.348457, 44.702359], [90.872958, 46.154265], [71.998185, 64.157895], [58.059891, 91.453721], [75.77314, 91.453721]], [[55.15608, 50.219601], [104.23049, 53.413793], [70.255898, 76.644283], [51.090744, 95.809437], [96.099819, 97.261343]], [[20.019964, 51.090744], [67.932849, 57.76951], [44.121597, 68.513612], [19.729583, 99.874773], [58.059891, 103.068966]], [[56.607985, 53.413793], [96.099819, 48.186933], [93.486388, 75.77314], [67.932849, 99.584392], [100.745917, 95.228675]], [[37.442831, 59.511797], [81.871143, 49.058076], [65.319419, 73.450091], [56.607985, 97.551724], [85.936479, 90.872958]], [[55.446461, 40.637024], [96.099819, 58.350272], [64.448276, 76.934664], [35.410163, 83.61343], [68.803993, 101.907441]], [[53.994555, 55.736842], [99.874773, 57.188748], [74.030853, 92.905626], [55.15608, 100.165154], [88.549909, 102.778584]], [[62.705989, 57.188748], [100.165154, 53.123412], [67.352087, 85.065336], [70.255898, 103.940109], [108.005445, 95.228675]], [[56.027223, 43.540835], [100.745917, 38.023593], [78.38657, 72.578947], [60.673321, 92.905626], [101.61706, 93.196007]], [[53.994555, 60.092559], [99.584392, 65.029038], [96.099819, 72.578947], [66.771325, 107.134301], [104.520871, 111.490018]], [[58.640653, 49.638838], [103.068966, 52.833031], [84.774955, 81.290381], [59.802178, 97.842105], [98.422868, 96.970962]], [[48.477314, 51.961887], [103.649728, 55.736842], [73.740472, 76.353902], [44.121597, 95.519056], [94.067151, 98.422868]], [[46.735027, 37.442831], [89.711434, 42.669691], [68.803993, 58.059891], [44.99274, 83.323049], [75.77314, 85.646098]], [[59.511797, 50.509982], [102.197822, 62.125227], [65.319419, 86.517241], [49.058076, 90.001815], [89.421053, 102.778584]], [[46.735027, 52.54265], [94.067151, 53.123412], [84.194192, 90.872958], [44.121597, 101.907441], [86.807623, 105.972777]], [[55.446461, 56.027223], [92.615245, 62.99637], [88.259528, 83.032668], [51.381125, 105.972777], [91.163339, 111.780399]], [[45.283122, 57.188748], [91.453721, 56.317604], [70.836661, 81.580762], [48.477314, 90.292196], [83.032668, 90.292196]], [[33.377495, 59.511797], [78.967332, 35.410163], [63.286751, 75.77314], [58.059891, 100.455535], [96.970962, 82.742287]], [[48.186933, 45.283122], [87.678766, 50.509982], [78.38657, 80.419238], [50.800363, 95.519056], [83.61343, 99.874773]], [[49.638838, 49.92922], [97.842105, 53.704174], [70.255898, 78.676951], [43.831216, 94.357532], [96.970962, 98.132486]], [[56.607985, 62.705989], [98.132486, 59.511797], [79.548094, 83.903811], [61.544465, 99.874773], [96.099819, 96.099819]], [[54.284936, 45.283122], [101.61706, 48.186933], [75.77314, 80.709619], [53.413793, 93.77677], [90.582577, 96.680581]], [[48.477314, 57.76951], [94.647913, 57.188748], [72.869328, 89.421053], [49.92922, 106.263158], [91.453721, 105.392015]], [[58.931034, 55.736842], [105.101633, 56.898367], [79.838475, 93.486388], [59.511797, 105.101633], [96.3902, 107.134301]], [[48.477314, 46.444646], [91.163339, 49.348457], [68.803993, 79.838475], [46.444646, 90.872958], [88.259528, 93.196007]], [[58.350272, 59.802178], [109.166969, 62.99637], [83.61343, 87.388385], [61.254083, 107.715064], [104.520871, 109.45735]], [[48.767695, 61.544465], [87.388385, 42.669691], [58.059891, 82.451906], [63.867514, 106.553539], [98.713249, 88.549909]], [[54.865699, 52.54265], [103.068966, 49.92922], [82.451906, 80.128857], [63.286751, 100.165154], [96.970962, 97.551724]], [[49.348457, 46.444646], [90.001815, 37.733212], [59.802178, 69.675136], [56.317604, 96.3902], [91.744102, 90.872958]], [[67.352087, 53.994555], [111.199637, 62.125227], [74.321234, 83.032668], [54.865699, 98.713249], [97.842105, 108.876588]], [[44.702359, 64.448276], [90.292196, 55.736842], [59.511797, 90.292196], [53.413793, 109.45735], [97.551724, 103.649728]], [[65.029038, 67.061706], [108.005445, 67.061706], [85.646098, 85.646098], [60.673321, 97.842105], [104.520871, 98.713249]], [[55.736842, 48.477314], [95.519056, 37.15245], [59.221416, 62.705989], [58.931034, 92.034483], [90.292196, 90.001815]], [[42.088929, 64.738657], [83.323049, 59.511797], [87.098004, 89.421053], [56.898367, 112.07078], [85.936479, 110.328494]], [[41.217786, 56.027223], [84.774955, 52.833031], [68.803993, 84.194192], [47.606171, 102.197822], [80.419238, 100.455535]], [[56.607985, 39.185118], [96.3902, 40.346642], [78.676951, 64.157895], [59.221416, 91.453721], [92.905626, 91.163339]], [[52.833031, 47.606171], [99.00363, 40.927405], [83.323049, 71.417423], [64.448276, 85.646098], [94.647913, 83.032668]], [[45.863884, 57.479129], [94.647913, 57.479129], [65.029038, 80.709619], [51.381125, 92.905626], [86.22686, 93.486388]], [[49.638838, 54.575318], [98.132486, 50.219601], [74.611615, 86.807623], [51.090744, 107.715064], [95.228675, 106.84392]], [[56.027223, 51.090744], [106.553539, 52.54265], [81.580762, 76.644283], [62.415608, 92.615245], [100.165154, 94.647913]], [[53.994555, 51.961887], [94.938294, 53.413793], [67.061706, 79.838475], [55.446461, 100.165154], [94.067151, 101.326679]], [[61.544465, 55.15608], [99.584392, 47.606171], [77.225045, 76.934664], [71.707804, 99.584392], [103.940109, 94.067151]], [[50.219601, 40.346642], [101.61706, 40.346642], [75.482759, 75.482759], [47.606171, 86.807623], [98.713249, 89.421053]], [[45.863884, 58.059891], [89.711434, 52.252269], [65.319419, 88.259528], [58.931034, 108.586207], [81.871143, 99.00363]], [[61.544465, 50.800363], [92.324864, 60.673321], [57.188748, 80.419238], [50.219601, 96.3902], [76.934664, 102.197822]], [[45.283122, 46.154265], [95.809437, 47.606171], [59.802178, 73.450091], [43.831216, 95.228675], [87.969147, 97.261343]], [[64.738657, 52.833031], [108.295826, 37.15245], [72.288566, 63.577132], [69.094374, 92.324864], [99.874773, 85.065336]], [[60.673321, 41.508167], [105.392015, 38.894737], [78.38657, 70.836661], [64.448276, 91.744102], [100.455535, 89.711434]], [[50.509982, 52.833031], [97.842105, 45.573503], [76.934664, 74.030853], [59.511797, 96.099819], [104.520871, 87.388385]], [[50.509982, 55.15608], [92.034483, 58.931034], [87.969147, 87.388385], [53.413793, 103.940109], [86.22686, 105.972777]], [[61.544465, 36.862069], [101.036298, 43.250454], [67.352087, 64.157895], [56.317604, 85.065336], [87.098004, 91.744102]], [[43.250454, 53.704174], [90.872958, 57.479129], [66.480944, 89.130672], [34.248639, 96.3902], [86.807623, 98.422868]], [[60.673321, 55.446461], [101.326679, 56.898367], [72.288566, 84.774955], [62.705989, 107.134301], [101.326679, 108.005445]], [[35.119782, 66.771325], [76.934664, 47.025408], [70.546279, 86.22686], [61.254083, 112.07078], [94.067151, 95.809437]], [[53.123412, 55.446461], [107.134301, 61.834846], [75.77314, 89.130672], [52.833031, 107.424682], [93.77677, 110.618875]], [[55.446461, 50.509982], [90.872958, 49.92922], [76.063521, 72.869328], [57.76951, 96.099819], [86.517241, 98.713249]], [[62.125227, 42.669691], [104.520871, 56.607985], [70.255898, 67.642468], [47.606171, 85.936479], [86.517241, 100.165154]], [[65.900181, 53.704174], [112.651543, 61.834846], [84.194192, 91.453721], [62.125227, 96.099819], [102.778584, 105.392015]], [[43.250454, 49.638838], [90.292196, 42.088929], [66.480944, 72.578947], [43.540835, 89.711434], [100.745917, 83.903811]], [[47.606171, 53.994555], [91.453721, 39.185118], [59.221416, 69.675136], [59.221416, 99.294011], [93.486388, 93.486388]], [[50.219601, 60.092559], [93.196007, 53.413793], [69.675136, 87.969147], [57.76951, 107.134301], [104.811252, 102.778584]], [[71.417423, 46.444646], [112.07078, 53.123412], [71.707804, 71.998185], [72.578947, 98.422868], [99.584392, 101.907441]], [[46.444646, 66.480944], [97.842105, 42.960073], [90.001815, 89.130672], [57.188748, 110.909256], [108.876588, 87.388385]], [[51.090744, 45.283122], [98.713249, 44.702359], [75.482759, 65.900181], [54.865699, 92.324864], [94.938294, 92.324864]], [[56.027223, 48.767695], [108.876588, 48.767695], [77.225045, 88.549909], [57.188748, 94.067151], [111.780399, 93.77677]], [[46.154265, 65.319419], [93.196007, 67.932849], [64.738657, 99.294011], [47.896552, 95.809437], [83.903811, 99.294011]], [[41.508167, 44.99274], [91.163339, 47.025408], [58.350272, 73.740472], [43.540835, 89.421053], [86.22686, 92.615245]], [[52.54265, 62.99637], [101.036298, 58.931034], [72.288566, 78.096189], [58.059891, 111.199637], [100.745917, 107.424682]], [[63.577132, 42.960073], [96.099819, 52.54265], [94.067151, 80.128857], [60.38294, 92.905626], [87.098004, 97.261343]], [[51.961887, 51.961887], [91.453721, 46.154265], [91.453721, 68.513612], [66.190563, 98.713249], [100.455535, 93.196007]], [[67.932849, 34.829401], [114.974592, 54.284936], [80.419238, 74.611615], [45.863884, 76.934664], [94.647913, 99.874773]], [[44.702359, 38.023593], [92.034483, 31.92559], [77.805808, 70.255898], [42.088929, 89.421053], [97.842105, 79.257713]], [[50.219601, 45.863884], [95.809437, 42.669691], [65.6098, 66.480944], [47.315789, 88.549909], [94.938294, 89.130672]], [[57.479129, 46.444646], [100.745917, 49.92922], [74.030853, 67.642468], [48.477314, 95.809437], [73.450091, 96.099819]], [[49.348457, 48.477314], [80.709619, 51.090744], [81.0, 78.38657], [55.736842, 97.261343], [79.838475, 96.680581]], [[61.254083, 50.800363], [99.874773, 49.92922], [79.257713, 73.450091], [65.319419, 95.809437], [92.034483, 96.3902]], [[39.76588, 51.381125], [88.84029, 49.92922], [69.965517, 68.22323], [49.058076, 99.874773], [86.517241, 100.745917]], [[44.99274, 40.927405], [95.809437, 38.604356], [69.965517, 71.707804], [52.54265, 88.549909], [96.099819, 85.355717]], [[44.99274, 40.346642], [89.130672, 26.989111], [63.286751, 68.513612], [64.738657, 84.774955], [96.970962, 76.063521]], [[51.671506, 49.058076], [81.0, 49.638838], [89.130672, 72.578947], [63.286751, 97.261343], [85.936479, 95.519056]], [[42.669691, 56.898367], [82.161525, 33.667877], [85.936479, 66.190563], [60.092559, 93.486388], [97.261343, 69.384755]], [[62.99637, 44.99274], [100.745917, 61.254083], [72.869328, 84.194192], [70.836661, 94.938294], [100.745917, 103.359347]], [[47.896552, 46.735027], [89.130672, 42.960073], [70.546279, 77.225045], [52.252269, 94.647913], [87.678766, 93.486388]], [[46.735027, 41.217786], [92.034483, 38.604356], [66.190563, 64.738657], [47.315789, 84.774955], [89.711434, 86.807623]], [[54.865699, 54.284936], [99.294011, 53.704174], [86.517241, 85.065336], [52.54265, 98.713249], [102.778584, 99.874773]], [[48.186933, 43.250454], [91.453721, 44.99274], [73.450091, 75.192377], [50.800363, 92.905626], [83.61343, 93.196007]], [[59.221416, 60.963702], [97.551724, 61.834846], [77.805808, 82.742287], [62.415608, 103.649728], [92.905626, 104.811252]], [[46.444646, 43.250454], [104.811252, 40.056261], [79.257713, 63.577132], [51.381125, 85.646098], [103.359347, 81.871143]], [[45.863884, 49.348457], [87.969147, 39.185118], [68.803993, 78.676951], [64.157895, 94.647913], [97.551724, 85.936479]], [[63.867514, 34.248639], [101.907441, 52.54265], [71.998185, 61.834846], [43.250454, 71.707804], [81.290381, 90.292196]], [[43.540835, 56.027223], [91.744102, 54.865699], [67.352087, 79.838475], [49.348457, 101.907441], [85.646098, 103.359347]], [[47.896552, 50.800363], [90.001815, 46.735027], [64.448276, 75.482759], [54.865699, 93.77677], [87.388385, 90.582577]], [[61.544465, 41.217786], [97.842105, 51.090744], [94.067151, 69.384755], [59.802178, 87.678766], [89.130672, 96.099819]], [[52.833031, 48.477314], [98.422868, 50.509982], [66.480944, 82.451906], [55.446461, 96.970962], [93.196007, 99.00363]], [[43.540835, 58.931034], [84.484574, 55.736842], [59.511797, 79.257713], [44.411978, 103.649728], [83.903811, 101.326679]], [[32.796733, 43.831216], [75.482759, 46.444646], [55.15608, 62.415608], [32.215971, 87.098004], [68.22323, 90.292196]], [[51.671506, 44.121597], [96.680581, 43.831216], [72.288566, 83.903811], [53.994555, 94.067151], [93.486388, 95.228675]], [[49.92922, 48.477314], [85.936479, 49.058076], [79.548094, 74.611615], [50.509982, 96.970962], [81.290381, 96.3902]], [[56.317604, 66.771325], [99.294011, 52.54265], [84.774955, 82.451906], [77.515426, 111.199637], [108.005445, 99.584392]], [[63.867514, 51.381125], [96.3902, 52.252269], [60.963702, 77.225045], [55.446461, 101.036298], [81.0, 105.101633]], [[53.123412, 52.54265], [95.228675, 59.511797], [78.967332, 86.807623], [53.704174, 100.745917], [83.032668, 105.972777]], [[61.544465, 54.284936], [108.876588, 51.961887], [84.774955, 79.257713], [68.22323, 99.584392], [103.068966, 96.680581]], [[64.448276, 44.702359], [97.842105, 57.479129], [91.163339, 81.871143], [55.736842, 90.292196], [79.257713, 102.197822]], [[52.54265, 48.477314], [96.3902, 52.833031], [77.515426, 76.644283], [46.735027, 91.163339], [96.3902, 96.3902]], [[50.800363, 57.479129], [89.711434, 56.317604], [87.969147, 85.355717], [57.479129, 106.84392], [90.001815, 102.778584]], [[45.863884, 56.317604], [92.034483, 57.479129], [61.544465, 80.419238], [44.99274, 102.778584], [81.0, 103.359347]], [[60.963702, 34.53902], [103.359347, 44.702359], [73.15971, 59.511797], [52.252269, 81.290381], [83.61343, 91.163339]], [[48.186933, 52.252269], [94.938294, 53.413793], [78.38657, 86.517241], [48.767695, 93.77677], [95.809437, 94.067151]], [[40.056261, 53.994555], [88.549909, 56.898367], [78.38657, 86.807623], [41.798548, 101.326679], [83.323049, 105.392015]], [[61.544465, 52.252269], [90.001815, 72.869328], [50.219601, 86.517241], [54.865699, 98.713249], [80.709619, 117.297641]], [[42.37931, 49.058076], [92.324864, 42.669691], [79.838475, 76.934664], [52.54265, 95.809437], [92.905626, 90.582577]], [[54.865699, 49.92922], [92.905626, 49.058076], [63.577132, 79.838475], [62.99637, 96.3902], [93.77677, 95.519056]], [[57.76951, 45.283122], [105.682396, 43.250454], [80.128857, 69.965517], [63.577132, 93.77677], [102.197822, 94.357532]], [[39.475499, 43.540835], [90.292196, 49.348457], [72.578947, 61.544465], [45.283122, 88.549909], [84.484574, 94.938294]], [[63.867514, 54.865699], [102.778584, 60.963702], [84.774955, 85.065336], [63.577132, 102.488203], [96.970962, 108.295826]], [[56.898367, 63.577132], [101.326679, 49.348457], [63.867514, 76.644283], [60.673321, 112.941924], [109.166969, 101.326679]], [[44.121597, 57.479129], [91.163339, 47.896552], [47.315789, 77.515426], [51.090744, 105.682396], [86.517241, 103.940109]], [[51.090744, 48.186933], [100.745917, 48.477314], [74.030853, 66.480944], [55.736842, 87.388385], [92.324864, 88.549909]], [[43.831216, 52.833031], [90.872958, 51.090744], [75.77314, 74.611615], [48.186933, 95.809437], [90.001815, 96.680581]], [[60.38294, 42.37931], [106.553539, 43.831216], [83.903811, 66.771325], [67.642468, 92.615245], [93.77677, 94.357532]], [[60.963702, 43.540835], [101.907441, 44.702359], [81.290381, 74.611615], [65.900181, 85.355717], [95.809437, 87.098004]], [[51.381125, 37.733212], [91.453721, 40.056261], [61.254083, 73.740472], [64.738657, 85.355717], [91.453721, 88.84029]], [[54.865699, 56.027223], [96.3902, 49.348457], [70.546279, 79.257713], [62.415608, 103.940109], [100.165154, 101.036298]], [[42.088929, 49.92922], [90.292196, 39.475499], [65.319419, 64.448276], [52.833031, 94.647913], [100.455535, 83.61343]], [[53.123412, 57.76951], [96.970962, 56.607985], [61.834846, 97.842105], [56.317604, 110.038113], [89.130672, 113.232305]], [[36.862069, 55.446461], [79.257713, 33.958258], [64.157895, 69.675136], [53.413793, 94.067151], [100.165154, 72.578947]], [[62.705989, 59.511797], [102.488203, 61.254083], [68.22323, 77.805808], [58.931034, 105.101633], [90.001815, 110.618875]], [[48.477314, 61.544465], [97.842105, 56.898367], [78.096189, 91.163339], [60.38294, 110.038113], [89.421053, 107.134301]], [[44.702359, 45.283122], [83.323049, 35.700544], [57.479129, 74.611615], [56.898367, 92.615245], [83.61343, 87.969147]], [[55.736842, 33.667877], [95.809437, 39.475499], [69.384755, 66.480944], [52.252269, 76.644283], [87.678766, 81.580762]], [[46.444646, 54.865699], [93.196007, 57.188748], [68.513612, 71.707804], [45.863884, 106.263158], [84.774955, 107.715064]], [[53.123412, 54.575318], [91.744102, 55.15608], [67.642468, 75.192377], [51.381125, 102.778584], [84.484574, 104.520871]], [[55.736842, 39.475499], [98.132486, 49.638838], [81.580762, 72.288566], [49.348457, 85.355717], [90.001815, 98.132486]], [[44.411978, 56.898367], [79.548094, 51.381125], [76.353902, 80.128857], [54.865699, 104.23049], [83.61343, 96.3902]], [[52.54265, 43.540835], [100.165154, 35.700544], [74.611615, 67.642468], [59.221416, 91.453721], [103.940109, 83.323049]], [[38.313975, 58.640653], [85.355717, 47.025408], [60.673321, 82.161525], [47.896552, 97.842105], [92.615245, 86.807623]], [[57.479129, 46.444646], [95.228675, 31.054446], [73.740472, 57.479129], [70.836661, 92.034483], [102.488203, 77.805808]], [[42.960073, 43.250454], [88.549909, 42.37931], [58.059891, 76.353902], [42.37931, 90.872958], [89.711434, 89.421053]], [[55.736842, 47.896552], [99.874773, 55.15608], [73.450091, 60.963702], [45.283122, 93.196007], [91.744102, 102.488203]], [[48.477314, 56.898367], [83.903811, 45.283122], [58.059891, 83.903811], [63.286751, 102.778584], [91.744102, 98.132486]], [[33.087114, 71.417423], [79.548094, 51.961887], [72.869328, 83.903811], [52.54265, 109.747731], [98.132486, 89.421053]], [[52.833031, 59.221416], [98.132486, 56.027223], [67.352087, 93.196007], [53.413793, 108.295826], [97.261343, 104.23049]], [[49.348457, 45.283122], [100.745917, 44.411978], [74.030853, 79.257713], [45.573503, 93.196007], [101.036298, 93.486388]], [[51.961887, 52.252269], [99.294011, 64.448276], [72.578947, 88.84029], [40.346642, 95.809437], [86.807623, 104.811252]], [[49.638838, 58.350272], [81.871143, 53.413793], [59.511797, 87.969147], [61.254083, 113.522686], [86.807623, 110.909256]], [[46.444646, 44.411978], [83.61343, 48.477314], [58.931034, 71.998185], [50.219601, 92.615245], [83.032668, 94.357532]], [[44.702359, 46.154265], [89.421053, 53.123412], [58.640653, 82.451906], [44.411978, 90.001815], [83.323049, 96.680581]], [[59.221416, 39.76588], [107.715064, 38.604356], [76.934664, 74.901996], [58.931034, 86.22686], [113.232305, 86.517241]], [[57.479129, 46.735027], [107.715064, 56.027223], [94.647913, 90.292196], [46.735027, 94.938294], [95.519056, 103.359347]], [[49.058076, 51.090744], [89.421053, 35.410163], [59.511797, 70.546279], [63.286751, 96.680581], [102.488203, 82.742287]], [[64.738657, 58.350272], [97.842105, 60.673321], [60.963702, 86.807623], [60.673321, 107.134301], [87.678766, 109.45735]], [[35.990926, 56.898367], [80.419238, 44.702359], [41.217786, 62.125227], [36.281307, 97.261343], [65.900181, 94.067151]], [[68.513612, 52.833031], [115.264973, 48.767695], [68.803993, 71.417423], [56.898367, 104.520871], [95.519056, 105.392015]], [[56.317604, 45.283122], [103.940109, 44.702359], [82.451906, 75.77314], [60.092559, 99.874773], [98.422868, 97.842105]], [[53.413793, 51.090744], [97.842105, 51.381125], [76.934664, 77.515426], [56.317604, 100.165154], [90.582577, 101.036298]], [[48.767695, 46.735027], [92.034483, 51.671506], [54.575318, 82.451906], [44.99274, 96.680581], [79.548094, 101.907441]], [[55.736842, 43.250454], [96.3902, 50.509982], [61.834846, 80.128857], [51.671506, 90.292196], [93.77677, 95.809437]], [[54.865699, 52.252269], [93.196007, 52.252269], [85.936479, 77.515426], [51.090744, 101.61706], [86.22686, 101.036298]], [[53.123412, 50.800363], [96.3902, 52.833031], [91.163339, 84.194192], [55.15608, 95.228675], [92.324864, 97.261343]], [[63.577132, 52.54265], [107.715064, 69.094374], [75.192377, 82.451906], [54.284936, 105.101633], [88.549909, 116.716878]], [[47.025408, 46.154265], [91.744102, 51.090744], [63.577132, 81.0], [43.831216, 90.001815], [78.967332, 94.938294]], [[58.640653, 46.735027], [104.520871, 38.313975], [101.036298, 75.77314], [54.865699, 99.294011], [104.23049, 92.034483]], [[61.834846, 46.735027], [111.199637, 44.99274], [84.774955, 76.934664], [58.059891, 93.196007], [111.490018, 92.905626]], [[41.798548, 58.059891], [99.00363, 47.606171], [70.836661, 91.453721], [51.090744, 100.455535], [102.488203, 92.615245]], [[50.800363, 48.477314], [87.098004, 44.411978], [58.350272, 74.901996], [60.38294, 95.519056], [86.22686, 92.905626]], [[63.286751, 48.186933], [112.07078, 45.283122], [76.063521, 74.321234], [66.771325, 97.551724], [108.586207, 95.809437]], [[50.219601, 50.219601], [100.745917, 48.767695], [74.321234, 78.096189], [53.123412, 99.00363], [98.132486, 100.165154]], [[55.15608, 38.604356], [98.713249, 40.056261], [77.515426, 68.803993], [54.284936, 88.84029], [90.292196, 88.84029]], [[55.736842, 71.998185], [98.713249, 61.544465], [81.0, 96.099819], [72.869328, 128.912886], [99.00363, 122.23412]], [[46.444646, 50.509982], [94.938294, 50.800363], [56.027223, 78.096189], [52.833031, 93.77677], [99.00363, 92.905626]], [[61.544465, 59.221416], [98.132486, 56.317604], [92.034483, 82.742287], [61.254083, 108.586207], [98.713249, 105.682396]], [[49.92922, 59.221416], [103.359347, 56.898367], [67.061706, 88.84029], [57.188748, 108.295826], [102.488203, 105.972777]], [[49.348457, 52.252269], [95.519056, 41.798548], [78.096189, 63.867514], [65.319419, 96.3902], [102.488203, 91.453721]], [[47.606171, 39.475499], [91.453721, 38.313975], [71.998185, 62.125227], [54.575318, 86.807623], [89.130672, 85.936479]], [[45.573503, 49.638838], [90.001815, 52.833031], [68.803993, 70.546279], [44.702359, 92.324864], [85.065336, 96.099819]], [[56.898367, 46.735027], [100.745917, 44.411978], [82.742287, 74.611615], [62.125227, 93.486388], [94.938294, 92.615245]], [[52.54265, 60.092559], [101.907441, 58.059891], [72.288566, 82.161525], [55.15608, 105.101633], [95.809437, 106.263158]], [[38.604356, 39.76588], [83.61343, 27.279492], [62.99637, 65.6098], [49.638838, 82.161525], [88.259528, 73.450091]], [[37.442831, 42.960073], [79.838475, 33.087114], [53.413793, 65.6098], [44.411978, 89.711434], [83.61343, 82.451906]], [[41.508167, 42.960073], [79.838475, 40.346642], [69.675136, 68.803993], [51.090744, 91.453721], [82.742287, 90.582577]], [[50.219601, 70.546279], [98.132486, 55.736842], [76.934664, 80.128857], [66.771325, 111.780399], [105.101633, 99.584392]], [[66.190563, 46.444646], [93.196007, 48.767695], [54.865699, 61.834846], [53.994555, 94.357532], [81.0, 101.326679]], [[52.252269, 44.702359], [100.745917, 44.121597], [69.094374, 72.288566], [47.025408, 87.388385], [101.036298, 86.517241]], [[48.477314, 36.862069], [85.936479, 42.669691], [72.578947, 70.836661], [44.411978, 84.774955], [75.192377, 90.582577]], [[43.540835, 53.413793], [74.321234, 29.31216], [59.802178, 68.513612], [67.642468, 96.970962], [96.3902, 78.676951]], [[51.671506, 54.575318], [99.294011, 42.088929], [82.742287, 75.482759], [70.836661, 101.036298], [106.263158, 91.453721]], [[45.573503, 51.381125], [90.292196, 51.961887], [75.77314, 76.934664], [54.865699, 99.294011], [81.580762, 101.61706]], [[57.479129, 53.704174], [104.520871, 66.190563], [84.484574, 79.257713], [50.219601, 98.422868], [95.519056, 108.876588]], [[57.188748, 40.637024], [95.228675, 49.058076], [76.353902, 70.255898], [50.219601, 85.065336], [82.161525, 93.77677]], [[58.640653, 51.671506], [96.680581, 49.92922], [69.384755, 81.580762], [67.642468, 98.132486], [93.77677, 96.680581]], [[69.384755, 44.99274], [113.813067, 55.15608], [87.969147, 77.805808], [63.286751, 94.938294], [94.938294, 101.036298]], [[60.38294, 57.479129], [111.199637, 60.963702], [81.871143, 83.323049], [64.157895, 100.165154], [105.682396, 103.649728]], [[47.025408, 62.415608], [83.032668, 53.413793], [79.548094, 78.676951], [61.254083, 105.682396], [87.969147, 97.842105]], [[58.350272, 51.090744], [99.874773, 62.125227], [56.607985, 81.871143], [50.800363, 96.680581], [88.84029, 107.424682]], [[62.415608, 61.544465], [100.455535, 63.286751], [67.932849, 86.22686], [58.059891, 110.038113], [88.259528, 112.07078]], [[45.863884, 43.250454], [89.421053, 36.281307], [67.061706, 66.480944], [51.961887, 90.582577], [87.969147, 87.388385]], [[61.544465, 44.411978], [104.520871, 59.802178], [54.865699, 66.190563], [43.831216, 92.034483], [71.707804, 103.359347]], [[44.411978, 49.348457], [88.84029, 49.058076], [64.738657, 72.578947], [50.219601, 97.551724], [79.838475, 98.132486]], [[42.960073, 51.381125], [87.969147, 51.381125], [60.673321, 79.257713], [42.088929, 102.488203], [78.096189, 102.778584]], [[61.254083, 49.92922], [98.422868, 59.511797], [94.647913, 75.192377], [65.319419, 99.584392], [95.519056, 104.520871]], [[65.319419, 43.540835], [105.682396, 53.704174], [80.709619, 68.513612], [58.931034, 78.967332], [93.77677, 86.22686]], [[43.831216, 54.575318], [92.034483, 57.188748], [67.061706, 77.805808], [50.509982, 102.488203], [77.805808, 104.520871]], [[69.675136, 50.800363], [112.361162, 71.707804], [78.38657, 86.517241], [56.317604, 93.77677], [89.711434, 111.199637]], [[48.767695, 60.38294], [91.163339, 60.963702], [82.161525, 84.194192], [50.219601, 103.068966], [88.259528, 103.940109]], [[54.284936, 48.186933], [97.551724, 47.315789], [72.578947, 78.096189], [55.15608, 97.261343], [93.196007, 96.680581]], [[64.738657, 40.637024], [110.328494, 46.154265], [79.548094, 80.128857], [59.511797, 85.355717], [100.455535, 92.034483]], [[61.254083, 41.217786], [109.45735, 44.702359], [90.872958, 77.515426], [59.221416, 84.194192], [103.649728, 87.098004]], [[44.411978, 65.6098], [87.098004, 47.896552], [78.096189, 74.901996], [57.188748, 102.488203], [99.874773, 85.065336]], [[51.961887, 38.894737], [94.067151, 38.023593], [75.192377, 60.963702], [55.736842, 82.451906], [87.098004, 83.61343]], [[54.575318, 47.315789], [104.811252, 51.090744], [75.482759, 86.517241], [45.283122, 83.903811], [103.940109, 92.905626]], [[53.994555, 48.767695], [100.455535, 53.994555], [82.161525, 77.805808], [54.575318, 98.132486], [91.163339, 102.778584]], [[59.802178, 44.702359], [107.715064, 57.479129], [66.771325, 82.742287], [45.573503, 94.067151], [98.422868, 105.392015]], [[41.508167, 48.186933], [85.065336, 44.121597], [56.607985, 79.257713], [49.348457, 91.453721], [90.582577, 87.388385]], [[62.99637, 49.92922], [110.618875, 45.283122], [81.290381, 66.480944], [61.254083, 95.519056], [107.424682, 90.292196]], [[80.128857, 53.704174], [111.780399, 64.738657], [69.965517, 82.161525], [67.932849, 103.068966], [87.388385, 111.199637]], [[49.348457, 44.702359], [94.647913, 44.702359], [72.578947, 71.707804], [51.961887, 93.77677], [87.678766, 94.357532]], [[52.252269, 48.186933], [92.905626, 58.931034], [62.415608, 73.740472], [40.637024, 94.357532], [74.901996, 105.101633]], [[47.315789, 43.831216], [91.453721, 47.025408], [70.255898, 78.676951], [49.348457, 98.422868], [80.419238, 101.036298]], [[44.702359, 50.800363], [90.872958, 37.733212], [66.771325, 61.544465], [51.961887, 101.61706], [97.261343, 90.292196]], [[50.219601, 65.900181], [96.3902, 67.061706], [70.546279, 92.034483], [47.315789, 101.326679], [97.842105, 102.197822]], [[65.029038, 48.477314], [108.586207, 47.025408], [92.905626, 80.709619], [59.511797, 94.938294], [93.196007, 93.196007]], [[45.863884, 45.863884], [95.809437, 44.99274], [62.415608, 79.548094], [45.863884, 95.519056], [94.647913, 96.3902]], [[60.092559, 41.217786], [103.359347, 41.798548], [85.936479, 71.127042], [62.99637, 87.388385], [98.713249, 87.969147]], [[42.669691, 51.671506], [92.615245, 43.831216], [64.448276, 63.577132], [50.509982, 99.294011], [95.809437, 94.938294]], [[52.54265, 43.250454], [99.294011, 43.831216], [76.353902, 60.963702], [53.994555, 85.355717], [99.00363, 82.451906]], [[45.863884, 43.250454], [90.872958, 43.250454], [70.836661, 76.063521], [50.800363, 93.77677], [87.388385, 91.453721]], [[58.350272, 61.834846], [102.488203, 55.736842], [76.934664, 90.872958], [65.6098, 109.166969], [108.876588, 102.778584]], [[48.767695, 41.798548], [93.77677, 41.798548], [50.219601, 74.030853], [45.863884, 85.355717], [96.3902, 88.259528]], [[52.54265, 55.15608], [107.715064, 45.863884], [86.807623, 81.580762], [53.704174, 91.453721], [106.84392, 81.580762]], [[54.284936, 41.508167], [101.61706, 42.37931], [74.611615, 72.288566], [55.446461, 90.582577], [97.261343, 91.744102]], [[62.99637, 46.444646], [104.811252, 50.800363], [80.128857, 75.482759], [60.092559, 94.067151], [93.196007, 96.970962]], [[60.092559, 38.313975], [106.84392, 49.348457], [69.094374, 68.22323], [44.702359, 80.709619], [90.582577, 92.905626]], [[42.088929, 45.863884], [88.549909, 43.540835], [67.642468, 69.675136], [42.088929, 84.774955], [88.84029, 82.451906]], [[42.960073, 52.833031], [89.130672, 40.056261], [65.6098, 78.676951], [52.54265, 97.261343], [102.197822, 85.355717]], [[65.319419, 62.415608], [107.134301, 60.092559], [81.580762, 82.742287], [69.675136, 110.618875], [102.778584, 108.295826]], [[64.157895, 47.896552], [110.328494, 44.411978], [92.034483, 76.934664], [70.255898, 91.163339], [105.392015, 87.388385]], [[62.415608, 47.896552], [103.359347, 49.92922], [83.903811, 72.288566], [68.22323, 94.067151], [87.678766, 93.486388]], [[57.479129, 49.348457], [99.00363, 60.38294], [87.678766, 84.774955], [52.833031, 100.165154], [86.22686, 111.780399]], [[94.938294, 110.328494], [45.863884, 108.295826], [72.578947, 87.678766], [94.067151, 58.931034], [50.509982, 56.027223]], [[58.350272, 56.898367], [103.068966, 61.834846], [81.580762, 84.774955], [55.736842, 99.584392], [93.77677, 103.359347]], [[48.186933, 60.38294], [92.034483, 45.283122], [79.838475, 81.871143], [70.836661, 104.23049], [99.584392, 97.551724]], [[63.577132, 39.475499], [106.263158, 63.577132], [90.582577, 60.673321], [52.54265, 91.163339], [85.355717, 104.23049]], [[50.509982, 58.350272], [93.196007, 54.575318], [69.675136, 83.61343], [54.865699, 104.520871], [93.196007, 101.61706]], [[41.217786, 46.154265], [90.292196, 45.283122], [69.094374, 72.578947], [46.444646, 94.357532], [92.905626, 96.970962]], [[66.480944, 57.479129], [107.424682, 57.76951], [66.480944, 83.903811], [66.190563, 106.263158], [95.809437, 110.328494]], [[69.094374, 48.767695], [110.909256, 74.901996], [93.77677, 71.998185], [57.188748, 87.388385], [90.001815, 108.586207]], [[51.671506, 55.446461], [92.615245, 48.477314], [62.415608, 76.353902], [57.76951, 101.61706], [96.3902, 96.970962]], [[71.707804, 53.994555], [112.07078, 66.771325], [81.290381, 80.709619], [61.834846, 89.421053], [96.3902, 100.745917]], [[56.607985, 49.348457], [92.905626, 47.315789], [86.517241, 72.578947], [64.157895, 98.132486], [90.292196, 95.228675]], [[58.059891, 36.281307], [94.067151, 45.573503], [87.098004, 70.836661], [55.446461, 84.194192], [83.61343, 90.872958]], [[62.705989, 64.448276], [99.584392, 54.865699], [62.125227, 87.969147], [71.417423, 110.909256], [99.00363, 108.005445]], [[53.413793, 60.963702], [95.519056, 60.673321], [88.549909, 89.421053], [57.188748, 106.263158], [93.196007, 102.488203]], [[42.669691, 56.317604], [91.453721, 54.284936], [69.675136, 90.001815], [49.058076, 105.682396], [84.484574, 103.940109]], [[54.865699, 51.090744], [90.582577, 63.286751], [58.931034, 81.290381], [45.573503, 95.809437], [74.901996, 108.295826]], [[56.607985, 54.575318], [101.61706, 55.446461], [103.359347, 85.646098], [62.705989, 103.940109], [105.682396, 104.520871]], [[50.509982, 46.154265], [94.647913, 45.863884], [80.128857, 80.709619], [47.025408, 94.067151], [85.936479, 95.228675]], [[44.121597, 55.446461], [78.676951, 54.575318], [78.967332, 77.515426], [54.575318, 102.488203], [82.451906, 102.197822]], [[51.381125, 64.157895], [83.903811, 48.477314], [59.221416, 82.451906], [66.480944, 111.199637], [98.132486, 97.551724]], [[48.186933, 44.121597], [86.807623, 44.411978], [65.900181, 78.967332], [49.638838, 92.324864], [81.290381, 91.453721]], [[50.800363, 56.898367], [95.809437, 52.252269], [77.805808, 95.228675], [58.931034, 103.940109], [92.615245, 98.422868]], [[45.573503, 54.865699], [95.228675, 57.76951], [65.029038, 103.068966], [43.540835, 115.845735], [89.421053, 120.201452]], [[58.059891, 39.475499], [101.326679, 52.833031], [58.059891, 79.257713], [49.058076, 88.84029], [83.323049, 99.00363]], [[49.638838, 45.283122], [91.163339, 37.733212], [63.577132, 68.22323], [56.898367, 84.484574], [102.197822, 76.353902]], [[47.606171, 40.346642], [98.132486, 39.185118], [73.740472, 59.511797], [51.090744, 89.711434], [94.647913, 92.324864]], [[55.736842, 38.023593], [104.520871, 41.217786], [79.257713, 71.707804], [51.671506, 88.259528], [99.874773, 93.486388]], [[60.963702, 61.254083], [101.036298, 55.736842], [70.546279, 82.742287], [65.029038, 108.876588], [99.294011, 108.005445]], [[43.831216, 44.702359], [94.647913, 45.863884], [68.803993, 73.15971], [38.313975, 85.936479], [93.77677, 89.711434]], [[45.573503, 58.931034], [91.744102, 48.477314], [74.611615, 75.77314], [59.802178, 104.520871], [98.713249, 97.551724]], [[47.025408, 42.37931], [94.357532, 39.76588], [74.030853, 63.867514], [54.575318, 90.872958], [93.196007, 90.001815]], [[45.573503, 61.834846], [85.646098, 38.894737], [95.228675, 78.967332], [61.544465, 105.392015], [101.61706, 86.517241]], [[54.284936, 48.767695], [97.842105, 57.188748], [58.059891, 73.740472], [48.477314, 96.680581], [81.290381, 104.23049]], [[48.186933, 62.99637], [87.678766, 49.638838], [83.032668, 83.032668], [58.350272, 102.197822], [96.680581, 88.549909]], [[39.76588, 60.963702], [85.355717, 57.479129], [72.869328, 85.936479], [49.92922, 103.359347], [85.065336, 101.036298]], [[51.961887, 43.540835], [99.294011, 42.960073], [80.128857, 65.319419], [57.76951, 92.034483], [94.357532, 91.453721]], [[42.669691, 46.154265], [93.196007, 46.444646], [73.740472, 65.029038], [54.575318, 92.615245], [89.130672, 95.809437]], [[50.509982, 55.446461], [96.3902, 52.54265], [71.707804, 69.384755], [55.446461, 102.778584], [89.130672, 100.745917]], [[47.315789, 62.125227], [88.549909, 57.76951], [80.709619, 84.194192], [60.963702, 107.134301], [89.130672, 101.907441]], [[64.738657, 52.833031], [111.780399, 66.771325], [75.77314, 87.388385], [48.477314, 94.357532], [96.680581, 110.618875]], [[53.413793, 38.894737], [87.098004, 42.088929], [55.446461, 65.900181], [53.704174, 85.065336], [82.161525, 88.84029]], [[60.092559, 60.38294], [104.23049, 52.833031], [86.807623, 92.324864], [70.546279, 107.424682], [101.036298, 103.649728]], [[42.088929, 59.221416], [84.774955, 43.831216], [83.032668, 75.77314], [57.76951, 103.940109], [90.292196, 90.001815]], [[49.058076, 39.185118], [94.938294, 35.119782], [72.869328, 59.221416], [47.315789, 85.065336], [82.451906, 83.032668]], [[56.317604, 50.219601], [92.905626, 46.735027], [67.932849, 78.096189], [60.963702, 98.713249], [90.582577, 96.680581]], [[43.540835, 49.058076], [94.647913, 46.154265], [71.417423, 75.482759], [51.671506, 100.165154], [86.22686, 99.00363]], [[44.702359, 42.960073], [96.3902, 36.281307], [61.544465, 72.288566], [53.413793, 88.549909], [103.649728, 85.936479]], [[54.865699, 43.540835], [96.099819, 44.702359], [75.482759, 69.094374], [58.931034, 93.196007], [92.324864, 92.905626]], [[42.37931, 53.413793], [92.324864, 49.638838], [65.029038, 73.740472], [49.92922, 102.778584], [88.259528, 99.874773]], [[54.575318, 52.252269], [96.3902, 51.090744], [67.352087, 79.838475], [57.479129, 104.23049], [95.519056, 104.811252]], [[49.348457, 56.898367], [95.809437, 51.090744], [73.15971, 78.38657], [62.125227, 108.005445], [91.163339, 104.520871]], [[53.413793, 52.252269], [95.519056, 45.573503], [65.900181, 79.548094], [60.963702, 101.907441], [93.486388, 97.842105]], [[56.317604, 57.76951], [100.455535, 51.381125], [67.642468, 85.355717], [63.286751, 103.940109], [111.490018, 101.326679]], [[56.607985, 44.702359], [99.294011, 45.573503], [84.774955, 67.932849], [59.221416, 94.067151], [90.001815, 94.938294]], [[50.800363, 55.446461], [97.551724, 46.154265], [74.030853, 94.357532], [65.900181, 101.036298], [113.232305, 95.809437]], [[50.509982, 31.344828], [94.067151, 29.31216], [73.740472, 63.867514], [57.188748, 79.548094], [90.292196, 78.967332]], [[44.121597, 53.704174], [92.905626, 49.348457], [80.709619, 84.484574], [55.446461, 103.649728], [92.034483, 99.584392]], [[60.673321, 38.604356], [102.488203, 40.927405], [75.192377, 74.901996], [60.092559, 84.194192], [103.359347, 85.065336]], [[55.15608, 48.186933], [98.132486, 53.704174], [83.323049, 82.742287], [49.348457, 92.324864], [91.744102, 98.422868]], [[51.961887, 59.511797], [90.292196, 51.671506], [54.284936, 81.0], [56.898367, 105.101633], [83.61343, 103.359347]], [[43.540835, 41.217786], [88.259528, 40.927405], [67.932849, 66.190563], [43.250454, 84.484574], [85.646098, 82.742287]], [[41.508167, 44.411978], [90.001815, 42.960073], [64.157895, 81.290381], [46.154265, 95.519056], [94.357532, 89.711434]], [[54.865699, 49.348457], [94.938294, 49.058076], [77.225045, 66.771325], [57.76951, 86.807623], [93.196007, 85.936479]], [[43.831216, 54.284936], [87.969147, 50.509982], [61.544465, 72.578947], [50.219601, 102.778584], [83.903811, 101.036298]], [[46.735027, 58.640653], [85.936479, 56.898367], [67.642468, 81.580762], [54.575318, 107.424682], [88.259528, 104.23049]], [[48.767695, 50.509982], [95.228675, 40.927405], [73.15971, 76.353902], [55.15608, 88.259528], [105.972777, 78.38657]], [[44.702359, 42.669691], [86.22686, 40.637024], [65.900181, 70.836661], [42.088929, 85.065336], [83.903811, 83.903811]], [[40.346642, 31.635209], [86.517241, 38.313975], [58.640653, 61.834846], [32.506352, 74.611615], [76.934664, 79.548094]], [[49.348457, 42.960073], [94.067151, 38.313975], [79.548094, 65.029038], [54.575318, 85.646098], [91.163339, 84.484574]], [[52.54265, 63.286751], [93.196007, 53.123412], [78.38657, 84.774955], [69.384755, 109.45735], [95.519056, 103.940109]], [[43.250454, 50.219601], [90.292196, 46.735027], [61.544465, 72.578947], [44.121597, 98.422868], [93.486388, 93.77677]], [[60.38294, 46.444646], [101.61706, 51.381125], [87.098004, 68.803993], [63.577132, 92.615245], [96.680581, 94.647913]], [[52.833031, 45.573503], [95.809437, 52.833031], [81.0, 80.419238], [44.121597, 90.001815], [88.84029, 99.874773]], [[57.188748, 44.99274], [102.488203, 42.669691], [76.063521, 81.290381], [66.190563, 94.067151], [98.422868, 95.228675]], [[52.833031, 52.252269], [90.582577, 47.606171], [82.451906, 85.065336], [50.800363, 102.778584], [86.22686, 99.00363]], [[57.76951, 48.767695], [104.811252, 40.056261], [70.836661, 65.900181], [66.190563, 94.647913], [105.972777, 89.711434]], [[62.99637, 38.604356], [103.359347, 45.283122], [58.640653, 66.771325], [56.898367, 84.484574], [99.584392, 94.067151]], [[40.927405, 60.092559], [86.807623, 49.638838], [55.736842, 77.515426], [52.54265, 111.780399], [88.549909, 102.778584]], [[65.319419, 40.927405], [97.842105, 47.606171], [88.259528, 72.578947], [55.15608, 89.130672], [78.967332, 92.905626]], [[53.704174, 60.673321], [96.099819, 56.898367], [85.355717, 90.001815], [60.38294, 107.134301], [97.261343, 102.778584]], [[54.575318, 49.058076], [93.77677, 40.346642], [66.480944, 75.77314], [63.577132, 94.067151], [97.842105, 88.259528]], [[42.37931, 55.736842], [81.580762, 50.219601], [78.967332, 86.517241], [41.217786, 103.940109], [83.903811, 95.809437]], [[59.221416, 59.511797], [104.520871, 59.221416], [81.580762, 85.646098], [64.448276, 107.715064], [100.165154, 107.134301]], [[37.15245, 51.671506], [78.38657, 53.994555], [72.288566, 73.15971], [51.671506, 98.422868], [86.22686, 94.938294]], [[65.319419, 47.606171], [108.876588, 55.736842], [86.807623, 91.163339], [60.092559, 96.099819], [94.938294, 104.520871]], [[45.573503, 47.315789], [90.582577, 42.37931], [61.254083, 70.546279], [47.606171, 91.163339], [90.872958, 90.582577]], [[44.411978, 50.219601], [99.00363, 49.348457], [69.094374, 78.967332], [45.863884, 100.455535], [92.034483, 104.811252]], [[55.446461, 54.575318], [92.905626, 49.92922], [57.188748, 79.838475], [57.479129, 103.068966], [85.646098, 101.907441]], [[53.994555, 44.411978], [100.455535, 49.348457], [73.740472, 76.063521], [47.025408, 85.065336], [98.132486, 90.872958]], [[47.315789, 56.317604], [92.905626, 61.834846], [86.517241, 83.323049], [42.960073, 103.940109], [86.807623, 113.232305]], [[53.994555, 42.37931], [94.938294, 37.15245], [77.515426, 70.546279], [62.125227, 88.84029], [96.680581, 86.22686]], [[47.896552, 60.673321], [92.324864, 58.059891], [75.482759, 81.580762], [59.221416, 108.005445], [92.034483, 107.424682]], [[57.479129, 50.800363], [99.00363, 51.961887], [53.994555, 60.092559], [47.896552, 99.584392], [80.709619, 101.326679]], [[42.37931, 58.059891], [85.936479, 53.123412], [65.6098, 88.549909], [43.540835, 103.649728], [92.324864, 97.551724]], [[71.127042, 55.446461], [110.909256, 67.061706], [81.580762, 83.323049], [63.286751, 102.778584], [88.259528, 107.715064]], [[41.217786, 53.413793], [92.324864, 46.444646], [67.642468, 79.548094], [49.058076, 96.680581], [91.744102, 93.77677]], [[53.704174, 29.31216], [95.809437, 40.927405], [81.290381, 62.705989], [42.088929, 75.482759], [78.967332, 84.774955]], [[50.509982, 52.252269], [96.970962, 58.059891], [72.288566, 86.22686], [44.99274, 94.067151], [93.77677, 98.713249]], [[44.702359, 51.381125], [87.098004, 38.313975], [71.127042, 58.640653], [63.577132, 90.872958], [93.196007, 84.774955]], [[44.99274, 54.575318], [87.388385, 54.284936], [78.676951, 80.709619], [53.413793, 103.068966], [82.742287, 104.23049]], [[46.735027, 54.284936], [93.196007, 53.994555], [63.286751, 83.903811], [42.37931, 100.745917], [94.067151, 101.326679]], [[62.99637, 49.638838], [105.392015, 66.771325], [88.259528, 93.196007], [55.15608, 99.00363], [85.936479, 114.103448]], [[68.513612, 43.540835], [106.84392, 49.638838], [89.711434, 77.515426], [64.448276, 89.130672], [95.809437, 91.744102]], [[45.283122, 48.477314], [90.001815, 42.669691], [77.225045, 76.063521], [46.444646, 92.615245], [91.744102, 87.969147]], [[68.513612, 39.475499], [112.361162, 60.963702], [81.871143, 81.0], [50.219601, 85.646098], [91.163339, 106.263158]], [[46.444646, 58.931034], [88.549909, 35.990926], [60.673321, 69.965517], [62.99637, 110.038113], [103.068966, 91.163339]], [[63.286751, 50.800363], [112.651543, 53.994555], [80.709619, 86.807623], [63.867514, 98.713249], [106.84392, 102.197822]], [[53.994555, 51.961887], [103.649728, 52.54265], [85.646098, 87.098004], [52.252269, 94.357532], [103.359347, 94.067151]], [[51.961887, 47.025408], [95.228675, 45.283122], [75.77314, 73.15971], [51.090744, 94.067151], [94.357532, 93.196007]], [[45.573503, 50.800363], [88.549909, 42.669691], [61.544465, 75.482759], [51.961887, 97.551724], [89.130672, 95.809437]], [[49.348457, 65.029038], [83.61343, 59.221416], [68.513612, 84.774955], [63.577132, 110.038113], [82.451906, 106.84392]], [[40.056261, 44.702359], [89.711434, 34.829401], [63.577132, 63.577132], [48.477314, 90.582577], [96.3902, 81.290381]], [[41.217786, 53.994555], [87.678766, 45.283122], [75.192377, 83.323049], [57.76951, 100.455535], [87.678766, 92.034483]], [[42.37931, 44.702359], [86.22686, 40.927405], [42.669691, 63.577132], [44.411978, 94.647913], [81.0, 91.163339]], [[44.702359, 41.798548], [81.0, 46.154265], [78.676951, 71.998185], [47.025408, 88.84029], [74.321234, 88.84029]], [[47.606171, 62.99637], [88.84029, 60.092559], [60.963702, 85.936479], [52.54265, 110.909256], [82.451906, 110.038113]], [[60.963702, 37.15245], [105.101633, 56.027223], [74.321234, 63.867514], [44.121597, 85.355717], [69.965517, 96.680581]], [[56.898367, 49.638838], [103.359347, 50.509982], [87.678766, 83.61343], [48.186933, 94.938294], [101.326679, 96.3902]], [[56.027223, 47.025408], [96.3902, 47.896552], [81.871143, 69.675136], [60.673321, 95.228675], [95.228675, 94.357532]], [[54.575318, 61.834846], [92.905626, 47.606171], [69.675136, 82.161525], [66.190563, 107.424682], [100.745917, 96.3902]], [[46.735027, 42.960073], [93.196007, 42.37931], [57.76951, 79.548094], [51.961887, 93.486388], [90.292196, 95.519056]], [[69.965517, 51.381125], [98.713249, 50.509982], [63.286751, 78.676951], [74.030853, 101.326679], [94.938294, 102.778584]], [[49.92922, 36.281307], [96.680581, 17.987296], [91.453721, 54.865699], [66.190563, 80.419238], [106.553539, 64.448276]], [[51.961887, 50.800363], [99.874773, 41.217786], [76.063521, 68.803993], [63.286751, 96.3902], [101.907441, 85.936479]], [[48.767695, 45.573503], [96.099819, 58.059891], [67.642468, 78.38657], [43.831216, 92.905626], [85.065336, 105.101633]], [[48.477314, 53.994555], [89.711434, 50.800363], [83.032668, 82.742287], [49.638838, 103.940109], [78.676951, 100.455535]], [[62.705989, 40.056261], [108.876588, 41.508167], [75.77314, 71.127042], [61.254083, 94.647913], [93.77677, 95.228675]], [[43.540835, 42.088929], [96.099819, 44.702359], [72.578947, 74.321234], [46.154265, 89.711434], [92.034483, 88.84029]], [[62.415608, 44.99274], [100.165154, 52.54265], [66.771325, 71.707804], [57.479129, 91.453721], [90.001815, 100.165154]], [[52.833031, 46.735027], [95.228675, 41.217786], [78.38657, 67.932849], [62.125227, 93.77677], [94.647913, 90.582577]], [[46.154265, 45.573503], [87.098004, 49.058076], [86.517241, 66.771325], [48.186933, 93.486388], [88.549909, 100.455535]], [[71.707804, 58.059891], [114.103448, 62.705989], [65.319419, 80.709619], [52.252269, 103.649728], [82.161525, 108.005445]], [[51.381125, 45.573503], [93.77677, 43.250454], [74.611615, 73.740472], [55.736842, 94.357532], [89.421053, 91.744102]], [[56.027223, 54.284936], [95.519056, 47.896552], [96.680581, 76.934664], [63.867514, 102.197822], [97.842105, 97.261343]], [[57.479129, 55.736842], [107.715064, 54.865699], [85.065336, 74.321234], [65.319419, 99.294011], [102.488203, 97.842105]], [[45.863884, 56.317604], [92.905626, 53.413793], [77.805808, 83.61343], [49.058076, 100.745917], [87.678766, 99.00363]], [[45.863884, 50.219601], [85.355717, 48.186933], [65.319419, 76.353902], [52.252269, 92.034483], [77.515426, 91.163339]], [[52.252269, 53.413793], [98.132486, 53.123412], [73.15971, 85.065336], [52.54265, 99.584392], [90.001815, 98.422868]], [[50.219601, 41.798548], [92.034483, 40.927405], [65.029038, 73.740472], [56.027223, 92.034483], [92.034483, 88.259528]], [[41.798548, 47.896552], [92.034483, 53.413793], [81.871143, 61.834846], [44.99274, 97.551724], [94.357532, 101.61706]], [[49.348457, 51.090744], [87.678766, 49.348457], [53.413793, 76.063521], [51.961887, 99.874773], [81.580762, 101.036298]], [[54.575318, 64.738657], [91.744102, 46.444646], [66.480944, 74.901996], [67.932849, 111.199637], [105.682396, 90.001815]], [[68.22323, 51.961887], [109.747731, 69.675136], [81.871143, 92.034483], [52.833031, 98.422868], [88.549909, 113.813067]], [[61.834846, 66.771325], [102.488203, 55.15608], [73.450091, 83.323049], [72.869328, 114.684211], [108.586207, 105.101633]], [[46.154265, 44.702359], [93.196007, 50.509982], [62.705989, 78.676951], [47.606171, 93.77677], [88.84029, 95.519056]], [[70.255898, 51.961887], [114.103448, 60.963702], [83.61343, 82.451906], [60.963702, 101.326679], [93.196007, 108.876588]], [[58.640653, 42.960073], [92.615245, 35.410163], [61.544465, 73.450091], [67.932849, 90.582577], [90.001815, 88.549909]], [[55.736842, 37.733212], [101.326679, 51.961887], [79.257713, 74.321234], [50.219601, 87.388385], [80.709619, 95.228675]], [[58.059891, 38.023593], [102.488203, 47.025408], [74.901996, 71.998185], [46.444646, 81.580762], [92.324864, 90.872958]], [[50.219601, 41.217786], [91.163339, 42.669691], [66.480944, 62.705989], [50.219601, 87.388385], [81.0, 90.292196]], [[60.963702, 42.37931], [109.747731, 43.540835], [84.484574, 81.290381], [65.6098, 92.905626], [105.392015, 92.615245]], [[47.606171, 62.415608], [90.872958, 63.867514], [71.998185, 85.355717], [44.411978, 99.00363], [84.774955, 100.455535]], [[44.411978, 43.831216], [91.453721, 47.606171], [65.6098, 66.190563], [43.540835, 86.22686], [84.484574, 89.711434]], [[49.058076, 62.705989], [97.551724, 53.704174], [75.482759, 83.61343], [64.157895, 108.876588], [98.422868, 102.197822]], [[46.444646, 60.963702], [96.970962, 54.284936], [81.0, 83.61343], [58.350272, 108.876588], [100.745917, 98.713249]], [[53.413793, 58.350272], [98.713249, 63.577132], [90.292196, 78.967332], [49.348457, 107.134301], [90.872958, 109.166969]], [[58.059891, 30.183303], [102.197822, 52.833031], [70.546279, 66.771325], [42.088929, 70.255898], [81.871143, 92.324864]], [[52.54265, 34.53902], [97.261343, 43.250454], [74.030853, 63.867514], [47.025408, 86.22686], [81.290381, 92.034483]], [[49.92922, 41.217786], [93.196007, 46.444646], [70.836661, 67.642468], [44.411978, 82.742287], [84.484574, 86.22686]], [[58.350272, 49.638838], [99.874773, 43.250454], [74.901996, 77.805808], [62.415608, 94.647913], [107.424682, 91.744102]], [[52.252269, 42.37931], [101.036298, 40.927405], [81.290381, 70.255898], [53.123412, 89.421053], [102.488203, 86.517241]], [[60.092559, 39.185118], [98.713249, 52.833031], [71.998185, 69.675136], [42.960073, 76.063521], [82.451906, 92.034483]], [[60.38294, 55.15608], [104.811252, 49.638838], [52.54265, 69.965517], [49.348457, 104.23049], [93.196007, 104.520871]], [[60.38294, 57.479129], [110.618875, 39.475499], [111.490018, 73.740472], [84.194192, 100.455535], [130.945554, 85.646098]], [[49.92922, 54.284936], [100.455535, 47.606171], [81.580762, 63.286751], [68.803993, 100.455535], [102.778584, 92.324864]], [[56.607985, 45.573503], [99.00363, 52.54265], [79.838475, 81.0], [52.54265, 93.77677], [92.615245, 95.228675]], [[38.894737, 63.577132], [79.257713, 51.090744], [76.644283, 78.096189], [50.800363, 112.07078], [93.486388, 98.132486]], [[50.219601, 44.121597], [93.77677, 38.894737], [68.513612, 74.901996], [56.027223, 91.744102], [96.680581, 90.292196]], [[59.511797, 55.736842], [101.326679, 54.865699], [78.38657, 87.969147], [59.511797, 104.811252], [97.261343, 104.811252]], [[66.190563, 56.898367], [110.038113, 59.511797], [82.451906, 73.450091], [59.221416, 98.713249], [102.778584, 100.455535]], [[58.350272, 45.863884], [104.520871, 55.736842], [85.065336, 88.84029], [50.219601, 94.938294], [93.486388, 101.61706]], [[49.92922, 51.381125], [93.77677, 44.121597], [56.898367, 63.867514], [50.509982, 94.647913], [87.098004, 94.067151]], [[58.059891, 49.638838], [101.907441, 42.960073], [73.740472, 80.709619], [67.352087, 96.680581], [104.520871, 93.77677]], [[53.994555, 42.669691], [94.938294, 40.056261], [81.290381, 73.740472], [62.415608, 91.744102], [90.872958, 87.388385]], [[54.284936, 48.477314], [103.359347, 46.154265], [77.805808, 79.838475], [62.415608, 96.970962], [101.907441, 94.647913]], [[51.381125, 51.961887], [102.778584, 54.284936], [80.709619, 79.257713], [52.54265, 97.551724], [94.647913, 100.455535]], [[43.250454, 52.833031], [83.032668, 48.186933], [63.286751, 79.257713], [51.090744, 99.00363], [81.0, 98.422868]], [[50.509982, 44.121597], [94.647913, 37.15245], [73.450091, 63.867514], [60.673321, 91.744102], [93.486388, 90.292196]], [[50.219601, 46.154265], [96.099819, 40.637024], [80.709619, 76.063521], [57.76951, 90.001815], [98.132486, 85.355717]], [[55.446461, 47.315789], [96.3902, 38.023593], [78.676951, 76.063521], [64.738657, 93.196007], [104.811252, 89.711434]], [[55.736842, 51.090744], [95.228675, 53.413793], [90.001815, 81.0], [60.673321, 98.713249], [90.872958, 96.970962]], [[62.125227, 51.090744], [103.649728, 49.638838], [84.484574, 78.967332], [65.319419, 99.874773], [99.584392, 99.874773]], [[39.76588, 49.638838], [87.969147, 39.76588], [75.192377, 69.094374], [53.704174, 93.196007], [91.744102, 84.194192]], [[52.833031, 44.121597], [104.23049, 58.350272], [74.030853, 76.063521], [41.217786, 93.196007], [86.517241, 105.392015]], [[57.188748, 42.088929], [107.424682, 48.186933], [89.711434, 74.611615], [46.154265, 92.324864], [90.582577, 98.132486]], [[41.798548, 77.515426], [90.292196, 60.963702], [77.225045, 94.647913], [63.577132, 123.395644], [95.519056, 110.909256]], [[58.350272, 36.281307], [103.940109, 40.056261], [91.744102, 66.480944], [58.640653, 89.130672], [97.551724, 94.357532]], [[49.638838, 59.221416], [94.647913, 59.221416], [78.096189, 89.711434], [49.92922, 104.520871], [85.646098, 103.068966]], [[56.898367, 40.927405], [96.3902, 40.056261], [75.482759, 62.415608], [60.38294, 87.678766], [94.938294, 88.549909]], [[37.442831, 60.092559], [82.161525, 48.477314], [67.642468, 80.128857], [56.027223, 107.134301], [86.517241, 99.584392]], [[52.833031, 62.125227], [90.001815, 62.705989], [82.161525, 99.874773], [60.963702, 118.749546], [87.678766, 116.136116]], [[32.796733, 50.509982], [83.903811, 54.284936], [47.896552, 82.161525], [27.860254, 90.001815], [85.065336, 96.099819]], [[52.833031, 47.315789], [99.874773, 53.704174], [85.355717, 72.869328], [56.027223, 96.099819], [90.582577, 99.584392]], [[42.669691, 53.123412], [84.194192, 46.154265], [67.642468, 88.84029], [56.317604, 92.324864], [96.680581, 80.419238]], [[51.961887, 53.123412], [93.196007, 55.736842], [81.580762, 78.096189], [49.92922, 102.778584], [90.292196, 106.553539]], [[44.121597, 51.961887], [87.098004, 53.413793], [67.642468, 74.030853], [52.252269, 99.00363], [78.096189, 100.165154]], [[47.606171, 64.448276], [93.196007, 51.671506], [77.805808, 84.484574], [66.190563, 110.038113], [99.00363, 101.907441]], [[46.444646, 65.319419], [92.034483, 52.54265], [70.255898, 85.065336], [49.348457, 108.295826], [106.84392, 97.261343]], [[54.284936, 53.123412], [101.326679, 44.411978], [75.77314, 77.225045], [64.448276, 99.00363], [106.84392, 95.809437]], [[56.607985, 49.348457], [102.488203, 38.894737], [76.063521, 63.286751], [66.771325, 99.294011], [104.811252, 92.905626]], [[48.477314, 58.931034], [98.713249, 52.252269], [72.869328, 88.259528], [52.833031, 106.84392], [99.00363, 103.359347]], [[44.702359, 57.479129], [93.486388, 55.736842], [70.546279, 85.065336], [45.283122, 102.197822], [92.324864, 99.294011]], [[54.865699, 62.125227], [100.455535, 59.221416], [71.998185, 83.903811], [58.059891, 104.23049], [98.713249, 102.778584]], [[56.317604, 61.544465], [99.874773, 61.834846], [94.357532, 83.61343], [58.350272, 110.618875], [92.324864, 109.45735]], [[49.638838, 58.350272], [92.615245, 49.348457], [62.705989, 83.032668], [62.705989, 103.068966], [94.357532, 99.00363]], [[51.381125, 58.059891], [92.324864, 56.898367], [93.77677, 90.872958], [50.219601, 107.715064], [95.519056, 103.940109]], [[19.439201, 44.121597], [67.642468, 41.798548], [52.54265, 83.323049], [20.600726, 92.615245], [63.577132, 94.357532]], [[48.767695, 49.058076], [85.936479, 45.283122], [49.638838, 79.838475], [52.54265, 97.551724], [85.355717, 100.165154]], [[60.38294, 56.027223], [112.361162, 66.190563], [83.903811, 86.517241], [56.607985, 102.197822], [97.842105, 109.166969]], [[49.92922, 67.061706], [91.163339, 53.123412], [58.350272, 76.934664], [50.219601, 109.747731], [93.196007, 96.680581]], [[59.221416, 49.348457], [101.61706, 47.315789], [72.288566, 81.871143], [67.932849, 102.197822], [99.874773, 101.61706]], [[55.15608, 57.479129], [101.326679, 54.284936], [75.482759, 84.484574], [58.931034, 107.424682], [99.874773, 105.972777]], [[54.284936, 51.671506], [101.036298, 59.221416], [76.353902, 78.096189], [51.381125, 93.486388], [89.130672, 98.713249]], [[49.92922, 55.15608], [95.519056, 47.315789], [74.611615, 79.548094], [62.125227, 100.745917], [96.3902, 95.228675]], [[49.92922, 43.540835], [102.488203, 41.798548], [75.482759, 80.128857], [58.350272, 91.163339], [93.486388, 90.001815]], [[62.415608, 39.475499], [99.00363, 46.154265], [91.163339, 62.99637], [61.834846, 90.001815], [91.744102, 89.421053]], [[52.54265, 52.833031], [97.842105, 48.767695], [77.225045, 78.676951], [56.898367, 101.036298], [101.326679, 97.261343]], [[57.76951, 42.088929], [97.551724, 60.38294], [78.676951, 85.646098], [33.667877, 81.580762], [78.096189, 98.713249]], [[49.638838, 53.413793], [93.486388, 47.896552], [63.867514, 80.419238], [53.994555, 100.455535], [96.970962, 95.809437]], [[46.154265, 42.088929], [96.099819, 49.92922], [68.513612, 75.77314], [49.638838, 90.001815], [88.84029, 94.647913]], [[32.506352, 56.317604], [76.353902, 55.736842], [44.702359, 80.709619], [31.054446, 106.553539], [62.705989, 103.940109]], [[51.961887, 45.283122], [94.938294, 42.37931], [58.931034, 67.352087], [44.121597, 93.196007], [81.0, 91.744102]], [[50.800363, 62.415608], [78.096189, 52.54265], [49.348457, 90.582577], [62.99637, 111.199637], [90.582577, 102.488203]], [[53.413793, 62.415608], [99.294011, 53.123412], [69.675136, 75.77314], [59.511797, 106.263158], [101.61706, 101.036298]], [[56.607985, 47.315789], [100.165154, 49.92922], [77.225045, 78.676951], [51.671506, 89.711434], [100.165154, 92.615245]], [[65.6098, 42.37931], [107.715064, 59.221416], [82.451906, 80.709619], [50.800363, 89.711434], [81.871143, 103.359347]], [[41.217786, 47.896552], [87.678766, 37.15245], [64.157895, 72.869328], [53.123412, 94.938294], [91.453721, 87.388385]], [[67.932849, 49.92922], [106.263158, 50.219601], [72.578947, 76.063521], [72.578947, 95.809437], [108.005445, 97.551724]], [[56.898367, 48.186933], [92.615245, 43.250454], [74.321234, 71.707804], [60.963702, 89.130672], [96.970962, 83.61343]], [[50.509982, 71.998185], [92.905626, 53.413793], [60.092559, 78.38657], [63.867514, 108.586207], [94.067151, 98.132486]], [[48.186933, 60.963702], [97.842105, 53.413793], [69.965517, 77.515426], [60.673321, 109.166969], [96.680581, 103.649728]], [[51.671506, 53.123412], [94.938294, 54.865699], [73.740472, 83.032668], [50.219601, 90.001815], [90.001815, 90.001815]], [[65.029038, 55.15608], [106.263158, 61.834846], [82.451906, 85.355717], [54.575318, 96.680581], [101.61706, 102.778584]], [[58.059891, 60.963702], [84.484574, 53.123412], [53.994555, 84.774955], [65.900181, 108.586207], [90.292196, 106.84392]], [[51.090744, 43.250454], [92.324864, 45.573503], [69.965517, 70.255898], [47.896552, 87.678766], [86.22686, 89.130672]], [[41.217786, 51.671506], [87.969147, 51.671506], [58.350272, 85.065336], [47.025408, 98.132486], [94.647913, 98.713249]], [[48.477314, 62.415608], [89.130672, 58.931034], [84.484574, 83.903811], [62.415608, 109.166969], [90.001815, 104.520871]], [[52.833031, 40.346642], [98.422868, 41.508167], [69.965517, 81.0], [57.479129, 89.130672], [91.744102, 90.292196]], [[68.803993, 51.090744], [103.068966, 57.76951], [96.970962, 89.130672], [59.802178, 96.680581], [87.678766, 105.392015]], [[43.540835, 51.961887], [87.098004, 35.119782], [75.482759, 63.577132], [69.675136, 92.615245], [99.00363, 80.419238]], [[48.186933, 40.346642], [99.00363, 38.894737], [72.869328, 101.907441], [55.446461, 108.005445], [98.713249, 99.874773]], [[50.509982, 46.735027], [96.680581, 50.800363], [63.867514, 76.063521], [46.735027, 95.519056], [83.61343, 98.713249]], [[53.704174, 44.99274], [93.486388, 45.573503], [88.84029, 70.255898], [65.319419, 93.196007], [86.22686, 92.905626]], [[52.54265, 53.994555], [84.194192, 51.381125], [84.194192, 80.419238], [55.446461, 102.197822], [79.838475, 96.3902]], [[59.511797, 54.575318], [100.455535, 53.704174], [82.451906, 80.419238], [58.350272, 100.455535], [90.872958, 101.326679]], [[50.219601, 62.125227], [87.388385, 51.671506], [70.836661, 88.259528], [62.415608, 102.488203], [92.905626, 96.3902]], [[57.76951, 44.99274], [109.166969, 46.735027], [76.063521, 82.451906], [56.607985, 92.615245], [106.84392, 95.519056]], [[63.867514, 55.736842], [104.811252, 67.061706], [81.290381, 75.77314], [54.575318, 94.357532], [94.357532, 105.682396]], [[49.058076, 43.540835], [93.77677, 44.411978], [76.644283, 65.6098], [49.058076, 92.324864], [90.872958, 96.099819]], [[56.027223, 48.767695], [92.905626, 41.217786], [57.76951, 69.965517], [57.479129, 97.551724], [82.161525, 92.324864]], [[46.735027, 50.219601], [90.582577, 67.932849], [68.803993, 71.707804], [36.571688, 91.163339], [67.061706, 105.682396]], [[49.348457, 42.669691], [92.615245, 39.185118], [71.417423, 69.384755], [53.704174, 88.549909], [93.196007, 83.903811]], [[43.540835, 45.573503], [90.001815, 40.056261], [71.998185, 76.063521], [58.931034, 93.486388], [88.84029, 90.292196]], [[56.898367, 54.865699], [92.905626, 51.381125], [59.511797, 81.871143], [61.254083, 99.00363], [94.357532, 97.261343]], [[51.961887, 36.281307], [97.551724, 41.217786], [60.673321, 75.192377], [47.896552, 81.580762], [94.647913, 88.84029]], [[51.671506, 50.219601], [101.907441, 52.54265], [71.127042, 83.61343], [56.607985, 93.196007], [95.228675, 94.357532]], [[56.027223, 49.058076], [100.745917, 43.250454], [73.740472, 71.417423], [61.254083, 98.713249], [91.453721, 97.261343]], [[47.025408, 45.573503], [89.711434, 43.831216], [66.771325, 71.707804], [56.317604, 92.905626], [83.61343, 92.615245]], [[42.960073, 53.123412], [89.421053, 54.865699], [63.867514, 70.546279], [45.283122, 96.099819], [80.128857, 96.970962]], [[67.061706, 52.833031], [112.941924, 65.900181], [84.194192, 90.582577], [49.348457, 94.357532], [102.488203, 111.199637]], [[55.736842, 54.865699], [95.519056, 49.348457], [62.125227, 71.127042], [57.76951, 102.778584], [91.453721, 101.326679]], [[58.931034, 49.348457], [95.809437, 37.442831], [64.157895, 68.513612], [69.675136, 94.647913], [103.940109, 87.098004]], [[58.059891, 39.76588], [103.359347, 38.313975], [88.84029, 70.836661], [65.319419, 88.84029], [99.874773, 88.259528]], [[56.898367, 44.121597], [98.713249, 45.283122], [80.709619, 76.644283], [62.99637, 93.486388], [91.163339, 93.196007]], [[44.121597, 49.92922], [90.001815, 48.477314], [54.865699, 67.061706], [48.477314, 96.3902], [78.967332, 98.132486]], [[52.252269, 40.056261], [94.357532, 50.509982], [80.419238, 76.644283], [45.283122, 89.421053], [83.323049, 97.842105]], [[37.15245, 56.607985], [73.740472, 36.862069], [57.76951, 62.415608], [53.704174, 96.3902], [91.744102, 76.644283]], [[48.477314, 47.896552], [99.294011, 46.154265], [71.417423, 68.803993], [51.671506, 94.357532], [90.001815, 93.77677]], [[58.350272, 33.667877], [87.969147, 33.667877], [63.286751, 61.254083], [56.607985, 82.161525], [83.032668, 81.871143]], [[47.025408, 46.444646], [92.034483, 40.637024], [76.063521, 75.77314], [56.317604, 93.77677], [93.196007, 89.711434]], [[53.994555, 54.284936], [102.488203, 56.317604], [61.544465, 81.290381], [45.863884, 104.520871], [96.680581, 108.586207]], [[56.607985, 41.217786], [99.584392, 46.735027], [81.290381, 76.353902], [48.477314, 83.323049], [96.970962, 87.678766]], [[43.250454, 58.350272], [86.517241, 58.640653], [66.480944, 78.676951], [44.702359, 93.486388], [85.646098, 93.196007]], [[51.381125, 57.76951], [88.259528, 54.284936], [52.54265, 79.257713], [50.800363, 103.068966], [83.032668, 100.165154]], [[41.798548, 58.931034], [82.742287, 49.348457], [64.738657, 78.967332], [57.76951, 106.84392], [86.22686, 100.165154]], [[60.38294, 56.898367], [107.715064, 56.027223], [78.38657, 78.676951], [62.415608, 102.197822], [98.422868, 101.61706]], [[43.831216, 47.025408], [91.453721, 51.090744], [74.901996, 85.646098], [39.475499, 93.486388], [87.969147, 100.745917]], [[62.705989, 49.348457], [97.842105, 46.735027], [59.511797, 74.611615], [65.6098, 96.680581], [92.034483, 97.261343]], [[48.186933, 43.250454], [90.292196, 43.540835], [57.76951, 68.803993], [49.348457, 92.034483], [93.196007, 90.001815]], [[49.638838, 53.704174], [96.099819, 55.15608], [66.771325, 80.128857], [42.37931, 101.61706], [91.163339, 105.392015]], [[56.898367, 47.315789], [93.77677, 48.477314], [92.324864, 74.901996], [58.640653, 98.713249], [93.196007, 98.713249]], [[41.508167, 51.381125], [92.034483, 48.767695], [66.771325, 90.001815], [44.121597, 101.326679], [91.453721, 101.61706]], [[56.607985, 44.411978], [100.745917, 44.411978], [83.323049, 69.965517], [57.479129, 94.938294], [96.099819, 95.228675]], [[37.442831, 53.413793], [87.098004, 52.54265], [65.319419, 75.77314], [44.121597, 100.455535], [82.451906, 99.294011]], [[46.444646, 45.573503], [93.77677, 39.76588], [74.030853, 70.836661], [56.027223, 91.453721], [93.196007, 86.807623]], [[58.931034, 52.54265], [95.519056, 42.960073], [89.421053, 63.577132], [74.321234, 96.3902], [103.649728, 87.098004]], [[59.511797, 39.76588], [92.615245, 53.994555], [62.99637, 76.353902], [62.415608, 91.163339], [84.774955, 97.842105]], [[41.508167, 46.735027], [92.034483, 47.606171], [65.6098, 65.029038], [48.186933, 92.905626], [86.517241, 94.067151]], [[40.927405, 49.348457], [86.22686, 43.540835], [72.578947, 67.061706], [54.284936, 92.324864], [92.324864, 88.84029]], [[47.896552, 56.607985], [92.034483, 53.994555], [78.967332, 85.936479], [35.700544, 104.520871], [85.936479, 104.811252]], [[48.767695, 46.444646], [98.713249, 55.446461], [66.190563, 84.774955], [41.798548, 92.905626], [90.292196, 101.907441]], [[51.961887, 50.800363], [91.744102, 51.381125], [73.740472, 84.484574], [51.961887, 100.165154], [89.421053, 100.745917]], [[59.221416, 58.350272], [94.357532, 58.931034], [85.936479, 80.419238], [66.480944, 106.553539], [83.323049, 106.263158]], [[55.446461, 40.927405], [92.615245, 42.37931], [78.38657, 66.480944], [56.317604, 89.711434], [81.290381, 88.549909]], [[54.284936, 39.185118], [90.872958, 46.444646], [80.419238, 74.611615], [46.735027, 86.807623], [80.419238, 94.647913]], [[42.088929, 57.188748], [81.871143, 54.865699], [77.515426, 83.032668], [49.348457, 103.359347], [80.128857, 103.068966]], [[51.961887, 36.281307], [102.778584, 44.702359], [83.032668, 69.675136], [54.284936, 84.774955], [91.163339, 92.324864]], [[55.736842, 57.188748], [92.615245, 40.637024], [69.384755, 70.836661], [75.77314, 98.132486], [104.23049, 81.580762]], [[56.607985, 45.863884], [103.359347, 42.37931], [74.321234, 74.611615], [60.38294, 92.034483], [103.359347, 88.84029]], [[61.834846, 39.475499], [101.036298, 46.154265], [65.6098, 65.900181], [59.221416, 85.355717], [90.292196, 89.711434]], [[46.735027, 55.446461], [87.678766, 58.350272], [62.415608, 77.805808], [45.283122, 92.905626], [82.451906, 91.744102]], [[51.090744, 44.411978], [90.872958, 35.410163], [63.867514, 69.384755], [63.577132, 91.744102], [95.228675, 86.807623]], [[60.38294, 40.346642], [96.680581, 55.15608], [60.092559, 73.15971], [54.865699, 84.484574], [91.163339, 98.713249]], [[56.027223, 56.027223], [98.132486, 51.961887], [76.353902, 88.549909], [68.22323, 108.295826], [106.553539, 103.940109]], [[41.508167, 65.6098], [85.646098, 56.317604], [68.22323, 85.355717], [62.99637, 111.199637], [96.970962, 103.359347]], [[48.186933, 52.833031], [89.421053, 56.607985], [74.901996, 83.032668], [46.735027, 99.00363], [77.225045, 103.940109]], [[53.123412, 52.833031], [91.453721, 59.221416], [78.096189, 83.903811], [47.315789, 98.422868], [83.323049, 105.682396]], [[44.121597, 69.965517], [84.484574, 46.154265], [83.323049, 92.905626], [59.511797, 110.909256], [90.292196, 98.422868]], [[53.123412, 49.638838], [103.940109, 51.381125], [81.580762, 79.257713], [58.350272, 96.3902], [98.713249, 99.584392]], [[54.865699, 44.411978], [92.615245, 36.862069], [54.575318, 75.192377], [58.640653, 92.615245], [94.067151, 87.969147]], [[47.896552, 48.186933], [95.228675, 48.477314], [70.836661, 77.515426], [49.348457, 91.744102], [94.647913, 90.872958]], [[62.125227, 54.284936], [103.940109, 53.994555], [94.647913, 79.548094], [51.961887, 101.907441], [93.77677, 100.165154]], [[63.577132, 51.381125], [102.778584, 55.446461], [67.642468, 82.742287], [69.384755, 100.745917], [99.00363, 101.907441]], [[50.509982, 49.638838], [98.132486, 49.058076], [74.901996, 76.353902], [50.509982, 99.294011], [93.196007, 99.294011]], [[52.833031, 57.479129], [77.805808, 40.346642], [56.607985, 64.738657], [78.967332, 96.970962], [93.196007, 82.451906]], [[51.961887, 55.736842], [100.455535, 48.186933], [76.934664, 84.194192], [57.76951, 106.553539], [103.359347, 101.907441]], [[53.123412, 42.669691], [102.778584, 40.637024], [71.417423, 62.415608], [60.673321, 90.582577], [91.744102, 91.163339]], [[51.671506, 58.059891], [94.938294, 54.284936], [83.032668, 85.065336], [57.76951, 103.359347], [98.132486, 99.294011]], [[50.509982, 47.025408], [95.519056, 40.056261], [75.192377, 76.063521], [51.961887, 96.970962], [90.582577, 94.067151]], [[55.446461, 50.509982], [103.068966, 43.831216], [85.936479, 83.61343], [54.865699, 94.357532], [110.328494, 89.421053]], [[47.896552, 56.317604], [99.294011, 54.284936], [75.482759, 71.417423], [52.833031, 105.392015], [96.970962, 101.907441]], [[54.284936, 57.76951], [95.519056, 58.059891], [70.546279, 87.098004], [51.961887, 96.099819], [88.84029, 97.261343]], [[49.058076, 46.154265], [99.294011, 44.99274], [74.321234, 63.577132], [52.54265, 95.809437], [94.067151, 96.970962]], [[44.99274, 58.640653], [88.259528, 45.863884], [62.705989, 82.161525], [62.125227, 105.101633], [95.519056, 91.453721]], [[61.254083, 41.508167], [92.324864, 42.37931], [85.936479, 65.900181], [63.286751, 88.549909], [87.969147, 87.678766]], [[40.637024, 54.865699], [90.292196, 52.252269], [67.061706, 99.874773], [45.283122, 96.680581], [91.163339, 94.938294]], [[57.188748, 41.508167], [104.811252, 47.896552], [71.417423, 72.869328], [51.961887, 90.292196], [91.453721, 101.326679]], [[42.37931, 42.088929], [82.742287, 35.990926], [73.450091, 66.190563], [48.767695, 92.615245], [83.032668, 87.678766]], [[60.963702, 43.250454], [103.649728, 45.283122], [84.774955, 75.192377], [50.219601, 89.421053], [90.292196, 89.711434]], [[50.509982, 41.217786], [98.713249, 56.898367], [67.642468, 73.15971], [44.702359, 96.099819], [77.225045, 107.424682]], [[53.704174, 58.059891], [92.324864, 54.865699], [69.675136, 79.548094], [57.188748, 96.3902], [94.938294, 92.615245]], [[46.444646, 49.348457], [90.872958, 44.99274], [66.190563, 76.934664], [52.833031, 97.842105], [84.774955, 99.00363]], [[48.477314, 44.702359], [99.874773, 41.217786], [69.384755, 69.675136], [56.317604, 96.970962], [89.711434, 94.357532]], [[52.54265, 49.92922], [102.778584, 45.863884], [78.967332, 78.096189], [62.125227, 98.132486], [98.132486, 95.809437]], [[49.348457, 44.99274], [100.165154, 51.090744], [70.255898, 79.838475], [43.250454, 76.644283], [96.970962, 82.161525]], [[53.123412, 46.735027], [101.61706, 55.15608], [65.900181, 81.290381], [46.735027, 94.357532], [93.196007, 99.874773]], [[49.92922, 46.735027], [101.326679, 44.99274], [78.676951, 78.096189], [53.994555, 94.647913], [98.132486, 92.905626]], [[45.283122, 39.475499], [87.969147, 41.798548], [64.738657, 72.869328], [49.348457, 90.582577], [85.646098, 92.905626]], [[44.121597, 62.415608], [85.355717, 55.736842], [61.544465, 90.292196], [54.575318, 105.392015], [89.130672, 99.874773]], [[53.994555, 53.994555], [101.907441, 58.350272], [75.192377, 69.094374], [51.090744, 96.680581], [95.228675, 99.00363]], [[63.867514, 45.283122], [108.876588, 48.477314], [90.292196, 76.063521], [62.99637, 97.261343], [103.940109, 99.294011]], [[62.705989, 46.154265], [107.715064, 43.250454], [82.451906, 74.321234], [71.127042, 93.77677], [103.359347, 93.196007]], [[61.544465, 51.671506], [105.972777, 53.704174], [84.484574, 82.742287], [65.029038, 101.907441], [103.649728, 101.326679]], [[51.090744, 64.738657], [87.388385, 43.831216], [74.901996, 78.967332], [74.611615, 103.649728], [108.005445, 87.678766]], [[65.6098, 39.185118], [101.61706, 43.540835], [82.742287, 67.352087], [64.448276, 85.646098], [93.486388, 89.421053]], [[45.283122, 53.704174], [92.034483, 55.446461], [69.094374, 79.838475], [49.058076, 103.649728], [81.0, 105.682396]], [[58.640653, 52.833031], [92.324864, 58.640653], [96.3902, 73.740472], [67.642468, 101.326679], [95.228675, 101.326679]], [[59.511797, 50.800363], [96.099819, 51.381125], [63.577132, 78.676951], [62.415608, 99.00363], [103.068966, 99.294011]], [[42.960073, 51.961887], [83.903811, 45.863884], [79.257713, 74.321234], [49.638838, 99.00363], [82.742287, 92.905626]], [[51.090744, 51.381125], [98.713249, 57.188748], [58.931034, 80.419238], [53.123412, 91.453721], [96.680581, 97.842105]], [[33.958258, 50.509982], [90.292196, 42.669691], [56.317604, 85.355717], [38.023593, 101.036298], [97.551724, 94.938294]], [[54.284936, 42.088929], [94.938294, 48.186933], [73.740472, 69.675136], [49.638838, 87.388385], [78.676951, 91.453721]], [[40.637024, 50.800363], [88.259528, 45.863884], [67.642468, 72.288566], [44.99274, 93.486388], [83.323049, 94.067151]], [[42.960073, 43.831216], [82.742287, 42.669691], [56.027223, 64.448276], [46.444646, 81.290381], [80.709619, 81.871143]], [[54.865699, 52.833031], [106.263158, 53.994555], [78.676951, 83.903811], [56.027223, 106.84392], [96.680581, 107.424682]], [[60.092559, 50.219601], [95.228675, 38.023593], [60.092559, 63.577132], [57.76951, 98.132486], [84.484574, 92.615245]], [[50.219601, 59.221416], [95.228675, 57.188748], [66.190563, 86.22686], [53.994555, 106.263158], [89.421053, 105.972777]], [[54.284936, 49.92922], [88.549909, 46.444646], [58.059891, 75.77314], [63.286751, 97.261343], [96.970962, 97.842105]], [[63.286751, 49.058076], [104.811252, 48.186933], [84.484574, 70.836661], [63.867514, 98.713249], [103.068966, 97.842105]], [[54.575318, 59.221416], [101.036298, 52.54265], [85.065336, 82.161525], [59.221416, 101.907441], [90.001815, 98.713249]], [[62.705989, 47.606171], [107.134301, 47.606171], [80.709619, 69.965517], [59.802178, 95.519056], [101.907441, 95.228675]], [[52.54265, 40.637024], [99.00363, 46.735027], [64.157895, 69.965517], [41.217786, 86.517241], [78.096189, 95.228675]], [[57.188748, 54.575318], [97.842105, 42.37931], [67.642468, 72.578947], [64.157895, 101.61706], [99.584392, 95.809437]], [[59.221416, 54.284936], [109.166969, 44.702359], [64.157895, 78.096189], [63.867514, 109.45735], [105.682396, 99.584392]], [[53.413793, 55.736842], [101.61706, 52.833031], [74.030853, 76.644283], [64.157895, 102.778584], [90.582577, 99.584392]], [[51.961887, 56.027223], [96.099819, 54.865699], [69.965517, 75.192377], [53.704174, 106.263158], [88.549909, 105.101633]], [[49.058076, 58.640653], [96.099819, 61.254083], [73.15971, 85.936479], [50.509982, 103.649728], [89.711434, 106.263158]], [[51.961887, 59.221416], [91.744102, 50.219601], [77.225045, 86.517241], [66.190563, 109.166969], [94.067151, 103.649728]], [[47.606171, 55.736842], [89.711434, 49.638838], [71.998185, 58.931034], [60.963702, 96.3902], [92.324864, 90.872958]], [[53.123412, 40.927405], [107.134301, 41.217786], [84.774955, 81.290381], [55.736842, 92.615245], [99.584392, 92.324864]], [[59.221416, 35.700544], [103.649728, 40.346642], [96.3902, 60.673321], [55.736842, 85.646098], [101.326679, 92.905626]], [[55.736842, 56.607985], [92.324864, 33.667877], [105.392015, 77.225045], [69.965517, 102.778584], [102.488203, 87.388385]], [[43.250454, 44.411978], [85.936479, 36.571688], [66.771325, 71.417423], [54.575318, 91.163339], [89.421053, 85.355717]], [[44.121597, 54.575318], [87.678766, 52.833031], [69.094374, 75.77314], [51.381125, 98.713249], [86.517241, 96.680581]], [[42.088929, 39.76588], [88.549909, 41.508167], [75.77314, 77.515426], [38.023593, 88.259528], [84.484574, 89.421053]], [[49.058076, 56.607985], [88.549909, 53.413793], [85.646098, 77.805808], [63.577132, 102.778584], [92.615245, 99.874773]], [[56.317604, 43.540835], [103.068966, 47.315789], [68.803993, 68.803993], [54.865699, 90.872958], [90.872958, 94.938294]], [[48.477314, 49.92922], [90.001815, 54.865699], [69.965517, 84.194192], [47.606171, 98.422868], [78.38657, 103.359347]], [[49.058076, 58.350272], [99.874773, 57.188748], [74.030853, 86.517241], [56.317604, 106.84392], [92.905626, 107.134301]], [[60.673321, 42.37931], [98.132486, 42.37931], [81.0, 68.22323], [61.254083, 82.742287], [96.3902, 81.290381]], [[60.092559, 56.898367], [104.811252, 50.219601], [71.707804, 68.22323], [67.642468, 105.101633], [96.680581, 100.745917]], [[38.313975, 63.286751], [85.646098, 55.446461], [63.867514, 88.549909], [45.863884, 110.328494], [92.905626, 101.036298]], [[61.254083, 45.573503], [102.488203, 45.863884], [82.742287, 74.611615], [66.480944, 94.357532], [93.196007, 94.357532]], [[54.284936, 52.54265], [100.165154, 56.607985], [81.871143, 91.163339], [51.381125, 104.520871], [82.161525, 108.586207]], [[55.736842, 58.931034], [102.197822, 56.027223], [80.128857, 89.711434], [59.511797, 102.778584], [96.099819, 104.811252]], [[50.509982, 53.704174], [97.842105, 46.154265], [93.77677, 87.678766], [52.252269, 105.972777], [96.970962, 101.61706]], [[59.511797, 44.411978], [108.586207, 49.348457], [80.419238, 76.644283], [58.640653, 94.647913], [99.874773, 98.132486]], [[39.185118, 51.961887], [86.22686, 51.961887], [67.061706, 75.77314], [41.508167, 97.261343], [81.871143, 96.680581]], [[42.37931, 61.544465], [91.744102, 56.607985], [70.255898, 93.486388], [51.961887, 108.005445], [106.263158, 103.068966]], [[45.863884, 45.863884], [89.711434, 44.411978], [66.480944, 76.644283], [56.317604, 93.77677], [85.065336, 94.067151]], [[61.544465, 38.023593], [105.972777, 38.894737], [81.290381, 71.998185], [62.99637, 86.517241], [99.874773, 89.421053]], [[57.479129, 51.381125], [104.520871, 51.090744], [78.676951, 80.128857], [60.092559, 101.61706], [98.422868, 103.649728]], [[63.577132, 50.509982], [109.747731, 46.444646], [83.323049, 78.096189], [64.738657, 91.744102], [109.166969, 87.388385]], [[41.217786, 50.800363], [90.872958, 45.573503], [66.771325, 73.450091], [53.994555, 103.649728], [90.582577, 98.713249]], [[63.286751, 46.154265], [100.745917, 50.509982], [70.836661, 78.676951], [63.867514, 98.132486], [91.744102, 103.068966]], [[60.38294, 35.700544], [95.228675, 55.446461], [86.22686, 71.417423], [47.025408, 81.0], [71.707804, 95.228675]], [[59.221416, 51.381125], [100.165154, 47.315789], [84.774955, 71.417423], [67.061706, 99.294011], [101.326679, 97.551724]], [[49.348457, 35.410163], [95.228675, 37.733212], [78.967332, 58.350272], [54.575318, 85.936479], [89.130672, 87.678766]], [[47.896552, 52.252269], [77.225045, 52.54265], [70.546279, 74.321234], [52.54265, 96.970962], [70.836661, 95.519056]], [[40.637024, 67.642468], [86.807623, 51.381125], [78.676951, 86.517241], [57.479129, 112.361162], [101.326679, 96.970962]], [[53.123412, 49.92922], [101.036298, 48.477314], [81.580762, 80.709619], [51.961887, 93.486388], [97.551724, 94.067151]], [[71.417423, 45.573503], [111.780399, 71.127042], [62.99637, 82.742287], [47.606171, 84.194192], [90.292196, 110.328494]], [[53.994555, 50.219601], [100.745917, 47.896552], [81.871143, 73.450091], [62.99637, 103.649728], [99.00363, 103.359347]], [[42.960073, 46.735027], [83.032668, 46.735027], [76.644283, 64.738657], [45.863884, 93.486388], [81.0, 94.647913]], [[60.38294, 58.931034], [97.842105, 54.865699], [93.486388, 85.355717], [59.511797, 108.005445], [95.809437, 102.197822]], [[55.15608, 57.479129], [98.132486, 55.15608], [72.578947, 90.292196], [56.317604, 103.940109], [99.00363, 102.778584]], [[31.635209, 55.736842], [77.805808, 36.281307], [74.611615, 66.190563], [49.058076, 94.357532], [95.809437, 73.740472]], [[58.059891, 51.090744], [95.228675, 67.061706], [64.448276, 88.549909], [40.637024, 97.261343], [71.417423, 108.295826]], [[42.669691, 50.800363], [91.744102, 55.15608], [71.417423, 64.157895], [43.250454, 98.713249], [82.451906, 101.326679]], [[56.317604, 53.704174], [102.488203, 48.477314], [79.838475, 82.161525], [66.190563, 100.745917], [95.809437, 99.294011]], [[46.735027, 51.671506], [91.163339, 62.705989], [61.544465, 82.451906], [40.927405, 96.099819], [75.482759, 104.811252]], [[44.411978, 51.671506], [89.711434, 48.186933], [64.448276, 83.032668], [51.671506, 106.553539], [83.032668, 104.811252]], [[43.250454, 65.6098], [82.161525, 51.961887], [81.580762, 80.419238], [65.029038, 112.07078], [95.809437, 96.3902]], [[43.250454, 59.802178], [87.969147, 59.511797], [58.640653, 79.257713], [40.927405, 98.713249], [86.807623, 99.874773]], [[47.606171, 50.219601], [90.872958, 35.119782], [75.77314, 73.15971], [68.803993, 92.034483], [101.61706, 81.580762]], [[59.221416, 56.898367], [104.811252, 56.898367], [71.127042, 76.934664], [60.963702, 103.359347], [94.357532, 103.649728]], [[45.573503, 50.219601], [93.196007, 54.865699], [71.707804, 81.871143], [43.540835, 100.745917], [80.128857, 103.359347]], [[63.286751, 40.637024], [112.941924, 47.315789], [85.065336, 83.323049], [49.92922, 83.323049], [95.809437, 94.067151]], [[59.802178, 47.606171], [111.199637, 51.961887], [84.484574, 81.290381], [57.479129, 94.647913], [99.584392, 97.261343]], [[45.573503, 62.415608], [82.161525, 48.186933], [69.384755, 86.22686], [62.415608, 106.553539], [95.228675, 92.034483]], [[58.931034, 55.15608], [102.488203, 60.963702], [90.292196, 94.067151], [54.575318, 105.392015], [87.678766, 108.295826]], [[71.127042, 60.092559], [103.068966, 57.479129], [84.194192, 80.709619], [71.707804, 104.520871], [95.809437, 101.61706]], [[46.735027, 55.446461], [86.517241, 61.254083], [70.255898, 83.323049], [47.025408, 101.61706], [70.836661, 104.23049]], [[59.221416, 46.154265], [103.940109, 49.638838], [78.38657, 80.709619], [57.479129, 84.484574], [97.842105, 88.259528]], [[53.704174, 49.92922], [94.357532, 42.088929], [92.615245, 76.353902], [62.99637, 98.422868], [98.713249, 89.711434]], [[53.994555, 53.413793], [99.00363, 50.509982], [62.99637, 76.353902], [51.381125, 99.584392], [83.903811, 99.00363]], [[53.123412, 45.573503], [102.197822, 55.446461], [71.417423, 75.77314], [42.960073, 88.549909], [92.615245, 99.294011]], [[39.76588, 54.865699], [89.130672, 50.219601], [75.482759, 75.192377], [51.961887, 100.165154], [90.001815, 97.261343]], [[43.831216, 46.154265], [85.646098, 42.088929], [56.898367, 67.642468], [43.250454, 89.711434], [89.130672, 85.646098]], [[54.865699, 50.509982], [94.357532, 62.415608], [72.869328, 80.419238], [42.960073, 97.261343], [75.77314, 104.811252]], [[68.803993, 46.735027], [108.586207, 61.834846], [74.611615, 76.934664], [53.413793, 81.290381], [91.744102, 96.3902]], [[50.800363, 57.76951], [96.3902, 56.898367], [70.546279, 71.417423], [56.898367, 96.099819], [87.678766, 97.261343]], [[60.963702, 41.217786], [105.392015, 42.37931], [77.515426, 72.288566], [64.157895, 88.259528], [100.745917, 89.711434]], [[50.800363, 54.284936], [96.970962, 37.442831], [57.479129, 64.157895], [60.673321, 95.809437], [96.3902, 88.549909]], [[47.896552, 46.444646], [92.324864, 47.896552], [83.032668, 78.096189], [47.315789, 94.938294], [83.903811, 94.357532]], [[40.927405, 52.252269], [94.647913, 47.606171], [66.190563, 73.15971], [47.315789, 97.842105], [94.938294, 93.77677]], [[42.669691, 49.058076], [92.905626, 46.444646], [71.127042, 83.903811], [47.315789, 97.261343], [97.842105, 92.615245]], [[67.061706, 38.313975], [111.490018, 54.284936], [61.254083, 66.771325], [49.348457, 82.161525], [91.453721, 96.970962]], [[42.088929, 49.348457], [102.488203, 47.315789], [67.932849, 79.838475], [52.833031, 97.842105], [98.713249, 96.680581]], [[61.834846, 51.961887], [102.778584, 64.448276], [60.092559, 74.321234], [47.896552, 96.099819], [76.644283, 104.23049]], [[45.573503, 55.736842], [81.580762, 51.090744], [67.352087, 82.161525], [55.736842, 103.068966], [86.517241, 99.874773]], [[48.186933, 53.413793], [94.357532, 50.219601], [77.515426, 68.803993], [54.575318, 93.486388], [94.647913, 90.872958]], [[57.479129, 45.863884], [106.553539, 45.283122], [84.484574, 68.22323], [60.673321, 90.582577], [106.84392, 87.678766]], [[45.573503, 61.544465], [94.067151, 54.865699], [77.515426, 74.611615], [63.867514, 105.972777], [94.647913, 102.488203]], [[54.575318, 58.640653], [101.61706, 56.027223], [78.096189, 75.192377], [57.76951, 101.61706], [99.584392, 99.584392]], [[58.640653, 39.475499], [102.197822, 49.348457], [78.38657, 64.738657], [52.54265, 87.388385], [84.774955, 94.647913]], [[55.15608, 47.896552], [94.067151, 45.283122], [61.834846, 70.836661], [53.994555, 96.3902], [88.549909, 94.067151]], [[52.54265, 55.15608], [99.294011, 56.027223], [72.578947, 86.517241], [53.704174, 98.422868], [100.165154, 97.551724]], [[45.283122, 59.511797], [95.228675, 53.704174], [78.676951, 90.001815], [56.317604, 108.005445], [96.970962, 103.940109]], [[41.508167, 47.025408], [85.355717, 44.702359], [78.38657, 67.061706], [51.090744, 93.77677], [87.388385, 92.905626]], [[50.219601, 62.125227], [96.3902, 60.092559], [62.125227, 84.774955], [54.284936, 109.747731], [88.549909, 107.424682]], [[49.058076, 43.831216], [88.84029, 45.283122], [58.640653, 70.255898], [55.446461, 92.324864], [85.355717, 93.486388]], [[45.283122, 44.411978], [96.099819, 41.508167], [74.901996, 67.352087], [57.76951, 90.872958], [90.872958, 87.969147]], [[56.898367, 43.540835], [98.132486, 46.444646], [89.711434, 61.544465], [66.480944, 90.001815], [93.77677, 94.357532]], [[51.961887, 56.607985], [100.745917, 40.637024], [62.99637, 65.319419], [59.221416, 104.23049], [95.519056, 89.130672]], [[55.736842, 51.090744], [106.84392, 53.704174], [83.032668, 93.196007], [53.704174, 102.488203], [97.551724, 106.263158]], [[52.252269, 49.92922], [94.357532, 62.99637], [78.38657, 84.774955], [35.410163, 96.3902], [82.161525, 110.328494]], [[39.76588, 57.188748], [89.711434, 51.671506], [75.192377, 83.903811], [52.833031, 104.811252], [94.647913, 97.842105]], [[49.92922, 45.573503], [100.745917, 42.960073], [89.421053, 74.901996], [52.833031, 94.067151], [104.811252, 86.22686]], [[51.671506, 51.961887], [96.680581, 50.800363], [72.288566, 81.0], [57.188748, 99.00363], [92.905626, 96.3902]], [[62.125227, 41.508167], [94.647913, 38.894737], [74.901996, 72.869328], [76.644283, 87.969147], [103.649728, 85.646098]], [[50.219601, 51.090744], [101.036298, 47.025408], [79.548094, 81.871143], [50.219601, 99.584392], [90.872958, 96.099819]], [[49.638838, 49.638838], [98.422868, 57.76951], [66.480944, 80.709619], [40.346642, 91.453721], [88.84029, 100.165154]], [[47.606171, 57.76951], [83.032668, 46.735027], [88.549909, 81.290381], [61.544465, 104.520871], [86.517241, 96.680581]], [[49.638838, 52.833031], [93.486388, 49.058076], [78.967332, 83.61343], [60.963702, 99.00363], [89.711434, 96.970962]], [[50.800363, 55.446461], [92.324864, 62.125227], [58.350272, 83.323049], [49.348457, 104.811252], [79.838475, 109.166969]], [[46.154265, 39.475499], [95.228675, 49.348457], [73.15971, 72.578947], [38.023593, 88.84029], [85.355717, 97.551724]], [[46.735027, 56.898367], [86.517241, 47.025408], [61.254083, 83.903811], [59.802178, 105.972777], [87.388385, 101.326679]], [[56.317604, 59.511797], [101.907441, 57.479129], [77.515426, 88.549909], [58.931034, 100.745917], [96.970962, 102.488203]], [[55.446461, 45.573503], [96.3902, 51.961887], [72.578947, 73.740472], [56.607985, 88.259528], [87.969147, 92.615245]], [[50.509982, 55.15608], [107.715064, 53.994555], [84.194192, 89.421053], [54.865699, 105.392015], [104.23049, 105.101633]], [[49.058076, 40.927405], [96.3902, 38.604356], [73.450091, 69.965517], [47.315789, 81.0], [95.519056, 80.128857]], [[47.025408, 47.315789], [91.744102, 47.606171], [67.932849, 76.353902], [45.863884, 88.549909], [86.807623, 90.292196]], [[55.736842, 49.638838], [92.324864, 47.315789], [61.544465, 77.225045], [62.415608, 98.132486], [92.324864, 97.842105]], [[58.059891, 60.673321], [101.907441, 58.931034], [79.838475, 88.84029], [63.867514, 111.199637], [97.842105, 108.005445]], [[61.254083, 55.736842], [98.713249, 49.058076], [74.030853, 78.38657], [74.321234, 103.359347], [101.907441, 100.745917]], [[53.994555, 53.413793], [95.809437, 52.833031], [74.321234, 76.644283], [58.640653, 101.907441], [93.77677, 102.197822]], [[57.479129, 49.058076], [105.101633, 46.444646], [80.419238, 73.740472], [64.448276, 94.647913], [99.584392, 94.067151]], [[33.958258, 59.221416], [79.548094, 53.123412], [63.577132, 83.61343], [43.831216, 104.23049], [87.388385, 99.584392]], [[44.411978, 58.059891], [89.130672, 48.477314], [66.480944, 79.257713], [57.188748, 102.778584], [99.584392, 93.77677]], [[42.960073, 62.99637], [84.774955, 54.865699], [69.094374, 82.161525], [55.15608, 106.263158], [92.905626, 96.099819]], [[46.154265, 54.575318], [88.549909, 55.15608], [69.965517, 84.194192], [43.540835, 105.682396], [77.805808, 105.682396]], [[44.99274, 55.736842], [78.967332, 51.671506], [79.548094, 77.225045], [52.54265, 102.197822], [80.128857, 99.874773]], [[55.736842, 49.638838], [103.068966, 49.058076], [78.676951, 87.969147], [57.76951, 96.099819], [98.132486, 96.680581]], [[60.092559, 37.442831], [100.455535, 46.735027], [88.259528, 66.480944], [51.381125, 83.903811], [91.744102, 89.711434]], [[44.99274, 59.802178], [84.484574, 43.540835], [68.22323, 85.355717], [67.932849, 102.197822], [99.294011, 87.678766]], [[58.931034, 51.671506], [105.972777, 54.284936], [87.678766, 89.421053], [64.157895, 100.455535], [103.068966, 96.099819]], [[52.252269, 46.735027], [93.486388, 46.444646], [73.15971, 69.965517], [53.994555, 94.067151], [84.484574, 93.196007]], [[51.090744, 41.798548], [92.905626, 38.604356], [75.77314, 73.15971], [55.15608, 83.903811], [94.647913, 80.709619]], [[57.76951, 52.252269], [90.582577, 60.092559], [78.096189, 84.774955], [53.123412, 101.326679], [74.901996, 103.359347]], [[51.090744, 47.025408], [98.132486, 41.217786], [64.738657, 72.869328], [60.963702, 95.519056], [94.067151, 96.680581]], [[61.254083, 48.767695], [105.682396, 58.059891], [80.419238, 82.451906], [55.15608, 98.713249], [92.615245, 105.392015]], [[45.863884, 42.960073], [91.744102, 51.671506], [57.76951, 71.127042], [47.896552, 94.647913], [78.967332, 96.099819]], [[60.963702, 33.377495], [101.036298, 46.735027], [63.867514, 62.99637], [44.411978, 81.290381], [81.290381, 95.809437]], [[64.738657, 51.090744], [104.520871, 53.704174], [68.513612, 79.838475], [66.480944, 100.455535], [97.842105, 105.392015]], [[61.254083, 55.15608], [93.77677, 55.15608], [91.744102, 82.451906], [66.771325, 105.972777], [92.905626, 105.972777]], [[44.702359, 67.932849], [86.807623, 54.284936], [66.190563, 92.324864], [56.317604, 117.297641], [90.872958, 108.295826]], [[50.219601, 41.798548], [93.77677, 34.53902], [82.742287, 67.642468], [63.577132, 91.453721], [96.099819, 86.807623]], [[45.283122, 55.736842], [92.615245, 54.284936], [75.77314, 87.969147], [49.92922, 105.101633], [92.905626, 103.940109]], [[50.800363, 60.092559], [102.197822, 54.865699], [78.967332, 85.065336], [61.254083, 102.778584], [100.165154, 98.713249]], [[50.219601, 43.831216], [96.3902, 61.544465], [60.963702, 88.549909], [37.442831, 83.032668], [77.805808, 97.551724]], [[53.994555, 50.509982], [101.326679, 54.865699], [68.513612, 67.642468], [54.575318, 98.422868], [87.098004, 101.907441]], [[57.76951, 47.606171], [101.036298, 56.898367], [82.742287, 78.38657], [52.252269, 91.163339], [90.292196, 102.197822]], [[56.027223, 51.381125], [105.972777, 44.411978], [83.903811, 78.38657], [66.480944, 102.197822], [106.84392, 95.228675]], [[48.477314, 46.444646], [90.292196, 42.960073], [68.803993, 65.900181], [48.767695, 94.647913], [87.388385, 86.22686]], [[52.54265, 42.37931], [88.84029, 41.217786], [79.548094, 67.352087], [54.865699, 90.001815], [91.744102, 87.969147]], [[64.157895, 46.444646], [103.940109, 49.348457], [85.936479, 69.675136], [66.771325, 92.905626], [96.099819, 95.519056]], [[59.802178, 43.250454], [108.005445, 40.056261], [80.419238, 76.934664], [58.350272, 87.098004], [110.909256, 84.194192]], [[39.475499, 64.157895], [84.194192, 44.702359], [72.578947, 74.901996], [65.900181, 99.00363], [95.809437, 86.22686]], [[62.415608, 43.831216], [110.038113, 43.831216], [76.644283, 68.803993], [64.738657, 92.615245], [101.61706, 93.486388]], [[53.994555, 49.92922], [89.711434, 45.573503], [96.680581, 62.415608], [73.15971, 95.809437], [105.392015, 93.77677]], [[57.76951, 51.090744], [105.972777, 52.54265], [79.838475, 87.678766], [54.865699, 96.970962], [102.197822, 98.132486]], [[49.058076, 51.090744], [90.872958, 46.735027], [71.998185, 74.030853], [59.221416, 93.486388], [91.163339, 90.001815]], [[48.477314, 58.350272], [95.519056, 58.640653], [68.513612, 86.22686], [49.058076, 104.520871], [92.615245, 101.036298]], [[58.640653, 55.736842], [107.134301, 47.606171], [89.421053, 87.969147], [69.384755, 103.068966], [104.811252, 97.261343]], [[50.219601, 49.058076], [98.132486, 52.252269], [84.194192, 69.384755], [51.090744, 98.422868], [87.969147, 99.294011]], [[49.058076, 53.704174], [96.680581, 57.76951], [79.257713, 88.549909], [37.15245, 100.165154], [90.582577, 102.488203]], [[56.898367, 51.381125], [101.326679, 50.800363], [81.871143, 71.417423], [59.802178, 100.745917], [100.165154, 99.294011]], [[42.669691, 50.509982], [92.615245, 50.800363], [67.061706, 86.807623], [45.573503, 96.099819], [89.130672, 96.680581]], [[54.865699, 39.475499], [103.359347, 38.604356], [81.871143, 67.352087], [56.898367, 87.388385], [103.068966, 86.517241]], [[59.802178, 58.350272], [104.811252, 54.284936], [71.707804, 68.803993], [60.092559, 93.486388], [97.842105, 93.486388]], [[51.671506, 53.413793], [95.519056, 56.607985], [70.836661, 88.84029], [52.833031, 101.61706], [90.872958, 101.036298]], [[55.15608, 56.027223], [102.488203, 54.575318], [73.450091, 84.774955], [60.963702, 100.745917], [94.938294, 100.165154]], [[58.350272, 40.346642], [97.551724, 41.217786], [70.255898, 67.061706], [61.834846, 93.196007], [93.486388, 93.77677]], [[44.411978, 61.254083], [89.421053, 47.025408], [80.419238, 86.22686], [64.738657, 103.359347], [93.486388, 94.067151]], [[53.704174, 55.736842], [94.357532, 64.157895], [84.484574, 87.388385], [48.767695, 103.940109], [77.225045, 110.618875]], [[46.444646, 47.315789], [86.22686, 50.509982], [65.900181, 72.869328], [46.444646, 99.584392], [80.419238, 102.778584]], [[48.477314, 55.15608], [97.551724, 57.76951], [71.707804, 76.934664], [54.575318, 102.197822], [87.098004, 103.649728]], [[40.346642, 52.54265], [82.742287, 51.090744], [79.257713, 81.0], [44.702359, 99.00363], [76.353902, 97.551724]], [[59.802178, 47.025408], [95.228675, 48.767695], [93.77677, 74.611615], [72.288566, 94.357532], [95.519056, 92.324864]], [[53.704174, 51.381125], [92.905626, 53.994555], [77.225045, 74.030853], [58.059891, 100.165154], [84.194192, 100.165154]], [[58.059891, 49.058076], [92.034483, 43.250454], [62.705989, 74.611615], [67.061706, 97.842105], [95.809437, 95.519056]], [[51.671506, 50.509982], [101.326679, 55.736842], [64.448276, 67.061706], [49.348457, 93.486388], [87.969147, 101.326679]], [[59.221416, 57.76951], [104.520871, 55.736842], [86.807623, 85.646098], [64.448276, 103.649728], [102.197822, 103.940109]], [[55.736842, 44.411978], [91.744102, 45.283122], [58.931034, 78.096189], [55.736842, 92.034483], [87.678766, 94.067151]], [[53.704174, 55.736842], [96.3902, 33.377495], [69.094374, 71.417423], [72.288566, 101.036298], [112.941924, 81.290381]], [[57.188748, 49.348457], [100.165154, 56.898367], [88.84029, 63.867514], [60.38294, 93.196007], [91.744102, 98.422868]], [[57.188748, 39.185118], [92.905626, 44.411978], [89.130672, 70.546279], [59.221416, 87.969147], [86.807623, 91.453721]], [[58.931034, 47.896552], [104.811252, 54.865699], [75.482759, 71.707804], [56.607985, 90.872958], [90.292196, 99.00363]], [[52.54265, 35.410163], [104.520871, 43.540835], [80.419238, 74.611615], [44.121597, 80.128857], [90.872958, 88.84029]], [[61.544465, 46.735027], [107.424682, 62.415608], [83.032668, 85.646098], [47.606171, 92.905626], [87.098004, 105.392015]], [[56.027223, 43.540835], [103.068966, 52.833031], [71.707804, 77.805808], [47.606171, 81.580762], [77.225045, 90.001815]], [[60.38294, 47.896552], [102.488203, 37.15245], [74.901996, 79.838475], [68.513612, 96.099819], [111.780399, 89.421053]], [[74.901996, 51.090744], [117.297641, 65.900181], [79.257713, 76.063521], [57.76951, 95.228675], [89.711434, 107.424682]], [[51.381125, 53.704174], [87.969147, 44.702359], [55.446461, 85.355717], [56.607985, 99.00363], [95.228675, 95.228675]], [[62.99637, 54.865699], [105.972777, 56.898367], [87.678766, 78.676951], [72.578947, 102.488203], [97.842105, 103.359347]], [[41.217786, 60.38294], [90.292196, 46.444646], [75.482759, 84.484574], [59.221416, 109.45735], [103.068966, 92.034483]], [[61.544465, 52.54265], [103.359347, 49.058076], [84.774955, 79.257713], [61.834846, 92.615245], [104.23049, 89.711434]], [[53.704174, 41.217786], [98.713249, 42.37931], [80.709619, 85.936479], [44.121597, 84.774955], [94.357532, 85.646098]], [[67.061706, 35.990926], [112.07078, 41.217786], [78.38657, 63.577132], [57.76951, 83.903811], [96.099819, 89.711434]], [[49.348457, 40.346642], [99.584392, 41.217786], [77.225045, 70.546279], [43.250454, 87.678766], [102.488203, 87.388385]], [[52.252269, 51.671506], [97.551724, 49.058076], [75.482759, 74.030853], [56.607985, 92.324864], [96.3902, 90.292196]], [[52.833031, 55.736842], [95.519056, 59.511797], [63.286751, 60.963702], [43.831216, 93.486388], [85.936479, 96.680581]], [[42.960073, 64.157895], [81.0, 54.865699], [71.127042, 77.225045], [53.994555, 103.940109], [87.098004, 93.77677]], [[59.802178, 56.317604], [103.940109, 58.059891], [80.128857, 88.549909], [64.448276, 94.357532], [104.520871, 95.519056]], [[46.444646, 57.188748], [90.001815, 58.350272], [72.869328, 88.259528], [50.509982, 103.649728], [86.22686, 102.488203]], [[64.738657, 51.090744], [106.84392, 55.446461], [84.774955, 85.936479], [66.190563, 101.036298], [98.713249, 102.778584]], [[56.027223, 60.963702], [105.972777, 57.188748], [83.903811, 92.905626], [62.705989, 105.101633], [111.199637, 99.294011]], [[45.573503, 55.15608], [92.615245, 62.415608], [63.286751, 92.615245], [48.186933, 103.359347], [84.484574, 108.876588]], [[58.640653, 56.027223], [92.324864, 51.090744], [62.99637, 74.321234], [68.513612, 98.713249], [91.453721, 95.519056]], [[66.190563, 37.442831], [96.099819, 42.669691], [61.834846, 68.513612], [69.675136, 82.451906], [90.001815, 84.194192]], [[56.607985, 53.123412], [102.488203, 39.185118], [71.417423, 72.869328], [69.384755, 102.778584], [105.682396, 92.324864]], [[61.544465, 66.190563], [99.00363, 47.025408], [74.321234, 86.517241], [75.77314, 109.45735], [112.07078, 96.680581]], [[61.254083, 53.123412], [97.842105, 38.313975], [81.290381, 69.965517], [82.161525, 95.519056], [105.682396, 84.774955]], [[65.029038, 47.606171], [103.359347, 50.219601], [91.744102, 77.225045], [60.092559, 94.647913], [98.713249, 96.099819]], [[67.932849, 46.154265], [102.197822, 40.346642], [66.190563, 71.417423], [75.77314, 96.970962], [108.005445, 94.067151]], [[60.963702, 53.994555], [109.747731, 62.99637], [69.384755, 83.323049], [56.607985, 102.488203], [89.421053, 109.166969]], [[48.186933, 41.508167], [92.905626, 42.088929], [74.611615, 64.448276], [53.123412, 90.001815], [87.678766, 89.421053]], [[54.575318, 56.027223], [93.77677, 57.76951], [82.161525, 84.774955], [61.254083, 105.392015], [86.517241, 105.101633]], [[39.185118, 51.671506], [83.032668, 47.896552], [44.99274, 85.646098], [48.477314, 99.874773], [83.903811, 95.809437]], [[48.186933, 53.123412], [90.872958, 42.669691], [84.194192, 73.450091], [66.771325, 96.3902], [105.972777, 86.807623]], [[62.125227, 47.896552], [79.548094, 40.927405], [89.130672, 76.353902], [63.867514, 96.970962], [75.77314, 93.196007]], [[51.961887, 52.252269], [93.196007, 55.15608], [69.094374, 91.453721], [53.994555, 99.584392], [84.774955, 99.584392]], [[57.76951, 45.283122], [107.424682, 45.283122], [90.582577, 72.288566], [63.867514, 92.324864], [105.392015, 92.905626]], [[60.092559, 69.675136], [103.940109, 51.671506], [72.869328, 77.805808], [66.480944, 114.103448], [101.907441, 105.392015]], [[64.157895, 55.15608], [110.038113, 62.705989], [93.196007, 88.84029], [61.834846, 104.23049], [98.132486, 109.45735]], [[44.99274, 57.479129], [95.519056, 50.509982], [77.515426, 76.644283], [59.511797, 102.488203], [94.067151, 99.584392]], [[40.346642, 70.836661], [90.582577, 64.448276], [75.77314, 74.321234], [47.025408, 110.328494], [101.907441, 102.197822]], [[60.673321, 50.800363], [105.682396, 51.961887], [80.709619, 82.742287], [58.350272, 96.3902], [104.520871, 95.519056]], [[59.511797, 41.508167], [98.422868, 57.479129], [82.451906, 70.836661], [49.92922, 88.84029], [81.290381, 99.874773]], [[51.381125, 55.736842], [101.036298, 48.767695], [79.548094, 83.323049], [60.963702, 102.488203], [99.584392, 100.455535]], [[58.640653, 33.667877], [103.068966, 47.606171], [81.871143, 76.644283], [50.219601, 83.61343], [88.84029, 91.744102]], [[62.415608, 56.607985], [105.392015, 52.54265], [83.61343, 85.065336], [67.352087, 106.553539], [98.132486, 104.23049]], [[62.99637, 50.509982], [105.682396, 52.252269], [75.192377, 86.22686], [66.190563, 100.165154], [96.3902, 101.61706]], [[67.352087, 55.15608], [100.745917, 49.348457], [73.15971, 73.740472], [72.288566, 108.295826], [101.326679, 102.778584]], [[77.805808, 35.119782], [110.038113, 51.090744], [102.778584, 73.740472], [62.415608, 81.871143], [88.549909, 88.84029]], [[50.509982, 51.961887], [98.422868, 57.479129], [73.450091, 80.128857], [51.671506, 100.455535], [81.290381, 103.359347]], [[58.059891, 46.444646], [102.778584, 39.76588], [72.578947, 70.546279], [63.867514, 92.905626], [104.23049, 87.678766]], [[47.025408, 55.736842], [90.001815, 50.509982], [71.417423, 71.127042], [53.123412, 91.163339], [91.453721, 87.388385]], [[57.76951, 50.509982], [99.00363, 35.119782], [75.192377, 71.998185], [72.288566, 95.809437], [113.522686, 83.032668]], [[59.221416, 44.702359], [103.068966, 46.735027], [88.259528, 73.15971], [66.480944, 93.196007], [94.357532, 94.357532]], [[49.638838, 38.604356], [87.098004, 44.121597], [72.869328, 68.513612], [44.121597, 85.936479], [73.15971, 90.001815]], [[59.802178, 52.833031], [91.453721, 44.411978], [70.255898, 73.450091], [71.127042, 89.711434], [96.970962, 85.355717]], [[55.15608, 59.802178], [103.068966, 55.736842], [80.419238, 90.001815], [58.059891, 97.551724], [106.263158, 95.228675]], [[48.767695, 44.411978], [96.3902, 52.833031], [69.094374, 71.998185], [42.669691, 87.388385], [82.161525, 95.519056]], [[50.219601, 52.833031], [99.294011, 51.671506], [70.836661, 78.096189], [44.411978, 100.745917], [96.970962, 102.488203]], [[44.411978, 39.76588], [89.711434, 45.863884], [74.030853, 65.029038], [43.250454, 88.259528], [87.969147, 90.582577]], [[47.315789, 55.15608], [91.744102, 54.575318], [76.934664, 80.128857], [44.99274, 103.649728], [95.228675, 105.972777]], [[68.22323, 41.217786], [109.747731, 47.025408], [61.544465, 61.544465], [57.76951, 89.130672], [89.711434, 96.099819]], [[52.252269, 51.090744], [97.842105, 53.123412], [76.934664, 69.675136], [56.027223, 96.3902], [84.194192, 97.261343]], [[50.509982, 47.315789], [93.196007, 52.54265], [80.709619, 72.288566], [51.671506, 95.519056], [84.194192, 99.584392]], [[60.963702, 52.833031], [106.84392, 58.059891], [82.742287, 82.451906], [53.123412, 102.197822], [100.745917, 108.295826]], [[45.863884, 61.834846], [95.228675, 69.094374], [66.771325, 105.972777], [40.927405, 104.23049], [84.194192, 109.166969]], [[55.15608, 46.735027], [93.486388, 44.411978], [96.099819, 67.642468], [59.221416, 94.647913], [95.519056, 91.163339]], [[55.736842, 65.6098], [102.197822, 55.446461], [77.805808, 77.225045], [71.998185, 111.780399], [105.682396, 101.61706]], [[45.863884, 55.736842], [92.324864, 56.317604], [69.675136, 74.901996], [49.058076, 105.101633], [82.742287, 106.84392]], [[50.800363, 42.960073], [102.197822, 39.76588], [81.0, 76.353902], [54.865699, 90.872958], [103.649728, 87.678766]], [[54.575318, 59.511797], [101.326679, 59.511797], [71.998185, 87.969147], [54.284936, 105.682396], [102.778584, 105.101633]], [[44.702359, 42.37931], [88.259528, 31.92559], [77.225045, 63.867514], [43.540835, 86.22686], [84.774955, 77.225045]], [[57.479129, 60.38294], [100.455535, 56.898367], [83.032668, 82.161525], [65.029038, 105.972777], [101.907441, 105.101633]], [[50.800363, 63.577132], [91.744102, 51.381125], [67.932849, 80.419238], [62.125227, 110.618875], [99.00363, 101.326679]], [[49.92922, 44.702359], [99.294011, 51.090744], [69.094374, 83.903811], [44.121597, 92.034483], [92.324864, 99.294011]], [[57.479129, 36.571688], [101.907441, 51.090744], [67.352087, 66.190563], [44.121597, 75.192377], [88.549909, 89.421053]], [[51.381125, 44.702359], [99.00363, 46.735027], [81.0, 85.646098], [36.281307, 95.519056], [77.805808, 98.713249]], [[58.931034, 54.284936], [107.134301, 51.961887], [83.903811, 74.901996], [68.22323, 96.3902], [97.842105, 96.680581]], [[60.963702, 42.088929], [92.905626, 44.121597], [60.092559, 65.6098], [60.38294, 88.549909], [85.646098, 88.259528]], [[59.802178, 38.313975], [100.455535, 40.056261], [76.644283, 70.255898], [67.932849, 85.936479], [101.61706, 82.161525]], [[52.833031, 77.225045], [91.163339, 44.99274], [71.127042, 76.644283], [81.0, 114.684211], [114.393829, 82.742287]], [[53.123412, 60.092559], [90.001815, 62.99637], [76.063521, 77.225045], [51.381125, 103.068966], [83.61343, 106.263158]], [[71.417423, 54.575318], [109.747731, 66.771325], [70.836661, 87.098004], [60.673321, 106.84392], [91.744102, 121.072595]], [[49.92922, 56.317604], [96.099819, 52.54265], [74.901996, 81.290381], [59.511797, 103.359347], [95.228675, 102.197822]], [[60.092559, 50.509982], [100.745917, 58.059891], [69.965517, 70.836661], [50.509982, 95.228675], [87.388385, 102.197822]], [[49.348457, 63.286751], [99.00363, 48.477314], [85.936479, 82.451906], [68.513612, 107.424682], [110.038113, 96.3902]], [[59.221416, 42.669691], [103.649728, 51.961887], [78.967332, 68.513612], [52.252269, 80.128857], [92.615245, 86.807623]], [[47.606171, 57.188748], [83.323049, 55.15608], [49.348457, 85.936479], [51.671506, 105.392015], [84.774955, 108.295826]], [[49.638838, 48.186933], [97.261343, 48.767695], [78.096189, 75.482759], [56.027223, 89.711434], [97.842105, 89.421053]], [[58.350272, 56.607985], [107.134301, 53.994555], [83.032668, 85.065336], [68.22323, 104.811252], [102.778584, 103.940109]], [[79.548094, 42.37931], [109.166969, 49.638838], [112.941924, 68.22323], [77.225045, 90.001815], [101.907441, 94.357532]], [[37.442831, 59.221416], [78.38657, 50.800363], [64.738657, 78.096189], [54.284936, 102.778584], [90.872958, 94.647913]], [[58.350272, 59.802178], [92.324864, 52.54265], [62.415608, 88.84029], [67.352087, 107.715064], [101.61706, 106.263158]], [[55.446461, 35.990926], [92.034483, 50.800363], [87.388385, 65.319419], [54.575318, 85.936479], [81.871143, 93.77677]], [[49.348457, 42.669691], [95.519056, 42.960073], [62.705989, 61.254083], [49.058076, 94.938294], [88.259528, 95.809437]], [[45.573503, 54.865699], [90.292196, 55.446461], [66.480944, 78.38657], [51.090744, 103.359347], [84.484574, 103.649728]], [[62.415608, 52.54265], [109.45735, 54.575318], [89.421053, 77.805808], [63.577132, 97.551724], [101.61706, 102.488203]], [[63.867514, 58.931034], [106.553539, 56.607985], [69.094374, 80.419238], [56.027223, 107.134301], [104.23049, 104.811252]], [[55.736842, 53.123412], [94.357532, 55.736842], [67.061706, 79.838475], [53.413793, 103.068966], [91.453721, 101.907441]], [[55.15608, 54.865699], [95.228675, 52.54265], [75.192377, 80.128857], [58.640653, 103.068966], [90.292196, 102.778584]], [[48.767695, 49.058076], [98.422868, 51.090744], [63.867514, 86.517241], [63.286751, 100.745917], [96.099819, 98.422868]], [[43.250454, 42.088929], [87.098004, 35.410163], [69.675136, 71.417423], [55.446461, 88.549909], [95.519056, 82.161525]], [[57.188748, 53.994555], [99.584392, 56.317604], [78.096189, 85.065336], [55.15608, 100.745917], [93.77677, 103.649728]], [[58.350272, 41.798548], [97.842105, 49.348457], [87.969147, 67.061706], [64.448276, 88.259528], [94.357532, 92.905626]], [[56.317604, 43.540835], [99.294011, 38.604356], [69.965517, 61.544465], [63.286751, 92.034483], [91.453721, 90.872958]], [[50.509982, 56.317604], [99.584392, 51.671506], [69.965517, 68.513612], [56.027223, 96.099819], [97.842105, 92.905626]], [[45.863884, 47.315789], [90.292196, 51.381125], [77.805808, 81.580762], [35.410163, 95.228675], [84.774955, 98.132486]], [[42.37931, 57.188748], [90.292196, 58.350272], [60.092559, 82.742287], [48.477314, 98.422868], [94.357532, 99.294011]], [[55.15608, 47.315789], [93.196007, 36.571688], [78.096189, 76.934664], [70.546279, 88.549909], [102.488203, 80.128857]], [[60.673321, 42.669691], [102.488203, 45.283122], [91.453721, 70.546279], [59.511797, 90.582577], [92.615245, 93.486388]], [[59.511797, 66.190563], [105.101633, 60.092559], [82.161525, 78.676951], [66.771325, 106.263158], [108.005445, 100.745917]], [[61.254083, 40.346642], [103.068966, 41.217786], [72.869328, 72.869328], [61.254083, 90.001815], [95.809437, 92.324864]], [[48.477314, 52.252269], [92.615245, 50.800363], [66.771325, 73.740472], [51.671506, 100.165154], [89.711434, 99.584392]], [[53.994555, 38.313975], [95.519056, 41.508167], [74.611615, 72.288566], [54.865699, 82.161525], [96.680581, 81.0]], [[62.125227, 49.348457], [98.132486, 47.896552], [95.809437, 72.288566], [73.450091, 97.842105], [100.455535, 96.099819]], [[58.931034, 47.315789], [113.522686, 46.444646], [85.936479, 74.901996], [54.575318, 96.680581], [108.295826, 98.713249]], [[55.736842, 49.638838], [96.680581, 42.088929], [70.255898, 68.22323], [65.029038, 91.744102], [91.163339, 87.969147]], [[53.123412, 46.154265], [96.680581, 42.669691], [90.582577, 75.482759], [62.125227, 94.357532], [96.099819, 94.647913]], [[56.027223, 51.090744], [105.392015, 53.704174], [81.580762, 88.84029], [58.350272, 102.778584], [95.809437, 104.811252]], [[65.900181, 57.76951], [108.876588, 58.640653], [82.161525, 89.130672], [69.384755, 105.682396], [94.067151, 107.424682]], [[63.286751, 47.315789], [94.357532, 59.802178], [90.001815, 78.967332], [59.221416, 97.261343], [82.742287, 104.23049]], [[60.673321, 50.219601], [94.067151, 60.092559], [53.413793, 82.451906], [52.252269, 101.907441], [89.711434, 115.845735]], [[47.606171, 50.509982], [90.872958, 46.154265], [66.190563, 68.803993], [49.92922, 90.001815], [92.905626, 87.388385]], [[56.317604, 51.961887], [97.261343, 47.025408], [68.22323, 71.998185], [62.415608, 101.036298], [92.034483, 100.745917]], [[51.381125, 53.123412], [99.874773, 44.99274], [67.352087, 67.352087], [56.898367, 100.745917], [94.938294, 97.261343]], [[48.186933, 51.961887], [90.292196, 41.798548], [71.127042, 78.38657], [62.125227, 99.294011], [92.615245, 93.77677]], [[56.027223, 55.736842], [95.228675, 47.025408], [72.578947, 70.836661], [63.577132, 101.907441], [103.068966, 91.744102]], [[51.961887, 41.798548], [93.486388, 49.92922], [70.836661, 67.352087], [45.863884, 85.936479], [88.84029, 92.615245]], [[68.803993, 42.37931], [101.61706, 62.415608], [74.901996, 77.805808], [48.186933, 76.063521], [79.548094, 96.099819]], [[47.606171, 42.960073], [85.936479, 39.475499], [51.381125, 69.675136], [51.961887, 90.582577], [94.647913, 89.711434]], [[47.606171, 48.767695], [97.261343, 47.606171], [71.417423, 72.288566], [54.284936, 96.680581], [88.549909, 96.099819]], [[59.802178, 47.896552], [108.005445, 70.255898], [86.807623, 85.646098], [57.76951, 99.584392], [79.257713, 110.618875]], [[54.284936, 43.831216], [97.551724, 43.540835], [73.450091, 70.255898], [57.188748, 91.163339], [90.292196, 91.744102]], [[46.154265, 51.961887], [90.001815, 40.056261], [72.869328, 74.321234], [59.511797, 95.809437], [103.649728, 80.419238]], [[65.319419, 35.700544], [99.294011, 50.219601], [88.84029, 72.869328], [52.54265, 82.742287], [76.644283, 91.744102]], [[56.317604, 53.413793], [100.165154, 67.642468], [68.22323, 93.196007], [42.37931, 92.324864], [80.419238, 108.586207]], [[56.898367, 43.540835], [97.551724, 39.475499], [71.417423, 64.738657], [61.544465, 88.84029], [95.809437, 86.517241]], [[60.963702, 57.76951], [101.036298, 53.704174], [66.771325, 85.065336], [64.738657, 101.907441], [100.455535, 100.165154]], [[60.092559, 42.669691], [108.295826, 38.894737], [87.388385, 72.578947], [62.99637, 89.421053], [108.586207, 87.388385]], [[70.255898, 45.863884], [109.45735, 48.477314], [69.675136, 70.255898], [63.286751, 97.551724], [94.067151, 99.294011]], [[42.37931, 47.606171], [87.098004, 37.15245], [63.577132, 64.738657], [57.479129, 96.099819], [85.646098, 87.969147]], [[55.446461, 54.865699], [97.551724, 63.286751], [72.288566, 83.323049], [50.800363, 98.422868], [81.290381, 104.520871]], [[60.673321, 43.250454], [100.165154, 41.217786], [88.84029, 65.900181], [63.286751, 91.744102], [103.649728, 89.711434]], [[60.092559, 49.348457], [108.295826, 48.477314], [87.098004, 85.065336], [59.221416, 91.744102], [109.166969, 89.130672]], [[56.607985, 51.961887], [93.77677, 48.186933], [94.067151, 81.0], [60.092559, 97.842105], [94.647913, 94.067151]], [[39.185118, 45.573503], [82.451906, 52.833031], [68.513612, 73.15971], [37.733212, 92.034483], [76.934664, 97.551724]], [[60.092559, 48.477314], [104.520871, 45.863884], [68.22323, 55.446461], [58.350272, 93.196007], [87.969147, 93.486388]], [[42.37931, 41.217786], [92.615245, 42.960073], [70.836661, 69.675136], [40.056261, 85.936479], [91.744102, 87.388385]], [[60.38294, 54.575318], [96.680581, 58.059891], [73.15971, 83.903811], [52.833031, 96.3902], [94.647913, 99.00363]], [[41.798548, 43.250454], [87.388385, 36.571688], [65.029038, 75.77314], [53.704174, 91.744102], [85.936479, 87.678766]], [[41.798548, 50.509982], [101.036298, 37.442831], [56.317604, 74.901996], [55.446461, 96.680581], [114.974592, 86.807623]], [[47.896552, 54.865699], [93.77677, 52.833031], [74.030853, 87.678766], [50.219601, 94.067151], [92.615245, 96.099819]], [[55.736842, 43.540835], [101.326679, 42.37931], [86.517241, 74.611615], [60.38294, 93.77677], [95.228675, 94.067151]], [[44.99274, 40.346642], [96.3902, 48.186933], [56.607985, 72.288566], [41.798548, 87.678766], [85.936479, 94.647913]], [[54.575318, 44.121597], [101.326679, 50.800363], [76.934664, 72.288566], [47.606171, 94.357532], [86.517241, 102.197822]], [[56.317604, 56.898367], [97.551724, 54.865699], [72.288566, 90.582577], [63.286751, 103.649728], [98.713249, 101.61706]], [[48.186933, 57.76951], [98.422868, 53.123412], [94.938294, 77.515426], [53.413793, 102.488203], [102.778584, 99.584392]], [[53.413793, 53.704174], [98.422868, 41.508167], [88.549909, 67.352087], [66.480944, 94.067151], [103.068966, 88.549909]], [[50.800363, 54.284936], [92.324864, 54.284936], [82.742287, 85.355717], [58.059891, 100.455535], [90.001815, 99.584392]], [[56.898367, 56.027223], [100.165154, 52.252269], [64.738657, 82.742287], [61.254083, 108.295826], [96.3902, 107.424682]], [[74.901996, 41.798548], [106.553539, 57.76951], [78.38657, 70.836661], [58.059891, 86.22686], [82.742287, 96.099819]], [[57.76951, 58.059891], [103.068966, 59.221416], [61.834846, 82.451906], [51.961887, 101.326679], [94.938294, 103.649728]], [[65.319419, 48.477314], [104.811252, 51.671506], [78.096189, 79.257713], [69.675136, 96.3902], [97.551724, 97.842105]], [[43.831216, 44.411978], [87.388385, 38.023593], [67.352087, 61.544465], [44.121597, 79.257713], [89.130672, 75.482759]], [[51.961887, 48.767695], [101.907441, 35.990926], [66.190563, 59.221416], [62.125227, 97.261343], [99.294011, 85.936479]], [[55.736842, 57.479129], [92.905626, 51.381125], [101.036298, 79.548094], [68.803993, 104.811252], [94.357532, 99.584392]], [[51.090744, 54.865699], [90.001815, 55.15608], [67.352087, 80.128857], [50.800363, 102.488203], [83.61343, 103.068966]], [[73.450091, 53.413793], [114.103448, 63.577132], [77.805808, 77.805808], [59.511797, 98.132486], [89.421053, 108.586207]], [[45.863884, 50.219601], [92.324864, 44.702359], [70.255898, 76.934664], [58.931034, 99.294011], [89.711434, 95.519056]], [[47.606171, 42.669691], [91.163339, 39.76588], [67.642468, 66.190563], [49.638838, 92.034483], [92.615245, 89.711434]], [[66.771325, 40.927405], [99.294011, 35.119782], [67.352087, 70.255898], [75.192377, 88.259528], [106.553539, 85.936479]], [[55.736842, 51.671506], [100.745917, 55.15608], [85.065336, 81.290381], [53.123412, 101.326679], [87.388385, 102.488203]], [[58.350272, 42.669691], [107.424682, 49.92922], [84.774955, 70.255898], [61.254083, 84.774955], [93.196007, 89.711434]], [[58.640653, 46.154265], [101.326679, 41.508167], [78.096189, 71.127042], [60.963702, 83.032668], [105.392015, 78.676951]], [[59.802178, 48.477314], [94.938294, 40.637024], [68.22323, 68.803993], [65.029038, 95.519056], [92.615245, 93.196007]], [[60.38294, 49.348457], [94.067151, 50.219601], [66.480944, 80.709619], [67.642468, 98.422868], [96.680581, 98.422868]], [[53.413793, 48.477314], [99.00363, 61.834846], [78.096189, 82.161525], [43.540835, 96.3902], [84.774955, 105.101633]], [[44.121597, 60.092559], [81.0, 59.511797], [80.128857, 85.936479], [56.027223, 105.392015], [82.451906, 101.036298]], [[65.029038, 38.604356], [108.005445, 55.15608], [83.903811, 81.0], [56.317604, 87.969147], [87.388385, 99.00363]], [[60.963702, 39.76588], [92.905626, 53.704174], [92.034483, 73.450091], [49.058076, 85.936479], [85.355717, 100.165154]], [[44.121597, 58.350272], [82.742287, 38.894737], [58.350272, 73.15971], [62.705989, 104.811252], [87.678766, 94.067151]], [[71.127042, 40.346642], [113.232305, 44.411978], [73.450091, 63.867514], [62.705989, 85.065336], [92.324864, 89.130672]], [[57.76951, 49.348457], [99.874773, 53.994555], [78.967332, 81.580762], [53.704174, 94.647913], [92.615245, 95.809437]], [[50.219601, 62.705989], [87.388385, 41.217786], [57.188748, 80.419238], [67.932849, 108.876588], [96.3902, 91.453721]], [[57.479129, 51.090744], [97.551724, 56.027223], [80.709619, 87.098004], [50.509982, 98.422868], [86.22686, 100.745917]], [[51.961887, 54.575318], [97.551724, 45.863884], [76.063521, 78.676951], [66.480944, 98.132486], [101.61706, 91.744102]], [[54.575318, 51.671506], [96.970962, 44.702359], [70.255898, 77.225045], [62.125227, 100.165154], [98.132486, 95.809437]], [[44.702359, 52.252269], [88.549909, 49.92922], [73.450091, 71.417423], [47.315789, 95.519056], [90.001815, 93.196007]], [[48.477314, 56.898367], [92.034483, 53.704174], [47.025408, 79.548094], [46.154265, 106.84392], [76.063521, 108.005445]], [[60.38294, 40.346642], [98.132486, 45.573503], [88.259528, 65.6098], [60.963702, 84.194192], [86.517241, 87.678766]], [[47.025408, 50.219601], [94.357532, 47.896552], [72.288566, 71.998185], [55.446461, 94.938294], [87.969147, 92.905626]], [[63.867514, 44.99274], [102.197822, 51.961887], [69.094374, 74.321234], [62.705989, 90.872958], [94.357532, 95.228675]], [[61.544465, 52.54265], [112.361162, 65.319419], [94.647913, 85.936479], [60.963702, 98.422868], [99.294011, 112.07078]], [[52.54265, 47.315789], [99.00363, 49.92922], [75.482759, 67.932849], [56.317604, 96.680581], [85.936479, 97.842105]], [[51.961887, 48.767695], [99.294011, 47.606171], [77.225045, 74.321234], [53.994555, 94.938294], [101.326679, 94.647913]], [[63.867514, 47.896552], [109.166969, 56.898367], [103.359347, 81.290381], [54.284936, 95.519056], [100.455535, 103.649728]], [[50.800363, 51.381125], [97.261343, 46.154265], [58.350272, 83.323049], [52.833031, 99.00363], [104.23049, 96.680581]], [[54.284936, 58.640653], [102.197822, 53.123412], [90.582577, 80.128857], [64.448276, 108.005445], [107.715064, 102.778584]], [[54.575318, 42.960073], [103.649728, 50.219601], [74.611615, 77.805808], [46.154265, 81.871143], [99.00363, 87.678766]], [[61.834846, 62.705989], [105.972777, 56.607985], [88.549909, 87.678766], [62.705989, 98.713249], [108.295826, 89.711434]], [[52.252269, 54.865699], [90.292196, 51.961887], [67.061706, 73.450091], [49.058076, 90.582577], [81.580762, 90.292196]], [[49.058076, 55.446461], [92.324864, 55.736842], [50.219601, 81.580762], [44.702359, 97.261343], [86.807623, 100.455535]], [[47.315789, 44.411978], [94.067151, 39.76588], [68.803993, 66.771325], [47.606171, 86.807623], [98.713249, 84.194192]], [[38.313975, 56.027223], [80.419238, 44.702359], [44.411978, 90.292196], [56.898367, 103.068966], [87.678766, 94.357532]], [[62.99637, 43.250454], [112.07078, 50.219601], [88.259528, 74.321234], [58.350272, 92.905626], [102.197822, 97.842105]], [[53.123412, 35.119782], [92.905626, 38.313975], [94.647913, 60.963702], [56.898367, 84.774955], [92.324864, 84.484574]], [[53.413793, 50.509982], [99.874773, 55.446461], [63.577132, 79.548094], [49.348457, 100.455535], [87.969147, 108.295826]], [[55.736842, 49.92922], [98.422868, 49.92922], [89.421053, 78.096189], [55.446461, 97.551724], [98.422868, 96.680581]], [[42.960073, 58.059891], [90.872958, 56.317604], [69.094374, 87.098004], [44.121597, 105.392015], [88.549909, 101.907441]], [[37.15245, 43.831216], [83.903811, 50.509982], [71.127042, 71.127042], [38.894737, 90.582577], [75.192377, 100.455535]], [[49.638838, 50.800363], [99.00363, 48.767695], [75.192377, 76.353902], [59.802178, 100.455535], [94.067151, 99.584392]], [[57.188748, 43.250454], [96.3902, 47.606171], [77.225045, 70.836661], [54.865699, 81.290381], [90.872958, 84.774955]], [[61.254083, 48.186933], [101.907441, 46.735027], [67.642468, 67.061706], [60.38294, 96.680581], [91.744102, 96.970962]], [[55.736842, 45.863884], [104.23049, 50.509982], [72.869328, 70.546279], [55.15608, 97.551724], [89.421053, 100.165154]], [[58.640653, 42.960073], [101.326679, 39.475499], [78.967332, 69.094374], [67.932849, 83.903811], [96.3902, 85.065336]], [[48.767695, 44.411978], [85.355717, 38.894737], [56.027223, 75.77314], [58.931034, 92.905626], [87.388385, 88.84029]], [[28.441016, 37.733212], [77.225045, 40.927405], [58.059891, 66.190563], [39.185118, 88.84029], [71.998185, 89.130672]], [[64.448276, 50.509982], [114.974592, 50.800363], [89.130672, 79.257713], [71.127042, 99.294011], [106.553539, 101.036298]], [[54.284936, 39.76588], [94.938294, 38.604356], [73.15971, 64.448276], [58.350272, 85.936479], [92.034483, 84.774955]], [[52.252269, 49.638838], [85.646098, 43.540835], [57.479129, 65.900181], [56.898367, 96.3902], [86.22686, 93.486388]], [[46.444646, 55.736842], [92.034483, 54.575318], [77.225045, 82.451906], [56.898367, 102.197822], [93.77677, 100.745917]], [[42.669691, 49.92922], [93.196007, 38.023593], [67.352087, 69.384755], [52.833031, 93.486388], [87.388385, 90.582577]], [[67.061706, 39.475499], [108.876588, 60.673321], [89.711434, 82.742287], [46.154265, 83.61343], [86.807623, 101.326679]], [[51.671506, 55.15608], [88.84029, 35.119782], [60.673321, 66.480944], [62.705989, 96.3902], [98.713249, 81.0]], [[60.673321, 36.862069], [105.682396, 31.92559], [83.903811, 58.350272], [70.836661, 85.065336], [103.940109, 80.419238]], [[49.348457, 47.896552], [91.163339, 39.76588], [60.673321, 76.934664], [58.350272, 88.549909], [96.970962, 82.742287]], [[47.896552, 59.221416], [94.357532, 51.090744], [73.15971, 83.903811], [55.736842, 103.940109], [105.392015, 95.809437]], [[45.573503, 56.898367], [91.744102, 58.640653], [71.707804, 74.030853], [48.767695, 103.068966], [83.032668, 106.263158]], [[49.92922, 55.15608], [98.713249, 53.704174], [75.192377, 78.676951], [51.671506, 94.938294], [93.77677, 94.067151]], [[48.767695, 49.348457], [90.582577, 51.961887], [78.967332, 71.127042], [46.444646, 99.294011], [81.871143, 101.326679]], [[55.15608, 38.604356], [100.455535, 38.023593], [85.355717, 72.578947], [55.15608, 85.065336], [95.809437, 81.871143]], [[49.348457, 49.348457], [94.067151, 44.411978], [69.965517, 79.257713], [55.15608, 98.422868], [92.324864, 95.809437]], [[58.931034, 43.831216], [106.553539, 56.898367], [72.578947, 79.548094], [47.315789, 89.130672], [88.84029, 101.907441]], [[59.221416, 40.346642], [105.101633, 46.154265], [79.548094, 76.353902], [56.607985, 87.098004], [95.228675, 91.453721]], [[54.284936, 36.281307], [85.646098, 38.313975], [90.292196, 57.479129], [62.705989, 84.484574], [88.549909, 83.323049]], [[59.802178, 44.121597], [94.938294, 71.127042], [78.967332, 67.932849], [36.862069, 88.259528], [72.869328, 116.716878]], [[65.6098, 52.54265], [106.263158, 49.92922], [72.288566, 82.451906], [68.513612, 104.811252], [98.422868, 105.392015]], [[48.477314, 46.735027], [92.034483, 45.863884], [68.513612, 75.482759], [53.413793, 97.842105], [86.807623, 97.261343]], [[47.315789, 45.283122], [92.324864, 48.767695], [66.190563, 76.934664], [45.573503, 94.647913], [85.355717, 98.132486]], [[58.931034, 47.896552], [105.682396, 39.76588], [87.388385, 68.513612], [68.513612, 94.067151], [103.359347, 87.388385]], [[58.350272, 54.865699], [99.294011, 47.606171], [80.709619, 77.515426], [58.931034, 96.3902], [93.196007, 91.453721]], [[56.317604, 54.575318], [97.551724, 51.961887], [77.515426, 74.030853], [62.99637, 102.197822], [90.292196, 98.713249]], [[59.511797, 51.381125], [91.163339, 46.444646], [57.479129, 74.611615], [64.157895, 99.00363], [89.130672, 99.584392]], [[64.738657, 45.573503], [117.297641, 54.575318], [83.032668, 84.484574], [57.188748, 93.196007], [106.553539, 102.197822]], [[48.186933, 63.577132], [96.099819, 54.865699], [67.932849, 80.419238], [60.092559, 110.618875], [98.713249, 106.84392]], [[48.767695, 43.831216], [83.032668, 50.219601], [75.77314, 69.965517], [47.606171, 91.744102], [76.353902, 97.261343]], [[57.479129, 58.350272], [92.324864, 59.802178], [87.969147, 83.032668], [58.059891, 104.23049], [87.098004, 105.101633]], [[55.736842, 54.575318], [103.068966, 44.411978], [80.709619, 90.582577], [69.094374, 104.23049], [111.490018, 97.261343]], [[53.704174, 61.544465], [101.036298, 59.221416], [87.678766, 77.225045], [60.092559, 104.520871], [101.61706, 100.455535]], [[51.381125, 64.738657], [97.261343, 55.736842], [69.094374, 83.61343], [61.254083, 109.166969], [94.938294, 106.263158]], [[55.446461, 46.154265], [94.357532, 40.346642], [64.157895, 69.094374], [60.963702, 93.486388], [93.77677, 90.582577]], [[53.123412, 61.544465], [98.713249, 54.284936], [81.0, 83.61343], [67.642468, 106.553539], [97.551724, 103.068966]], [[43.831216, 45.573503], [89.711434, 48.767695], [66.480944, 76.353902], [48.767695, 96.680581], [78.967332, 95.228675]], [[43.540835, 74.321234], [90.292196, 54.865699], [60.963702, 76.644283], [60.673321, 115.264973], [97.261343, 102.778584]], [[50.509982, 63.867514], [94.647913, 55.446461], [83.032668, 81.580762], [68.22323, 108.876588], [105.682396, 102.778584]], [[47.896552, 48.767695], [86.22686, 44.702359], [68.513612, 65.6098], [45.573503, 93.77677], [84.774955, 97.261343]], [[60.963702, 45.863884], [102.778584, 47.896552], [80.419238, 79.548094], [61.834846, 88.84029], [98.713249, 91.163339]], [[52.252269, 60.092559], [95.228675, 55.736842], [62.415608, 88.259528], [56.317604, 107.424682], [91.744102, 107.424682]], [[53.704174, 46.154265], [99.874773, 47.606171], [77.515426, 82.161525], [40.927405, 90.292196], [85.646098, 93.486388]], [[71.417423, 53.994555], [106.84392, 66.771325], [75.482759, 85.646098], [58.931034, 94.647913], [85.936479, 105.392015]], [[37.442831, 66.190563], [85.646098, 54.865699], [72.288566, 81.871143], [60.38294, 109.166969], [95.228675, 100.745917]], [[62.125227, 49.058076], [112.651543, 43.250454], [66.480944, 57.76951], [56.027223, 99.00363], [93.486388, 93.196007]], [[58.350272, 46.154265], [102.197822, 46.444646], [80.709619, 74.030853], [61.254083, 92.034483], [96.970962, 92.324864]], [[60.092559, 51.671506], [105.972777, 47.025408], [77.225045, 78.096189], [62.125227, 98.422868], [103.940109, 95.519056]], [[53.123412, 47.315789], [98.713249, 48.186933], [68.513612, 70.255898], [58.931034, 94.357532], [89.421053, 94.647913]], [[65.319419, 50.509982], [100.745917, 47.896552], [97.261343, 71.127042], [71.417423, 97.842105], [101.036298, 94.647913]], [[47.896552, 59.221416], [85.936479, 49.92922], [82.451906, 80.128857], [56.607985, 105.682396], [86.22686, 101.036298]], [[40.346642, 45.283122], [85.065336, 37.15245], [74.321234, 64.448276], [46.444646, 90.001815], [95.809437, 80.128857]], [[55.446461, 46.154265], [103.359347, 38.604356], [65.6098, 68.513612], [61.254083, 92.324864], [108.295826, 88.259528]], [[53.994555, 58.931034], [94.938294, 60.38294], [78.096189, 77.225045], [55.736842, 106.553539], [88.84029, 108.295826]], [[61.254083, 46.444646], [102.778584, 43.831216], [74.901996, 78.676951], [68.22323, 96.970962], [99.00363, 99.874773]], [[51.671506, 44.121597], [89.711434, 49.92922], [85.936479, 79.257713], [49.058076, 93.196007], [81.580762, 94.938294]], [[54.865699, 55.446461], [99.00363, 37.442831], [63.286751, 70.255898], [69.675136, 106.553539], [103.359347, 96.680581]], [[62.99637, 44.411978], [103.068966, 35.990926], [71.707804, 68.803993], [69.965517, 90.292196], [102.197822, 87.098004]], [[58.640653, 58.059891], [96.099819, 59.221416], [67.061706, 75.192377], [60.963702, 100.745917], [87.388385, 103.940109]], [[41.217786, 63.577132], [89.421053, 56.317604], [65.319419, 85.646098], [47.025408, 108.295826], [93.486388, 105.392015]], [[46.444646, 46.154265], [83.61343, 41.217786], [83.61343, 67.352087], [58.059891, 93.486388], [88.259528, 89.130672]], [[58.640653, 59.802178], [104.520871, 55.736842], [87.388385, 83.032668], [60.673321, 106.263158], [101.61706, 108.295826]], [[47.025408, 48.767695], [94.067151, 44.121597], [69.675136, 69.384755], [46.444646, 85.936479], [96.099819, 83.903811]], [[49.348457, 61.544465], [96.680581, 42.088929], [82.742287, 81.0], [62.125227, 108.586207], [103.940109, 94.357532]], [[42.088929, 49.058076], [85.936479, 47.896552], [74.030853, 81.290381], [43.540835, 99.584392], [80.419238, 100.455535]], [[47.025408, 44.411978], [92.905626, 45.573503], [74.321234, 66.480944], [54.284936, 89.711434], [91.163339, 90.001815]], [[51.671506, 40.346642], [97.261343, 51.090744], [71.127042, 63.577132], [49.638838, 81.580762], [76.934664, 86.807623]], [[54.865699, 48.477314], [98.713249, 45.863884], [75.192377, 67.352087], [67.932849, 92.905626], [90.292196, 92.034483]], [[54.865699, 55.736842], [101.907441, 42.088929], [73.740472, 74.611615], [69.094374, 102.778584], [105.682396, 94.938294]], [[42.088929, 51.090744], [78.676951, 48.767695], [44.99274, 73.15971], [41.798548, 97.842105], [68.803993, 100.165154]], [[49.058076, 38.313975], [94.647913, 37.442831], [78.38657, 52.833031], [56.898367, 84.484574], [88.259528, 83.903811]], [[57.479129, 41.217786], [104.811252, 41.217786], [80.709619, 65.900181], [65.6098, 92.034483], [94.357532, 93.196007]], [[59.802178, 40.346642], [115.845735, 44.99274], [59.511797, 70.836661], [51.381125, 88.259528], [102.778584, 93.77677]], [[55.736842, 43.250454], [88.259528, 38.894737], [57.76951, 74.901996], [65.029038, 88.259528], [96.970962, 85.355717]], [[60.673321, 40.056261], [107.134301, 45.573503], [86.22686, 67.932849], [60.38294, 85.355717], [96.680581, 90.582577]], [[49.348457, 53.994555], [97.261343, 49.638838], [69.675136, 78.967332], [54.284936, 101.036298], [96.680581, 99.874773]], [[56.027223, 43.540835], [97.842105, 42.669691], [94.647913, 68.22323], [60.38294, 90.872958], [99.874773, 88.84029]], [[52.252269, 61.834846], [100.455535, 46.735027], [79.257713, 85.646098], [64.738657, 108.295826], [113.522686, 93.77677]], [[51.381125, 49.348457], [92.615245, 51.381125], [81.871143, 71.998185], [58.640653, 99.584392], [90.292196, 99.294011]], [[64.448276, 56.898367], [104.23049, 54.575318], [81.871143, 69.675136], [64.448276, 103.068966], [100.745917, 102.197822]], [[53.994555, 45.863884], [99.00363, 32.215971], [67.932849, 59.802178], [65.6098, 96.3902], [106.84392, 83.903811]], [[47.896552, 51.090744], [97.842105, 51.961887], [70.255898, 84.774955], [44.702359, 96.970962], [93.196007, 100.165154]], [[37.733212, 47.315789], [80.419238, 33.667877], [69.384755, 65.319419], [50.509982, 88.549909], [93.77677, 74.321234]], [[56.027223, 52.252269], [101.326679, 56.027223], [75.482759, 87.678766], [58.059891, 103.359347], [90.582577, 105.101633]], [[44.99274, 58.059891], [84.484574, 54.284936], [85.646098, 68.513612], [63.867514, 104.520871], [91.453721, 99.00363]], [[57.188748, 39.185118], [96.099819, 45.573503], [59.802178, 64.448276], [57.76951, 85.936479], [88.84029, 92.324864]], [[53.994555, 46.154265], [93.77677, 45.863884], [82.451906, 61.834846], [57.188748, 85.065336], [93.486388, 83.032668]], [[57.76951, 58.059891], [104.23049, 49.638838], [71.127042, 64.738657], [60.38294, 107.715064], [103.068966, 100.455535]], [[60.963702, 42.960073], [100.165154, 43.250454], [70.836661, 69.384755], [65.900181, 90.292196], [97.551724, 91.453721]], [[62.125227, 58.059891], [89.130672, 63.577132], [94.938294, 80.128857], [64.157895, 103.068966], [88.549909, 103.359347]], [[45.283122, 60.092559], [81.0, 56.317604], [80.709619, 83.61343], [49.058076, 108.005445], [78.676951, 103.359347]], [[48.186933, 66.190563], [94.067151, 56.027223], [68.803993, 70.255898], [58.640653, 104.811252], [93.196007, 100.165154]], [[40.346642, 57.479129], [75.77314, 59.802178], [38.313975, 76.063521], [33.958258, 105.682396], [60.963702, 105.101633]], [[61.254083, 41.217786], [105.682396, 40.927405], [82.161525, 74.321234], [64.448276, 90.292196], [105.101633, 88.84029]], [[58.931034, 49.058076], [109.45735, 49.348457], [77.225045, 69.675136], [60.38294, 94.938294], [104.811252, 95.228675]], [[35.990926, 40.927405], [83.61343, 34.53902], [58.931034, 57.479129], [40.637024, 85.355717], [89.421053, 81.871143]], [[55.736842, 39.76588], [94.357532, 46.444646], [70.255898, 76.063521], [51.961887, 85.646098], [80.128857, 89.711434]], [[47.896552, 57.188748], [97.842105, 56.317604], [75.192377, 81.0], [60.38294, 100.745917], [94.938294, 100.455535]], [[48.186933, 48.186933], [95.809437, 41.798548], [71.998185, 67.642468], [59.511797, 95.519056], [92.615245, 92.324864]], [[46.444646, 43.250454], [92.324864, 48.477314], [69.384755, 71.998185], [49.638838, 92.905626], [78.096189, 96.680581]], [[51.090744, 51.961887], [93.77677, 55.15608], [81.580762, 77.225045], [51.090744, 94.357532], [89.421053, 97.842105]], [[67.642468, 51.671506], [112.651543, 47.606171], [79.257713, 62.415608], [60.38294, 97.261343], [105.101633, 93.486388]], [[38.023593, 56.027223], [79.257713, 38.313975], [75.482759, 76.644283], [49.348457, 91.163339], [86.22686, 74.901996]], [[55.15608, 54.575318], [101.907441, 53.123412], [96.099819, 82.451906], [55.446461, 104.520871], [100.455535, 109.166969]], [[54.284936, 52.833031], [101.907441, 47.606171], [69.965517, 84.194192], [56.607985, 101.036298], [108.005445, 97.842105]], [[44.99274, 57.188748], [92.905626, 53.123412], [75.482759, 82.161525], [49.058076, 108.295826], [99.294011, 104.811252]], [[51.090744, 46.735027], [97.261343, 52.54265], [59.511797, 70.546279], [47.315789, 94.938294], [90.872958, 96.680581]], [[54.865699, 35.119782], [99.00363, 45.863884], [76.353902, 67.932849], [47.315789, 81.871143], [85.065336, 91.163339]], [[50.800363, 48.186933], [95.519056, 59.511797], [71.998185, 75.77314], [45.283122, 97.261343], [74.611615, 104.23049]], [[53.413793, 62.415608], [93.486388, 54.865699], [94.067151, 80.128857], [71.707804, 107.134301], [103.068966, 98.422868]], [[60.963702, 57.479129], [96.099819, 54.575318], [94.067151, 78.676951], [67.932849, 105.972777], [94.647913, 103.940109]], [[48.767695, 55.15608], [90.582577, 56.317604], [63.867514, 73.15971], [46.444646, 89.421053], [85.065336, 90.872958]], [[48.767695, 54.865699], [95.228675, 50.800363], [70.836661, 80.419238], [50.509982, 85.646098], [94.067151, 83.032668]], [[55.736842, 45.863884], [98.132486, 44.99274], [72.869328, 74.030853], [56.898367, 88.84029], [95.519056, 87.678766]], [[56.607985, 39.76588], [106.263158, 56.317604], [74.321234, 85.936479], [39.76588, 82.161525], [80.709619, 98.713249]], [[54.865699, 49.058076], [91.744102, 50.800363], [81.580762, 77.805808], [60.38294, 94.067151], [90.872958, 96.3902]], [[60.963702, 38.604356], [94.938294, 55.446461], [58.640653, 64.157895], [49.638838, 76.644283], [78.096189, 94.938294]], [[56.027223, 40.346642], [106.84392, 45.573503], [84.194192, 74.030853], [55.736842, 88.549909], [94.647913, 94.067151]], [[59.221416, 49.058076], [102.778584, 52.252269], [59.511797, 79.257713], [54.575318, 96.970962], [92.905626, 101.326679]], [[55.446461, 48.186933], [101.907441, 65.900181], [85.355717, 92.324864], [37.15245, 91.744102], [81.290381, 109.166969]], [[59.221416, 55.446461], [98.713249, 61.544465], [72.288566, 90.872958], [62.415608, 103.359347], [93.196007, 109.45735]], [[59.802178, 49.92922], [101.907441, 47.896552], [84.774955, 78.38657], [68.513612, 100.745917], [97.842105, 94.938294]], [[70.836661, 69.094374], [105.682396, 46.444646], [92.324864, 85.646098], [102.778584, 113.522686], [128.912886, 99.584392]], [[62.705989, 39.185118], [92.905626, 38.023593], [92.034483, 67.352087], [62.99637, 89.421053], [87.098004, 85.646098]], [[51.381125, 58.640653], [89.421053, 58.931034], [69.094374, 82.161525], [55.736842, 106.553539], [85.065336, 105.972777]], [[51.671506, 59.802178], [90.872958, 52.833031], [62.99637, 83.323049], [62.99637, 107.715064], [82.451906, 105.392015]], [[44.121597, 51.671506], [98.132486, 51.671506], [72.578947, 75.192377], [55.15608, 104.520871], [86.22686, 103.940109]], [[45.863884, 67.352087], [83.61343, 41.217786], [66.771325, 73.740472], [73.15971, 107.715064], [99.584392, 88.84029]], [[54.284936, 52.252269], [100.455535, 59.802178], [73.15971, 83.903811], [52.252269, 102.778584], [93.77677, 109.166969]], [[62.125227, 46.154265], [101.61706, 42.37931], [60.963702, 65.6098], [52.833031, 95.228675], [82.451906, 94.938294]], [[53.994555, 52.252269], [100.745917, 43.831216], [67.642468, 75.192377], [52.833031, 98.132486], [103.649728, 92.905626]], [[58.350272, 56.898367], [104.520871, 57.188748], [90.582577, 73.450091], [66.190563, 102.488203], [101.61706, 104.23049]], [[38.313975, 54.284936], [74.611615, 57.188748], [38.604356, 80.709619], [32.506352, 101.036298], [61.834846, 103.940109]], [[43.831216, 59.221416], [91.744102, 54.865699], [71.707804, 80.419238], [52.833031, 106.263158], [84.484574, 107.134301]], [[49.058076, 48.186933], [94.647913, 43.250454], [72.869328, 74.030853], [57.188748, 99.294011], [99.294011, 95.228675]], [[47.315789, 50.219601], [92.324864, 44.99274], [60.673321, 81.0], [55.446461, 98.713249], [93.77677, 96.970962]], [[55.15608, 58.931034], [101.61706, 48.186933], [77.515426, 75.482759], [59.511797, 101.61706], [110.328494, 92.905626]], [[47.606171, 58.059891], [91.744102, 54.575318], [78.676951, 89.421053], [50.219601, 104.520871], [96.680581, 101.036298]], [[33.667877, 72.288566], [85.065336, 50.509982], [75.192377, 78.967332], [61.254083, 117.00726], [102.488203, 98.132486]], [[44.702359, 53.994555], [87.969147, 36.862069], [60.38294, 78.676951], [60.38294, 100.455535], [95.228675, 92.324864]], [[35.990926, 58.350272], [82.161525, 42.37931], [67.932849, 84.194192], [57.188748, 96.099819], [94.938294, 81.0]], [[51.090744, 60.963702], [79.257713, 47.315789], [93.77677, 76.353902], [66.190563, 108.295826], [91.744102, 99.294011]], [[49.92922, 56.607985], [93.196007, 57.76951], [90.582577, 76.353902], [68.22323, 108.876588], [96.970962, 110.328494]], [[51.381125, 62.415608], [100.455535, 55.446461], [83.903811, 85.355717], [55.736842, 108.295826], [103.068966, 101.907441]], [[45.863884, 57.76951], [76.644283, 38.604356], [50.219601, 80.709619], [64.157895, 105.682396], [89.130672, 94.647913]], [[54.575318, 48.477314], [101.326679, 40.056261], [76.934664, 61.544465], [65.6098, 92.615245], [100.165154, 86.22686]], [[42.37931, 62.705989], [91.744102, 53.123412], [66.480944, 85.936479], [50.509982, 108.295826], [98.422868, 101.036298]], [[59.802178, 40.637024], [100.745917, 51.961887], [62.415608, 65.029038], [53.123412, 86.807623], [81.0, 94.067151]], [[55.736842, 45.283122], [97.551724, 40.927405], [74.030853, 65.6098], [61.834846, 85.355717], [97.551724, 81.290381]], [[56.607985, 41.798548], [98.132486, 42.37931], [74.611615, 68.513612], [56.607985, 78.38657], [97.261343, 75.77314]], [[37.15245, 41.798548], [83.903811, 37.15245], [68.22323, 67.932849], [40.346642, 84.774955], [81.290381, 82.161525]], [[53.994555, 49.058076], [92.905626, 48.186933], [73.450091, 65.6098], [55.736842, 88.549909], [91.453721, 89.421053]], [[44.702359, 53.704174], [92.615245, 53.123412], [69.675136, 81.0], [47.606171, 101.61706], [84.774955, 101.61706]], [[60.673321, 45.283122], [99.294011, 51.381125], [96.680581, 76.353902], [60.673321, 94.357532], [93.486388, 99.584392]], [[59.221416, 50.800363], [103.359347, 53.413793], [62.415608, 89.130672], [54.575318, 98.132486], [102.197822, 103.068966]], [[49.638838, 37.15245], [92.324864, 36.571688], [69.675136, 63.577132], [58.931034, 82.742287], [86.517241, 82.451906]], [[49.058076, 53.704174], [96.3902, 48.477314], [78.676951, 79.257713], [58.350272, 100.745917], [93.196007, 96.099819]], [[56.027223, 65.029038], [96.680581, 50.509982], [69.965517, 87.098004], [67.932849, 111.199637], [110.328494, 97.551724]], [[59.511797, 52.54265], [102.778584, 53.994555], [94.938294, 79.257713], [62.705989, 99.294011], [98.713249, 100.745917]], [[53.704174, 60.092559], [90.582577, 49.638838], [83.61343, 83.032668], [66.480944, 102.197822], [94.938294, 92.905626]], [[46.735027, 72.869328], [82.742287, 49.638838], [67.932849, 85.936479], [72.869328, 113.232305], [100.455535, 93.486388]], [[60.092559, 42.088929], [99.584392, 43.540835], [74.030853, 68.22323], [60.092559, 91.744102], [93.77677, 90.872958]], [[47.315789, 49.92922], [87.969147, 49.92922], [67.352087, 76.934664], [50.219601, 99.584392], [81.290381, 99.874773]], [[64.157895, 44.411978], [106.553539, 49.92922], [74.321234, 71.127042], [57.188748, 93.486388], [101.61706, 97.842105]], [[52.252269, 62.125227], [90.582577, 52.833031], [60.963702, 84.194192], [59.802178, 105.682396], [94.067151, 100.455535]], [[44.411978, 47.025408], [87.388385, 42.960073], [66.480944, 65.900181], [46.444646, 84.774955], [87.678766, 79.548094]], [[55.446461, 45.863884], [106.84392, 51.961887], [78.967332, 73.15971], [57.479129, 85.065336], [94.938294, 88.84029]], [[54.284936, 55.446461], [101.61706, 50.509982], [84.484574, 87.678766], [64.157895, 104.23049], [104.23049, 96.680581]], [[50.219601, 57.76951], [97.842105, 63.867514], [65.6098, 66.771325], [51.671506, 93.77677], [78.967332, 98.422868]], [[45.863884, 39.76588], [92.034483, 42.669691], [71.998185, 78.096189], [50.219601, 87.388385], [90.872958, 90.001815]], [[46.154265, 53.704174], [92.324864, 58.059891], [79.257713, 70.836661], [46.735027, 104.520871], [85.355717, 107.424682]], [[45.863884, 47.025408], [94.357532, 43.831216], [73.740472, 67.352087], [47.896552, 92.324864], [93.486388, 90.001815]], [[52.252269, 54.284936], [96.099819, 56.317604], [76.353902, 75.192377], [55.15608, 103.068966], [95.228675, 104.811252]], [[41.508167, 60.38294], [84.194192, 49.348457], [71.417423, 76.063521], [58.931034, 106.553539], [90.001815, 97.551724]], [[56.607985, 50.800363], [98.713249, 48.186933], [73.15971, 61.254083], [63.867514, 96.970962], [93.77677, 94.938294]], [[63.577132, 57.479129], [105.972777, 47.025408], [67.642468, 79.838475], [70.546279, 105.972777], [104.811252, 100.455535]], [[59.802178, 42.37931], [96.3902, 53.123412], [62.705989, 86.807623], [61.254083, 92.905626], [89.130672, 97.261343]], [[51.381125, 51.381125], [98.132486, 44.121597], [72.288566, 75.482759], [61.254083, 98.132486], [105.392015, 90.582577]], [[47.025408, 61.834846], [96.3902, 57.479129], [69.965517, 88.549909], [54.575318, 107.715064], [95.519056, 102.488203]], [[60.38294, 40.637024], [105.392015, 42.37931], [79.257713, 78.676951], [58.931034, 91.163339], [98.422868, 92.905626]], [[53.123412, 43.540835], [103.068966, 44.411978], [81.290381, 77.805808], [57.188748, 94.357532], [101.61706, 93.77677]], [[50.219601, 52.54265], [90.001815, 47.896552], [61.254083, 88.259528], [60.38294, 100.165154], [93.196007, 98.713249]], [[38.023593, 45.573503], [90.001815, 45.863884], [67.352087, 73.15971], [36.281307, 89.711434], [90.001815, 90.872958]], [[65.6098, 57.76951], [105.101633, 64.448276], [85.936479, 88.549909], [72.578947, 108.295826], [97.261343, 102.197822]], [[45.573503, 58.350272], [94.938294, 55.15608], [62.415608, 80.128857], [44.702359, 104.520871], [92.905626, 102.488203]], [[56.317604, 53.123412], [102.778584, 45.863884], [92.905626, 78.096189], [67.642468, 103.940109], [106.263158, 97.551724]], [[27.860254, 45.573503], [75.192377, 40.637024], [47.606171, 73.740472], [39.475499, 90.001815], [85.936479, 84.484574]], [[53.123412, 48.767695], [94.357532, 50.800363], [77.515426, 74.901996], [56.898367, 94.938294], [89.130672, 96.3902]], [[55.15608, 55.736842], [97.842105, 49.348457], [66.771325, 88.259528], [62.415608, 100.165154], [103.068966, 92.324864]], [[61.254083, 41.798548], [109.166969, 47.315789], [83.903811, 51.381125], [58.350272, 89.130672], [99.584392, 93.77677]], [[49.348457, 42.960073], [90.292196, 37.15245], [65.029038, 69.384755], [62.705989, 90.292196], [93.486388, 86.807623]], [[33.377495, 55.736842], [83.323049, 58.059891], [52.54265, 87.388385], [42.088929, 102.778584], [84.774955, 107.715064]], [[47.606171, 38.604356], [92.034483, 42.960073], [68.513612, 65.319419], [46.735027, 85.646098], [83.61343, 87.969147]], [[44.99274, 58.059891], [91.453721, 45.573503], [74.611615, 69.965517], [65.319419, 104.811252], [101.326679, 94.647913]], [[42.088929, 51.961887], [88.259528, 53.413793], [64.157895, 79.838475], [40.346642, 93.196007], [85.646098, 94.647913]], [[45.283122, 54.575318], [85.936479, 51.090744], [72.288566, 83.032668], [50.219601, 103.940109], [89.130672, 99.584392]], [[47.025408, 50.219601], [89.711434, 45.283122], [73.740472, 81.0], [53.123412, 94.647913], [96.099819, 88.549909]], [[47.606171, 52.54265], [96.680581, 52.54265], [72.869328, 84.774955], [47.606171, 98.713249], [96.099819, 98.713249]], [[53.994555, 51.671506], [96.680581, 48.186933], [61.834846, 85.646098], [58.059891, 105.972777], [88.259528, 106.553539]], [[46.154265, 51.381125], [90.292196, 43.540835], [68.513612, 83.323049], [62.415608, 96.3902], [96.099819, 89.711434]], [[45.283122, 52.833031], [88.84029, 53.123412], [67.932849, 81.290381], [49.638838, 101.326679], [86.22686, 102.197822]], [[18.277677, 55.446461], [67.642468, 53.413793], [39.76588, 85.936479], [21.471869, 108.295826], [67.061706, 105.392015]], [[57.76951, 42.669691], [97.842105, 41.508167], [74.611615, 74.321234], [59.802178, 93.196007], [97.261343, 92.034483]], [[63.577132, 50.800363], [106.84392, 72.288566], [63.867514, 90.582577], [43.831216, 87.388385], [88.259528, 110.038113]], [[43.831216, 42.088929], [94.357532, 41.508167], [67.932849, 81.0], [45.573503, 95.519056], [94.647913, 96.680581]], [[45.573503, 50.219601], [90.872958, 50.509982], [65.900181, 78.967332], [53.413793, 97.551724], [84.194192, 97.842105]], [[61.834846, 50.509982], [99.874773, 51.381125], [94.357532, 80.128857], [65.029038, 98.713249], [97.842105, 99.294011]], [[59.511797, 42.088929], [101.61706, 42.669691], [74.030853, 70.836661], [58.931034, 89.421053], [95.809437, 89.421053]], [[44.99274, 53.994555], [97.842105, 60.092559], [67.061706, 87.388385], [35.990926, 102.488203], [87.678766, 109.45735]], [[48.477314, 47.606171], [86.807623, 47.315789], [65.900181, 67.642468], [50.219601, 83.903811], [84.484574, 84.484574]], [[56.317604, 56.607985], [106.553539, 61.834846], [74.901996, 90.582577], [51.961887, 96.099819], [103.359347, 103.359347]], [[52.54265, 54.865699], [93.196007, 57.188748], [92.615245, 77.225045], [62.99637, 101.036298], [96.099819, 101.907441]], [[61.254083, 54.575318], [105.392015, 56.027223], [83.61343, 83.903811], [62.415608, 103.359347], [100.745917, 105.101633]], [[48.767695, 59.221416], [91.163339, 50.219601], [68.803993, 90.872958], [64.448276, 103.359347], [100.165154, 96.099819]], [[56.898367, 54.284936], [98.422868, 50.509982], [73.450091, 82.161525], [63.577132, 99.00363], [95.519056, 96.3902]], [[50.219601, 52.54265], [83.61343, 51.381125], [67.352087, 71.707804], [59.511797, 99.874773], [77.805808, 99.874773]], [[61.834846, 40.346642], [102.197822, 40.927405], [68.22323, 69.094374], [59.221416, 85.355717], [101.326679, 85.646098]], [[49.348457, 43.250454], [88.84029, 45.283122], [76.063521, 75.192377], [49.058076, 92.905626], [82.451906, 91.744102]], [[51.671506, 47.025408], [93.486388, 39.185118], [76.353902, 76.353902], [62.125227, 92.324864], [101.326679, 83.903811]], [[56.027223, 42.960073], [100.455535, 49.058076], [71.998185, 61.544465], [49.348457, 88.84029], [83.903811, 95.228675]], [[62.415608, 52.252269], [109.45735, 62.99637], [69.384755, 83.323049], [56.317604, 101.326679], [91.163339, 109.747731]], [[53.413793, 51.381125], [93.486388, 49.348457], [75.192377, 75.192377], [57.76951, 100.455535], [94.938294, 96.970962]], [[43.831216, 50.509982], [81.871143, 38.313975], [59.221416, 72.288566], [54.284936, 94.938294], [86.517241, 86.807623]], [[44.121597, 58.350272], [95.228675, 59.511797], [61.254083, 85.355717], [42.37931, 101.61706], [90.872958, 104.811252]], [[40.927405, 61.834846], [87.098004, 55.446461], [63.577132, 85.355717], [45.283122, 105.101633], [93.196007, 99.874773]], [[59.221416, 44.702359], [108.295826, 45.573503], [78.38657, 76.353902], [58.931034, 83.323049], [105.972777, 85.936479]], [[44.702359, 57.188748], [90.001815, 50.509982], [62.125227, 84.484574], [57.479129, 101.326679], [89.711434, 97.842105]], [[58.640653, 45.863884], [108.876588, 43.540835], [84.774955, 65.900181], [65.029038, 87.969147], [105.682396, 87.678766]], [[54.575318, 61.544465], [99.00363, 55.736842], [79.548094, 94.067151], [58.640653, 92.905626], [92.034483, 88.549909]], [[47.896552, 46.444646], [88.549909, 49.92922], [83.61343, 74.611615], [49.348457, 95.519056], [79.548094, 99.00363]], [[58.931034, 56.898367], [96.970962, 47.896552], [59.802178, 86.807623], [63.867514, 108.876588], [95.519056, 107.424682]], [[60.673321, 48.186933], [112.07078, 51.090744], [83.032668, 62.415608], [61.254083, 91.744102], [96.099819, 93.77677]], [[51.090744, 46.735027], [90.292196, 48.186933], [68.22323, 67.932849], [56.027223, 93.486388], [81.871143, 94.938294]], [[40.637024, 55.736842], [79.838475, 56.317604], [76.934664, 72.578947], [52.833031, 98.713249], [81.871143, 102.778584]], [[50.800363, 63.286751], [93.77677, 56.607985], [92.615245, 77.805808], [72.288566, 106.553539], [106.553539, 99.874773]], [[55.446461, 55.446461], [93.77677, 55.15608], [53.123412, 86.22686], [56.898367, 106.84392], [86.22686, 107.424682]], [[58.931034, 38.604356], [101.907441, 48.767695], [63.577132, 70.255898], [56.317604, 86.807623], [92.324864, 94.938294]], [[52.252269, 53.994555], [103.940109, 64.157895], [73.15971, 91.163339], [35.990926, 92.615245], [97.551724, 103.068966]], [[55.446461, 54.575318], [100.745917, 43.831216], [67.352087, 70.255898], [62.705989, 96.3902], [98.713249, 90.872958]], [[44.99274, 54.865699], [87.388385, 47.315789], [82.742287, 77.805808], [41.508167, 105.392015], [89.711434, 94.647913]], [[45.283122, 54.284936], [90.582577, 39.185118], [82.451906, 77.805808], [60.673321, 102.197822], [104.520871, 83.903811]], [[51.961887, 41.217786], [101.036298, 42.669691], [76.934664, 68.22323], [58.059891, 90.872958], [96.680581, 90.582577]], [[64.157895, 50.800363], [108.586207, 62.415608], [73.450091, 85.065336], [61.254083, 100.745917], [92.905626, 109.45735]], [[57.479129, 54.575318], [104.520871, 53.704174], [73.15971, 88.84029], [61.544465, 99.584392], [96.680581, 101.326679]], [[47.896552, 51.381125], [98.713249, 50.509982], [59.511797, 76.644283], [50.219601, 97.551724], [102.488203, 94.938294]], [[57.188748, 45.573503], [99.584392, 52.54265], [95.809437, 82.161525], [56.607985, 92.615245], [86.807623, 98.132486]], [[58.931034, 53.413793], [101.036298, 58.931034], [79.548094, 85.646098], [56.898367, 97.551724], [96.680581, 100.455535]], [[41.217786, 51.090744], [84.194192, 45.573503], [68.803993, 75.77314], [47.025408, 92.034483], [86.22686, 88.259528]], [[51.090744, 62.705989], [92.324864, 42.37931], [86.22686, 81.871143], [67.932849, 102.488203], [112.361162, 82.742287]], [[48.477314, 49.92922], [89.421053, 51.961887], [88.84029, 75.77314], [53.413793, 97.842105], [88.259528, 96.3902]], [[34.829401, 58.059891], [71.707804, 34.248639], [81.580762, 69.965517], [60.092559, 98.422868], [91.163339, 81.290381]], [[42.960073, 54.575318], [87.678766, 57.479129], [76.353902, 88.549909], [37.15245, 104.520871], [89.130672, 104.520871]], [[58.640653, 47.315789], [104.811252, 50.509982], [79.257713, 83.032668], [61.254083, 93.486388], [95.228675, 96.970962]], [[61.254083, 56.317604], [102.197822, 56.607985], [79.548094, 80.709619], [64.157895, 103.359347], [99.584392, 105.101633]], [[47.606171, 58.350272], [93.77677, 52.252269], [69.384755, 78.096189], [56.898367, 106.84392], [93.196007, 103.068966]], [[57.479129, 45.863884], [97.551724, 53.413793], [82.451906, 79.257713], [53.413793, 94.938294], [86.517241, 101.61706]], [[50.219601, 53.413793], [89.711434, 53.994555], [80.419238, 82.742287], [44.702359, 104.23049], [76.934664, 105.101633]], [[66.190563, 40.637024], [107.134301, 62.415608], [78.096189, 74.901996], [47.606171, 86.22686], [79.257713, 99.584392]], [[44.411978, 56.898367], [84.194192, 38.894737], [89.130672, 85.646098], [64.157895, 104.23049], [102.488203, 85.355717]], [[58.350272, 53.413793], [100.745917, 47.896552], [90.001815, 82.161525], [71.707804, 99.584392], [98.422868, 97.551724]], [[60.092559, 54.284936], [108.005445, 66.190563], [67.932849, 92.615245], [49.638838, 102.488203], [85.936479, 112.651543]], [[44.121597, 49.058076], [80.128857, 56.898367], [73.450091, 73.15971], [51.090744, 96.3902], [78.096189, 99.584392]], [[50.509982, 60.38294], [88.259528, 52.54265], [53.123412, 74.030853], [53.123412, 107.715064], [93.196007, 100.165154]], [[56.027223, 58.350272], [92.615245, 59.221416], [90.292196, 70.255898], [64.448276, 106.553539], [99.00363, 103.649728]], [[49.058076, 40.056261], [92.905626, 35.119782], [78.967332, 63.577132], [53.994555, 89.421053], [92.905626, 84.484574]], [[50.509982, 46.154265], [94.357532, 43.540835], [80.419238, 79.257713], [46.154265, 96.099819], [83.903811, 95.228675]], [[48.477314, 47.896552], [90.582577, 42.669691], [87.678766, 59.511797], [60.963702, 91.453721], [92.324864, 89.711434]], [[47.315789, 61.254083], [78.096189, 61.254083], [83.61343, 81.290381], [58.350272, 107.715064], [79.257713, 108.876588]], [[36.281307, 46.154265], [81.871143, 45.283122], [62.415608, 66.771325], [39.475499, 92.034483], [77.805808, 90.872958]], [[62.415608, 47.896552], [98.422868, 59.221416], [93.196007, 76.353902], [60.963702, 97.551724], [88.549909, 104.520871]], [[43.250454, 45.573503], [90.292196, 42.669691], [66.480944, 69.384755], [47.025408, 98.132486], [86.807623, 97.551724]], [[54.575318, 58.059891], [91.453721, 68.803993], [75.77314, 90.001815], [46.154265, 111.199637], [76.934664, 117.878403]], [[45.283122, 53.994555], [94.647913, 48.477314], [76.353902, 78.38657], [56.317604, 103.068966], [92.905626, 100.165154]], [[46.154265, 46.444646], [91.453721, 46.444646], [73.450091, 75.482759], [49.058076, 95.519056], [87.678766, 94.067151]], [[42.960073, 59.221416], [99.294011, 48.477314], [83.032668, 95.228675], [62.415608, 115.264973], [103.940109, 107.715064]], [[50.800363, 47.896552], [96.970962, 53.123412], [77.805808, 87.098004], [38.894737, 94.938294], [90.292196, 96.970962]], [[66.771325, 58.931034], [107.424682, 62.705989], [67.932849, 87.388385], [62.99637, 105.101633], [103.068966, 112.651543]], [[37.442831, 60.673321], [95.519056, 48.767695], [71.417423, 87.678766], [52.252269, 106.84392], [101.61706, 95.519056]], [[53.413793, 55.446461], [94.067151, 57.188748], [75.77314, 93.77677], [58.059891, 107.715064], [86.807623, 106.84392]], [[38.023593, 59.802178], [84.774955, 38.604356], [74.611615, 79.257713], [58.350272, 99.294011], [99.874773, 79.838475]], [[49.058076, 43.831216], [87.098004, 49.348457], [69.384755, 65.029038], [57.76951, 90.292196], [75.192377, 90.872958]], [[66.480944, 37.733212], [103.068966, 57.76951], [80.128857, 73.740472], [40.056261, 80.709619], [75.77314, 102.197822]], [[52.54265, 58.640653], [108.876588, 53.123412], [76.934664, 85.355717], [58.640653, 113.813067], [106.553539, 115.264973]], [[44.121597, 42.088929], [90.872958, 36.862069], [54.865699, 76.063521], [48.186933, 85.936479], [94.938294, 86.22686]], [[62.705989, 53.413793], [107.424682, 59.802178], [86.517241, 83.032668], [63.577132, 97.551724], [96.970962, 102.488203]], [[62.705989, 54.284936], [111.490018, 59.802178], [88.259528, 85.646098], [63.286751, 105.101633], [99.874773, 109.45735]], [[46.444646, 56.027223], [92.905626, 56.027223], [72.869328, 87.388385], [51.381125, 99.874773], [93.196007, 98.132486]], [[42.669691, 42.088929], [89.421053, 43.540835], [65.029038, 71.707804], [39.475499, 79.548094], [90.292196, 82.161525]], [[61.254083, 45.283122], [111.490018, 47.315789], [81.871143, 74.030853], [61.254083, 92.905626], [106.553539, 97.551724]], [[61.834846, 54.865699], [104.23049, 57.188748], [77.805808, 74.611615], [62.415608, 96.680581], [90.001815, 96.3902]], [[50.509982, 42.37931], [96.3902, 42.669691], [75.482759, 75.77314], [46.444646, 83.61343], [100.745917, 85.646098]], [[37.442831, 42.960073], [87.098004, 40.056261], [65.319419, 67.061706], [44.702359, 92.615245], [86.22686, 89.711434]], [[45.283122, 58.059891], [86.517241, 46.154265], [71.998185, 78.38657], [61.544465, 103.068966], [94.357532, 93.77677]], [[58.059891, 41.798548], [97.551724, 58.059891], [76.644283, 57.76951], [38.023593, 79.548094], [82.742287, 97.551724]], [[62.415608, 45.573503], [105.101633, 40.637024], [61.834846, 73.740472], [63.867514, 93.77677], [104.811252, 91.744102]], [[62.99637, 60.963702], [100.165154, 61.254083], [71.127042, 84.194192], [60.38294, 108.876588], [90.582577, 108.876588]], [[46.735027, 58.931034], [90.292196, 60.673321], [68.803993, 81.871143], [52.833031, 105.101633], [82.742287, 106.263158]], [[65.900181, 50.800363], [103.940109, 43.250454], [63.286751, 68.22323], [65.319419, 99.584392], [97.551724, 95.809437]], [[56.607985, 49.92922], [104.811252, 49.348457], [72.288566, 78.096189], [58.350272, 97.261343], [95.809437, 98.422868]], [[66.190563, 22.343013], [108.295826, 49.92922], [73.15971, 70.546279], [55.15608, 67.642468], [89.130672, 93.486388]], [[49.92922, 52.54265], [91.453721, 44.99274], [75.192377, 71.998185], [59.511797, 95.519056], [98.132486, 88.84029]], [[61.834846, 58.059891], [105.392015, 49.058076], [67.932849, 81.0], [67.642468, 104.23049], [112.361162, 94.357532]], [[44.99274, 59.802178], [84.194192, 57.188748], [47.606171, 85.355717], [51.961887, 105.682396], [87.678766, 107.424682]], [[63.286751, 48.186933], [103.649728, 44.99274], [63.286751, 71.998185], [61.544465, 96.680581], [92.324864, 96.680581]], [[60.38294, 49.92922], [94.938294, 53.704174], [54.575318, 76.353902], [44.702359, 95.228675], [89.421053, 97.261343]], [[40.346642, 52.54265], [81.871143, 35.410163], [81.0, 66.190563], [68.513612, 94.938294], [92.615245, 82.451906]], [[54.284936, 69.675136], [95.809437, 55.446461], [77.805808, 96.3902], [70.255898, 119.039927], [110.618875, 103.068966]], [[63.577132, 47.025408], [110.328494, 67.352087], [69.965517, 84.774955], [55.446461, 98.132486], [84.774955, 110.038113]], [[53.994555, 50.219601], [103.649728, 53.123412], [75.482759, 83.323049], [58.059891, 98.422868], [96.680581, 98.713249]], [[44.411978, 44.702359], [88.549909, 43.540835], [60.963702, 70.255898], [48.186933, 92.905626], [86.517241, 90.872958]], [[44.702359, 50.800363], [92.615245, 51.671506], [62.705989, 68.513612], [47.315789, 90.872958], [85.936479, 93.486388]], [[45.863884, 46.735027], [94.357532, 43.831216], [72.869328, 74.611615], [49.058076, 89.711434], [99.00363, 85.065336]], [[48.186933, 51.090744], [88.259528, 44.121597], [59.511797, 75.482759], [58.350272, 101.036298], [78.096189, 97.551724]], [[45.863884, 66.190563], [94.938294, 60.963702], [75.192377, 93.77677], [52.833031, 104.811252], [92.905626, 101.036298]], [[51.961887, 58.931034], [92.324864, 56.607985], [69.675136, 90.582577], [69.384755, 102.488203], [108.586207, 97.551724]], [[54.865699, 50.509982], [91.163339, 60.963702], [62.125227, 73.450091], [43.831216, 96.099819], [78.096189, 106.263158]], [[48.477314, 62.125227], [97.551724, 60.38294], [74.321234, 79.838475], [52.252269, 105.101633], [96.3902, 101.61706]], [[55.736842, 39.475499], [99.874773, 36.571688], [75.192377, 60.963702], [57.188748, 84.194192], [102.197822, 84.194192]], [[50.800363, 55.446461], [97.261343, 54.575318], [66.190563, 73.740472], [51.090744, 107.715064], [99.584392, 102.778584]], [[55.446461, 46.735027], [105.972777, 41.798548], [90.582577, 84.774955], [60.092559, 96.3902], [96.970962, 90.292196]], [[58.059891, 46.444646], [108.295826, 51.961887], [90.582577, 69.384755], [58.350272, 95.228675], [103.359347, 101.907441]], [[54.865699, 45.283122], [101.036298, 43.831216], [76.063521, 81.871143], [57.479129, 91.744102], [109.166969, 90.001815]], [[34.829401, 48.186933], [88.259528, 46.444646], [66.480944, 79.838475], [47.315789, 92.615245], [79.548094, 91.163339]], [[54.284936, 51.961887], [110.328494, 36.862069], [68.513612, 68.22323], [68.513612, 102.488203], [118.168784, 90.582577]], [[53.413793, 56.027223], [94.357532, 59.221416], [69.094374, 82.742287], [53.413793, 107.134301], [87.388385, 108.876588]], [[51.961887, 41.217786], [96.970962, 40.056261], [74.901996, 77.225045], [61.544465, 87.678766], [92.905626, 85.646098]], [[46.444646, 56.317604], [92.905626, 53.413793], [66.771325, 77.515426], [50.800363, 99.874773], [92.324864, 96.099819]], [[51.381125, 45.573503], [97.551724, 33.667877], [68.22323, 75.192377], [57.479129, 87.969147], [100.745917, 78.967332]], [[52.54265, 39.475499], [99.294011, 35.119782], [79.257713, 69.384755], [58.931034, 88.549909], [89.711434, 86.22686]], [[65.319419, 51.961887], [108.295826, 55.446461], [84.484574, 91.744102], [53.123412, 101.61706], [92.034483, 104.811252]], [[55.736842, 38.894737], [89.421053, 47.606171], [83.903811, 66.771325], [53.704174, 87.098004], [77.805808, 90.582577]], [[54.865699, 51.961887], [102.197822, 38.604356], [86.22686, 74.611615], [68.513612, 89.130672], [110.038113, 75.192377]], [[62.705989, 54.865699], [111.780399, 55.446461], [79.548094, 85.646098], [66.480944, 107.715064], [104.811252, 106.84392]], [[68.22323, 46.154265], [107.715064, 53.413793], [70.836661, 76.644283], [61.254083, 90.872958], [103.068966, 98.713249]], [[56.898367, 44.121597], [98.713249, 55.736842], [60.963702, 65.6098], [44.121597, 92.905626], [74.611615, 101.326679]], [[54.865699, 44.702359], [100.165154, 48.186933], [67.932849, 70.836661], [51.090744, 94.938294], [87.678766, 98.132486]], [[56.317604, 54.284936], [97.261343, 55.446461], [88.549909, 77.515426], [62.415608, 101.326679], [94.647913, 99.584392]], [[58.640653, 48.186933], [98.132486, 62.99637], [83.903811, 83.323049], [45.283122, 92.905626], [85.065336, 105.101633]], [[49.058076, 63.577132], [99.874773, 51.381125], [85.065336, 86.22686], [59.221416, 100.745917], [105.682396, 88.259528]], [[54.575318, 56.898367], [100.455535, 56.027223], [85.065336, 79.548094], [60.38294, 106.263158], [96.099819, 105.972777]], [[47.896552, 54.575318], [96.099819, 50.509982], [72.288566, 77.225045], [58.350272, 100.455535], [90.001815, 99.00363]], [[60.963702, 49.92922], [91.744102, 50.509982], [91.163339, 72.578947], [63.577132, 95.809437], [90.872958, 95.809437]], [[58.059891, 46.444646], [94.357532, 43.250454], [96.099819, 71.707804], [65.6098, 95.228675], [94.938294, 91.163339]], [[48.477314, 46.444646], [91.744102, 43.540835], [74.321234, 71.998185], [52.833031, 94.647913], [90.292196, 92.324864]], [[51.090744, 42.088929], [101.326679, 44.702359], [74.030853, 82.451906], [43.540835, 84.194192], [101.326679, 87.969147]], [[52.833031, 46.154265], [92.615245, 48.767695], [71.998185, 76.934664], [53.413793, 94.067151], [85.355717, 96.680581]], [[56.607985, 38.604356], [102.488203, 39.475499], [86.517241, 65.029038], [64.448276, 86.22686], [97.261343, 87.098004]], [[45.283122, 49.058076], [92.034483, 50.800363], [68.803993, 82.161525], [45.283122, 97.261343], [89.711434, 98.713249]], [[58.059891, 44.702359], [105.972777, 45.573503], [81.0, 79.548094], [61.254083, 92.905626], [103.649728, 92.905626]], [[46.154265, 51.090744], [94.357532, 48.767695], [70.546279, 71.998185], [52.252269, 100.165154], [88.259528, 100.455535]], [[61.254083, 47.025408], [108.876588, 51.090744], [85.355717, 82.742287], [57.479129, 90.292196], [104.520871, 93.77677]], [[64.448276, 47.896552], [106.263158, 61.254083], [81.0, 78.38657], [42.088929, 87.678766], [85.646098, 101.036298]], [[55.446461, 57.479129], [87.678766, 56.607985], [65.319419, 79.257713], [61.254083, 102.197822], [87.388385, 100.745917]], [[47.025408, 49.638838], [91.163339, 43.250454], [78.676951, 61.834846], [62.705989, 92.905626], [96.3902, 90.872958]], [[59.511797, 52.54265], [91.744102, 51.381125], [93.77677, 69.094374], [74.611615, 96.099819], [96.970962, 92.034483]], [[48.186933, 66.190563], [90.872958, 49.348457], [85.646098, 77.805808], [75.192377, 106.84392], [103.359347, 93.196007]], [[63.577132, 48.477314], [102.778584, 55.736842], [62.415608, 74.030853], [53.704174, 97.551724], [86.517241, 103.068966]], [[41.798548, 44.99274], [86.22686, 41.217786], [71.707804, 63.286751], [39.76588, 93.196007], [88.84029, 92.615245]], [[61.834846, 46.444646], [95.228675, 59.221416], [92.615245, 74.321234], [63.867514, 94.647913], [85.065336, 104.23049]], [[47.606171, 46.735027], [89.130672, 49.638838], [75.192377, 75.192377], [47.315789, 89.421053], [84.774955, 91.744102]], [[54.284936, 52.833031], [98.132486, 55.15608], [76.934664, 73.15971], [56.898367, 103.649728], [89.711434, 102.197822]], [[65.6098, 46.154265], [112.07078, 50.219601], [74.321234, 78.676951], [63.867514, 93.77677], [100.745917, 97.551724]], [[52.252269, 53.413793], [92.324864, 60.38294], [87.678766, 74.901996], [46.735027, 101.907441], [82.742287, 107.715064]], [[47.896552, 38.604356], [85.936479, 41.217786], [67.642468, 63.577132], [48.186933, 86.22686], [81.871143, 88.84029]], [[51.381125, 41.798548], [91.744102, 42.669691], [78.096189, 65.6098], [60.38294, 88.259528], [87.098004, 89.421053]], [[67.932849, 44.121597], [115.845735, 45.283122], [72.869328, 59.511797], [60.092559, 92.034483], [91.453721, 94.067151]], [[44.121597, 57.76951], [84.194192, 48.767695], [69.094374, 76.934664], [53.704174, 103.068966], [83.61343, 99.00363]], [[46.154265, 61.254083], [92.905626, 55.736842], [72.288566, 90.872958], [56.317604, 109.747731], [90.582577, 105.972777]], [[50.509982, 53.704174], [99.294011, 41.798548], [73.740472, 84.194192], [58.931034, 105.392015], [111.490018, 94.067151]], [[60.38294, 36.862069], [104.23049, 50.219601], [67.352087, 71.127042], [48.767695, 82.742287], [87.098004, 95.809437]], [[51.671506, 49.92922], [96.099819, 53.994555], [83.61343, 76.934664], [55.736842, 99.584392], [87.388385, 101.036298]], [[58.640653, 49.92922], [100.165154, 47.896552], [58.640653, 73.15971], [58.640653, 99.874773], [92.615245, 99.584392]], [[62.99637, 33.377495], [111.780399, 33.958258], [76.934664, 71.127042], [61.834846, 84.194192], [106.263158, 88.549909]], [[59.221416, 60.38294], [104.520871, 56.607985], [70.546279, 86.517241], [68.22323, 110.038113], [108.586207, 109.45735]], [[51.671506, 55.736842], [98.422868, 51.961887], [57.76951, 74.611615], [47.896552, 103.359347], [96.099819, 101.61706]], [[53.123412, 55.446461], [110.618875, 57.76951], [90.872958, 90.872958], [51.961887, 100.455535], [99.584392, 103.359347]], [[45.283122, 67.061706], [86.807623, 37.733212], [61.254083, 78.967332], [64.738657, 106.84392], [95.228675, 92.615245]], [[56.607985, 35.410163], [101.61706, 31.344828], [71.417423, 78.096189], [64.448276, 93.77677], [95.519056, 93.486388]], [[51.090744, 44.702359], [93.196007, 44.411978], [86.517241, 74.321234], [47.896552, 84.194192], [87.678766, 85.065336]], [[71.127042, 37.442831], [112.651543, 53.123412], [93.77677, 78.096189], [58.059891, 85.936479], [89.130672, 100.455535]], [[52.252269, 59.802178], [96.099819, 53.413793], [73.450091, 82.451906], [61.254083, 105.101633], [98.713249, 101.326679]], [[51.671506, 58.350272], [100.165154, 59.221416], [73.740472, 94.938294], [53.413793, 114.974592], [90.582577, 114.393829]], [[61.544465, 58.350272], [107.134301, 50.509982], [87.969147, 88.84029], [69.675136, 105.392015], [107.424682, 98.132486]], [[52.252269, 45.863884], [96.680581, 48.186933], [73.15971, 70.255898], [52.54265, 94.647913], [89.421053, 94.647913]], [[49.92922, 41.798548], [96.099819, 42.37931], [59.511797, 74.611615], [51.090744, 90.872958], [90.001815, 92.324864]], [[36.281307, 27.860254], [79.548094, 21.181488], [44.411978, 56.607985], [42.960073, 77.225045], [77.225045, 71.417423]], [[54.575318, 51.381125], [102.778584, 53.413793], [88.549909, 74.901996], [54.284936, 95.809437], [102.778584, 98.422868]], [[60.38294, 51.961887], [91.453721, 39.185118], [64.738657, 78.38657], [76.063521, 99.00363], [97.842105, 90.872958]], [[50.509982, 42.37931], [95.809437, 39.76588], [80.128857, 63.286751], [62.99637, 90.582577], [87.388385, 88.549909]], [[62.415608, 54.865699], [100.745917, 51.381125], [67.352087, 82.742287], [67.061706, 102.197822], [99.00363, 101.61706]], [[48.767695, 51.090744], [94.067151, 56.317604], [66.480944, 82.742287], [47.606171, 101.036298], [85.646098, 103.940109]], [[65.029038, 54.284936], [110.618875, 61.254083], [79.838475, 83.032668], [52.54265, 96.970962], [103.940109, 108.295826]], [[51.961887, 42.669691], [102.778584, 48.477314], [72.578947, 78.676951], [50.219601, 83.032668], [98.422868, 87.969147]], [[49.058076, 50.800363], [103.068966, 48.186933], [80.419238, 75.77314], [55.15608, 98.713249], [98.422868, 96.3902]], [[60.38294, 40.056261], [108.876588, 41.798548], [83.61343, 74.901996], [65.029038, 89.130672], [100.745917, 89.130672]], [[51.961887, 53.123412], [97.842105, 49.92922], [81.871143, 83.032668], [56.898367, 101.326679], [93.486388, 100.165154]], [[44.99274, 41.798548], [97.261343, 40.346642], [68.513612, 65.319419], [49.92922, 85.936479], [87.969147, 83.61343]], [[65.319419, 49.92922], [103.068966, 51.090744], [90.292196, 77.805808], [60.673321, 89.421053], [98.422868, 88.84029]], [[62.99637, 51.381125], [102.778584, 58.059891], [98.132486, 75.482759], [65.029038, 100.745917], [97.261343, 106.84392]], [[53.704174, 51.961887], [99.00363, 54.575318], [61.544465, 81.580762], [49.058076, 94.647913], [93.196007, 99.00363]], [[43.831216, 58.059891], [85.065336, 51.090744], [70.546279, 76.353902], [53.704174, 106.84392], [90.001815, 98.422868]], [[46.444646, 59.802178], [90.582577, 56.607985], [69.675136, 83.323049], [51.381125, 101.61706], [89.421053, 98.713249]], [[46.154265, 54.865699], [94.067151, 56.898367], [62.705989, 87.388385], [50.800363, 102.197822], [82.451906, 106.263158]], [[53.994555, 44.121597], [90.582577, 40.927405], [77.515426, 70.255898], [57.479129, 93.196007], [85.065336, 90.872958]], [[57.479129, 46.154265], [105.682396, 42.960073], [88.259528, 79.838475], [64.448276, 89.421053], [106.263158, 84.484574]], [[51.090744, 52.252269], [92.324864, 50.800363], [48.767695, 80.419238], [49.638838, 97.261343], [95.228675, 100.455535]], [[52.833031, 60.38294], [99.294011, 56.607985], [80.128857, 82.451906], [55.446461, 96.680581], [92.615245, 91.453721]], [[51.090744, 44.121597], [87.678766, 47.025408], [61.544465, 74.030853], [48.186933, 87.678766], [77.515426, 88.84029]], [[42.669691, 47.025408], [84.194192, 54.865699], [74.611615, 75.482759], [40.346642, 95.519056], [83.323049, 100.455535]], [[59.802178, 48.767695], [104.520871, 41.217786], [82.451906, 85.936479], [68.513612, 95.228675], [114.103448, 87.098004]], [[65.319419, 58.350272], [113.813067, 60.092559], [101.036298, 81.580762], [76.063521, 105.682396], [106.553539, 110.328494]], [[49.348457, 46.735027], [92.615245, 34.829401], [64.157895, 76.353902], [59.221416, 91.163339], [101.907441, 82.742287]], [[49.638838, 61.834846], [89.421053, 47.315789], [65.900181, 91.744102], [62.415608, 109.45735], [92.615245, 103.649728]], [[53.704174, 44.702359], [92.905626, 47.606171], [74.030853, 74.611615], [49.058076, 90.292196], [76.934664, 92.324864]], [[47.315789, 42.960073], [97.551724, 47.315789], [81.871143, 75.192377], [43.540835, 90.872958], [88.549909, 96.3902]], [[58.350272, 45.573503], [106.553539, 51.381125], [82.742287, 81.0], [59.511797, 87.388385], [103.940109, 92.324864]], [[65.029038, 49.92922], [106.84392, 58.059891], [64.157895, 76.644283], [56.317604, 95.809437], [94.067151, 108.295826]], [[38.313975, 69.675136], [76.934664, 43.250454], [51.961887, 85.065336], [58.640653, 113.522686], [86.22686, 97.551724]], [[59.511797, 56.607985], [100.745917, 55.446461], [73.15971, 88.84029], [67.932849, 105.101633], [99.874773, 105.682396]], [[60.963702, 36.862069], [105.682396, 47.025408], [83.61343, 58.931034], [57.188748, 82.161525], [96.970962, 90.582577]], [[40.056261, 55.446461], [86.22686, 44.702359], [66.771325, 79.548094], [48.477314, 102.197822], [95.519056, 91.163339]], [[61.254083, 61.834846], [104.520871, 60.092559], [91.453721, 81.290381], [73.740472, 108.295826], [102.778584, 107.715064]], [[56.607985, 52.252269], [96.099819, 39.185118], [92.034483, 73.450091], [72.288566, 96.099819], [106.84392, 83.323049]], [[49.92922, 51.381125], [91.163339, 57.479129], [82.161525, 86.22686], [47.606171, 100.745917], [81.871143, 103.940109]], [[44.99274, 59.802178], [86.22686, 49.92922], [70.546279, 78.676951], [60.673321, 91.163339], [87.678766, 87.678766]], [[42.960073, 53.704174], [80.709619, 48.186933], [49.348457, 82.451906], [51.381125, 101.61706], [80.709619, 97.261343]], [[57.479129, 40.056261], [110.038113, 38.894737], [87.969147, 67.642468], [56.607985, 89.421053], [103.359347, 85.355717]], [[45.863884, 55.15608], [84.774955, 45.863884], [78.967332, 67.932849], [62.705989, 98.713249], [94.647913, 91.453721]], [[53.994555, 45.863884], [94.067151, 42.669691], [86.807623, 71.127042], [68.22323, 94.647913], [93.77677, 90.292196]], [[55.15608, 49.348457], [99.874773, 48.477314], [80.419238, 79.838475], [62.415608, 102.488203], [92.615245, 102.197822]], [[51.381125, 53.704174], [93.486388, 53.123412], [74.901996, 83.323049], [55.15608, 100.745917], [89.711434, 101.61706]], [[56.317604, 44.121597], [95.228675, 49.638838], [70.836661, 71.707804], [52.54265, 90.872958], [87.969147, 91.453721]], [[54.284936, 54.865699], [96.970962, 52.252269], [69.384755, 83.032668], [58.640653, 100.745917], [94.647913, 99.584392]], [[57.188748, 49.92922], [96.680581, 48.767695], [79.838475, 80.709619], [57.76951, 96.680581], [89.130672, 96.970962]], [[43.831216, 61.254083], [96.680581, 55.15608], [72.869328, 81.290381], [53.994555, 107.424682], [99.874773, 103.068966]], [[60.092559, 41.508167], [100.745917, 45.863884], [92.905626, 73.450091], [53.704174, 88.259528], [96.099819, 91.453721]], [[46.154265, 51.090744], [94.938294, 58.059891], [66.771325, 86.517241], [40.056261, 90.582577], [90.001815, 99.00363]], [[41.798548, 47.896552], [85.355717, 37.15245], [64.448276, 66.190563], [52.252269, 92.324864], [87.678766, 85.646098]], [[49.348457, 60.673321], [88.259528, 51.961887], [71.707804, 86.807623], [60.673321, 104.23049], [97.261343, 94.647913]], [[55.15608, 41.798548], [96.3902, 45.863884], [67.642468, 70.546279], [51.961887, 89.130672], [87.388385, 92.034483]], [[47.896552, 35.119782], [92.905626, 40.637024], [77.515426, 63.867514], [48.767695, 82.161525], [82.161525, 85.646098]], [[56.317604, 48.767695], [100.745917, 55.15608], [80.709619, 83.323049], [55.15608, 97.842105], [96.099819, 103.940109]], [[68.803993, 35.990926], [99.00363, 36.571688], [65.900181, 53.704174], [75.192377, 88.549909], [101.326679, 89.421053]], [[57.479129, 49.348457], [105.101633, 46.444646], [85.065336, 81.871143], [60.963702, 96.3902], [103.359347, 92.034483]], [[43.250454, 60.092559], [87.098004, 45.283122], [87.678766, 69.384755], [67.932849, 107.424682], [106.263158, 91.453721]], [[39.76588, 50.219601], [84.774955, 54.865699], [60.673321, 74.030853], [40.637024, 98.422868], [69.675136, 101.907441]], [[53.123412, 65.6098], [89.130672, 66.480944], [69.384755, 86.517241], [47.315789, 98.132486], [87.969147, 99.294011]], [[44.702359, 62.125227], [81.871143, 62.125227], [79.838475, 83.032668], [51.090744, 109.166969], [84.774955, 106.263158]], [[47.606171, 47.606171], [79.257713, 50.219601], [71.998185, 69.384755], [42.960073, 98.132486], [70.255898, 99.00363]], [[60.673321, 45.283122], [108.876588, 46.444646], [85.936479, 73.450091], [56.607985, 93.196007], [104.520871, 92.615245]], [[59.802178, 44.702359], [107.134301, 42.669691], [82.161525, 74.321234], [63.286751, 92.615245], [101.907441, 93.77677]], [[43.831216, 41.798548], [91.453721, 41.508167], [53.123412, 76.353902], [49.058076, 88.549909], [103.649728, 83.323049]], [[47.315789, 58.640653], [92.034483, 57.479129], [72.288566, 85.646098], [51.671506, 106.553539], [89.711434, 105.392015]], [[54.865699, 47.606171], [103.649728, 47.606171], [81.290381, 77.805808], [62.415608, 96.970962], [96.680581, 97.261343]], [[56.027223, 49.638838], [106.553539, 50.800363], [81.0, 83.323049], [62.415608, 98.132486], [98.422868, 96.3902]], [[49.92922, 54.284936], [99.294011, 53.704174], [72.869328, 81.0], [58.640653, 104.520871], [85.936479, 105.682396]], [[47.896552, 61.834846], [94.647913, 57.479129], [74.030853, 85.355717], [47.315789, 99.874773], [97.551724, 95.228675]], [[45.283122, 47.896552], [91.744102, 53.123412], [67.061706, 77.805808], [40.637024, 95.228675], [86.807623, 101.326679]], [[42.960073, 49.058076], [88.549909, 38.604356], [81.580762, 66.480944], [68.22323, 94.647913], [94.647913, 89.421053]], [[44.99274, 50.800363], [103.359347, 48.477314], [73.740472, 74.611615], [58.640653, 98.132486], [92.034483, 97.551724]], [[47.896552, 55.446461], [95.519056, 58.640653], [80.128857, 85.646098], [44.99274, 99.294011], [88.549909, 101.61706]], [[46.735027, 54.284936], [87.388385, 47.315789], [67.061706, 70.836661], [54.575318, 95.809437], [91.744102, 89.421053]], [[46.735027, 56.027223], [92.324864, 56.898367], [62.99637, 79.548094], [49.92922, 103.940109], [86.22686, 103.359347]], [[61.544465, 57.479129], [109.166969, 53.413793], [80.419238, 89.130672], [67.352087, 106.84392], [106.84392, 103.649728]], [[47.896552, 58.059891], [93.77677, 56.607985], [71.998185, 85.355717], [52.252269, 107.134301], [88.84029, 107.134301]], [[51.961887, 61.254083], [90.582577, 57.188748], [65.900181, 81.0], [51.381125, 101.326679], [91.744102, 99.874773]], [[53.413793, 46.735027], [98.713249, 51.961887], [71.417423, 75.77314], [51.090744, 96.099819], [86.517241, 99.584392]], [[51.381125, 50.800363], [93.486388, 64.448276], [65.319419, 76.934664], [42.088929, 94.067151], [70.836661, 107.134301]], [[69.965517, 48.477314], [128.041742, 60.38294], [108.876588, 79.838475], [59.802178, 95.809437], [115.845735, 104.811252]], [[44.121597, 72.869328], [92.034483, 55.736842], [71.417423, 76.063521], [62.415608, 118.749546], [105.392015, 102.488203]], [[40.056261, 65.029038], [78.38657, 42.37931], [53.413793, 84.194192], [65.319419, 105.101633], [100.165154, 87.388385]], [[45.863884, 54.284936], [93.77677, 50.219601], [87.098004, 76.934664], [49.348457, 97.551724], [92.905626, 94.067151]], [[47.025408, 51.090744], [94.357532, 38.023593], [77.805808, 63.286751], [65.319419, 95.519056], [99.00363, 83.903811]], [[54.865699, 62.99637], [95.809437, 62.415608], [57.76951, 80.128857], [49.638838, 110.618875], [86.22686, 113.522686]], [[43.831216, 53.994555], [80.709619, 53.123412], [34.53902, 80.419238], [40.056261, 102.778584], [67.932849, 105.682396]], [[45.283122, 45.573503], [92.905626, 39.76588], [69.384755, 64.738657], [57.479129, 92.905626], [85.936479, 89.421053]], [[55.446461, 49.348457], [98.422868, 49.348457], [73.15971, 69.094374], [58.640653, 97.261343], [91.453721, 97.842105]], [[53.704174, 56.607985], [105.682396, 58.931034], [67.061706, 78.676951], [47.025408, 105.101633], [100.165154, 105.392015]], [[56.027223, 59.802178], [99.874773, 59.511797], [71.417423, 90.292196], [48.767695, 106.553539], [101.907441, 103.649728]], [[53.413793, 67.352087], [91.163339, 51.671506], [72.578947, 90.872958], [72.578947, 112.651543], [103.359347, 99.874773]], [[44.99274, 56.898367], [93.77677, 55.15608], [67.352087, 75.482759], [51.381125, 102.778584], [86.22686, 102.197822]], [[38.604356, 63.577132], [89.130672, 52.833031], [80.128857, 92.615245], [45.283122, 112.651543], [91.163339, 101.326679]], [[68.803993, 43.831216], [111.490018, 47.896552], [78.38657, 74.901996], [68.22323, 94.067151], [103.649728, 97.551724]], [[50.509982, 38.894737], [85.065336, 36.862069], [82.742287, 65.6098], [54.284936, 85.646098], [83.61343, 84.774955]], [[50.800363, 54.575318], [99.294011, 52.252269], [72.288566, 81.580762], [57.479129, 103.359347], [88.259528, 103.068966]], [[51.381125, 62.415608], [89.130672, 57.479129], [53.994555, 81.0], [51.381125, 111.490018], [82.161525, 110.038113]], [[39.185118, 47.606171], [85.065336, 34.248639], [78.38657, 69.965517], [56.607985, 94.647913], [104.23049, 80.419238]], [[43.250454, 55.736842], [90.582577, 58.059891], [73.740472, 83.032668], [43.540835, 102.778584], [78.676951, 100.455535]], [[66.190563, 47.315789], [103.940109, 46.154265], [91.744102, 75.77314], [64.448276, 95.519056], [91.163339, 95.519056]], [[64.157895, 47.606171], [101.61706, 47.315789], [96.3902, 76.063521], [66.190563, 98.422868], [96.680581, 95.519056]], [[61.254083, 56.607985], [108.295826, 56.027223], [86.22686, 77.225045], [67.932849, 106.84392], [104.23049, 105.392015]], [[53.994555, 59.221416], [100.455535, 49.348457], [69.965517, 80.128857], [63.577132, 106.553539], [94.938294, 100.745917]], [[41.217786, 41.217786], [86.22686, 44.121597], [76.063521, 71.707804], [38.313975, 89.130672], [88.259528, 91.453721]], [[58.059891, 44.99274], [85.936479, 47.606171], [83.032668, 63.867514], [62.125227, 90.292196], [83.61343, 93.486388]], [[68.513612, 44.121597], [114.103448, 55.15608], [74.321234, 85.065336], [59.221416, 93.486388], [104.23049, 103.649728]], [[47.896552, 53.123412], [90.292196, 46.154265], [56.898367, 77.805808], [55.736842, 103.359347], [89.421053, 98.132486]], [[50.800363, 58.059891], [98.713249, 51.090744], [74.611615, 81.290381], [60.963702, 103.940109], [94.357532, 100.745917]], [[51.961887, 56.607985], [98.713249, 49.638838], [74.030853, 83.032668], [61.254083, 105.392015], [98.422868, 99.294011]], [[60.673321, 53.704174], [103.068966, 72.869328], [53.704174, 85.936479], [41.508167, 98.713249], [81.0, 114.974592]], [[57.76951, 57.188748], [106.263158, 58.059891], [80.419238, 75.192377], [60.673321, 103.940109], [102.488203, 104.520871]], [[58.350272, 58.640653], [94.938294, 58.350272], [92.615245, 75.192377], [67.642468, 103.940109], [97.551724, 105.392015]], [[55.736842, 56.898367], [102.488203, 54.865699], [79.548094, 82.161525], [57.76951, 100.455535], [102.778584, 98.422868]], [[48.477314, 47.606171], [99.294011, 44.99274], [62.125227, 69.384755], [50.219601, 87.969147], [95.809437, 87.388385]], [[57.188748, 49.058076], [86.517241, 50.219601], [60.673321, 70.836661], [59.802178, 99.00363], [83.032668, 100.165154]], [[46.154265, 55.15608], [88.549909, 46.735027], [80.419238, 76.063521], [49.638838, 103.359347], [92.905626, 94.647913]], [[49.92922, 62.415608], [92.324864, 50.800363], [62.125227, 85.936479], [60.963702, 111.199637], [91.744102, 103.649728]], [[54.865699, 35.119782], [103.940109, 46.154265], [76.063521, 67.061706], [44.99274, 81.290381], [90.001815, 90.872958]], [[65.319419, 50.219601], [110.909256, 66.771325], [93.77677, 99.00363], [46.154265, 95.519056], [86.807623, 108.295826]], [[53.994555, 51.381125], [97.551724, 45.573503], [72.869328, 62.99637], [55.15608, 92.034483], [98.132486, 87.969147]], [[52.833031, 51.961887], [99.294011, 51.090744], [76.644283, 74.030853], [50.800363, 94.938294], [97.842105, 96.970962]], [[58.931034, 46.444646], [104.520871, 45.573503], [83.323049, 73.740472], [53.413793, 90.001815], [98.713249, 89.711434]], [[46.154265, 48.477314], [92.034483, 43.540835], [78.38657, 68.803993], [54.865699, 95.809437], [87.098004, 91.744102]], [[52.54265, 53.994555], [90.582577, 57.76951], [68.803993, 80.419238], [41.508167, 89.421053], [84.774955, 94.067151]], [[47.025408, 48.477314], [90.582577, 51.671506], [67.352087, 66.190563], [45.573503, 88.84029], [89.421053, 90.582577]], [[52.54265, 58.931034], [104.23049, 45.573503], [78.967332, 74.030853], [71.998185, 104.23049], [114.684211, 93.486388]], [[53.994555, 50.800363], [87.098004, 53.704174], [52.54265, 75.482759], [51.090744, 95.519056], [85.065336, 99.294011]], [[41.798548, 44.411978], [88.84029, 45.573503], [67.642468, 67.352087], [45.863884, 89.421053], [79.548094, 93.486388]], [[53.994555, 49.638838], [101.907441, 53.704174], [71.998185, 75.482759], [47.896552, 94.357532], [96.970962, 99.00363]], [[38.894737, 59.802178], [77.515426, 57.479129], [83.61343, 78.096189], [58.059891, 106.553539], [82.451906, 105.392015]], [[42.669691, 51.961887], [90.292196, 51.961887], [67.352087, 83.032668], [46.735027, 102.778584], [86.807623, 102.197822]], [[43.831216, 62.125227], [88.549909, 40.637024], [84.774955, 80.709619], [65.029038, 97.261343], [102.778584, 88.259528]], [[47.896552, 53.704174], [94.938294, 52.833031], [68.22323, 82.161525], [51.381125, 103.649728], [85.355717, 102.778584]], [[48.767695, 41.508167], [92.615245, 38.894737], [70.255898, 59.221416], [51.961887, 85.936479], [86.807623, 84.484574]], [[68.803993, 61.834846], [106.553539, 60.092559], [81.580762, 87.678766], [67.352087, 106.553539], [100.745917, 105.682396]], [[16.825771, 50.800363], [63.867514, 49.058076], [50.509982, 70.546279], [26.117967, 95.228675], [59.221416, 92.034483]], [[59.511797, 42.088929], [108.295826, 44.121597], [87.969147, 71.127042], [57.479129, 92.034483], [105.392015, 96.099819]], [[45.573503, 57.479129], [64.448276, 44.99274], [76.063521, 56.607985], [65.029038, 100.165154], [83.032668, 86.517241]], [[56.898367, 42.669691], [94.357532, 39.475499], [64.157895, 68.803993], [62.415608, 91.163339], [94.938294, 93.196007]], [[46.444646, 58.059891], [91.744102, 52.252269], [59.221416, 74.321234], [50.800363, 105.972777], [81.580762, 103.359347]], [[53.994555, 47.315789], [91.744102, 45.573503], [66.190563, 66.480944], [54.284936, 88.549909], [90.001815, 87.098004]], [[52.252269, 59.221416], [96.3902, 56.607985], [75.77314, 86.22686], [61.254083, 106.84392], [91.163339, 107.715064]], [[52.252269, 49.348457], [91.163339, 47.315789], [78.38657, 71.417423], [54.284936, 93.196007], [83.903811, 91.453721]], [[49.348457, 42.960073], [94.067151, 41.798548], [71.127042, 67.061706], [55.736842, 91.744102], [89.711434, 90.001815]], [[53.123412, 44.99274], [101.61706, 49.92922], [77.225045, 80.419238], [50.800363, 92.615245], [88.84029, 95.228675]], [[63.286751, 44.702359], [105.101633, 44.121597], [75.77314, 69.965517], [62.705989, 92.615245], [101.326679, 97.261343]], [[46.154265, 49.638838], [92.615245, 45.573503], [69.675136, 81.290381], [53.413793, 91.744102], [88.549909, 88.549909]], [[44.99274, 59.802178], [94.357532, 59.511797], [71.707804, 78.676951], [49.058076, 114.684211], [91.453721, 114.684211]], [[51.671506, 57.479129], [89.421053, 55.736842], [86.807623, 84.774955], [50.509982, 105.101633], [91.453721, 104.23049]], [[43.250454, 44.411978], [91.453721, 47.896552], [69.384755, 58.350272], [50.509982, 93.196007], [83.323049, 95.519056]], [[50.800363, 62.125227], [96.970962, 57.188748], [84.774955, 83.323049], [64.157895, 108.586207], [98.422868, 101.326679]], [[58.640653, 59.221416], [102.197822, 61.544465], [83.61343, 78.096189], [62.705989, 105.972777], [95.519056, 107.715064]], [[50.800363, 41.217786], [97.551724, 49.92922], [62.415608, 80.128857], [51.381125, 84.484574], [92.034483, 91.453721]], [[52.252269, 42.37931], [88.84029, 45.283122], [68.22323, 62.415608], [49.638838, 73.740472], [89.421053, 74.030853]], [[51.671506, 45.573503], [90.001815, 43.540835], [77.515426, 63.577132], [61.834846, 88.549909], [89.421053, 86.517241]], [[52.54265, 56.607985], [104.811252, 60.38294], [71.998185, 89.711434], [48.477314, 103.649728], [94.647913, 108.295826]], [[53.413793, 40.056261], [95.228675, 48.186933], [74.030853, 70.836661], [46.735027, 83.61343], [90.001815, 91.453721]], [[43.540835, 74.030853], [81.0, 41.217786], [86.22686, 85.065336], [62.99637, 115.264973], [101.326679, 81.871143]], [[47.025408, 54.865699], [99.00363, 46.735027], [61.544465, 71.417423], [51.090744, 101.61706], [92.324864, 95.809437]], [[53.704174, 45.863884], [85.646098, 39.76588], [64.738657, 69.675136], [72.869328, 91.744102], [88.549909, 83.61343]], [[54.284936, 48.477314], [97.261343, 36.281307], [78.38657, 66.190563], [69.965517, 97.842105], [100.165154, 90.582577]], [[56.317604, 58.059891], [97.842105, 53.123412], [63.867514, 82.161525], [61.544465, 107.424682], [96.970962, 103.940109]], [[38.894737, 43.250454], [81.290381, 43.831216], [54.865699, 72.288566], [36.862069, 94.357532], [71.707804, 95.809437]], [[68.803993, 40.056261], [104.811252, 53.704174], [86.22686, 70.255898], [58.350272, 81.871143], [90.582577, 93.77677]], [[55.736842, 46.444646], [88.259528, 48.767695], [90.001815, 74.030853], [61.254083, 95.228675], [82.742287, 96.3902]], [[40.056261, 45.863884], [87.678766, 49.638838], [44.702359, 74.611615], [35.119782, 93.196007], [76.644283, 100.455535]], [[51.090744, 57.188748], [101.036298, 53.123412], [81.290381, 82.451906], [59.221416, 104.520871], [100.745917, 101.036298]], [[62.705989, 50.800363], [110.909256, 50.219601], [77.225045, 75.482759], [63.867514, 99.584392], [103.068966, 99.874773]], [[61.544465, 59.221416], [98.422868, 56.898367], [90.292196, 81.871143], [71.707804, 107.134301], [94.938294, 103.940109]], [[36.862069, 44.99274], [88.259528, 54.575318], [74.901996, 70.255898], [41.508167, 92.615245], [84.774955, 101.036298]], [[51.961887, 62.99637], [91.453721, 55.15608], [89.711434, 86.22686], [63.867514, 108.295826], [99.00363, 97.261343]], [[52.252269, 54.575318], [99.584392, 56.607985], [62.99637, 85.065336], [52.252269, 100.745917], [87.388385, 105.682396]], [[65.6098, 57.76951], [103.649728, 48.477314], [68.22323, 73.450091], [67.352087, 102.197822], [100.455535, 99.294011]], [[57.479129, 38.313975], [99.584392, 41.217786], [83.032668, 68.803993], [54.865699, 85.936479], [97.551724, 88.84029]], [[69.094374, 50.509982], [115.845735, 59.802178], [84.774955, 87.098004], [62.125227, 101.61706], [96.970962, 110.328494]], [[49.92922, 44.99274], [95.809437, 49.058076], [79.548094, 76.644283], [48.767695, 92.324864], [88.259528, 95.228675]], [[76.934664, 50.219601], [112.07078, 66.480944], [65.6098, 84.774955], [62.99637, 95.228675], [95.519056, 108.876588]], [[55.446461, 51.671506], [99.584392, 51.671506], [81.580762, 87.969147], [58.931034, 96.970962], [95.519056, 94.357532]], [[64.448276, 38.894737], [109.45735, 51.961887], [83.903811, 71.998185], [56.317604, 84.774955], [93.196007, 97.551724]], [[51.381125, 51.671506], [99.00363, 48.186933], [79.257713, 75.482759], [57.76951, 102.488203], [99.00363, 98.713249]], [[46.735027, 45.573503], [98.422868, 42.088929], [86.517241, 71.707804], [55.15608, 92.324864], [102.197822, 89.421053]], [[48.477314, 52.833031], [96.970962, 51.671506], [70.836661, 82.742287], [51.381125, 102.488203], [97.551724, 101.036298]], [[51.961887, 56.027223], [99.584392, 58.350272], [88.259528, 78.967332], [50.219601, 105.682396], [92.905626, 106.84392]], [[51.381125, 41.508167], [94.938294, 43.540835], [89.421053, 69.094374], [65.319419, 88.84029], [96.680581, 88.84029]], [[58.931034, 46.154265], [105.972777, 50.800363], [77.805808, 73.15971], [51.090744, 90.001815], [98.422868, 92.034483]], [[44.99274, 59.221416], [92.324864, 39.185118], [74.611615, 76.644283], [66.190563, 102.488203], [106.553539, 83.903811]], [[53.123412, 50.219601], [97.261343, 38.604356], [71.707804, 74.901996], [69.094374, 98.132486], [112.07078, 83.903811]], [[49.92922, 60.38294], [98.713249, 56.898367], [73.450091, 88.259528], [61.254083, 117.00726], [91.453721, 113.813067]], [[55.15608, 45.863884], [93.196007, 49.348457], [80.709619, 77.225045], [55.15608, 94.647913], [83.61343, 96.3902]], [[49.348457, 49.638838], [91.163339, 33.087114], [63.577132, 67.642468], [63.867514, 96.970962], [105.972777, 85.646098]], [[44.411978, 52.252269], [89.130672, 40.637024], [59.511797, 77.805808], [58.350272, 97.551724], [100.455535, 87.969147]], [[49.638838, 56.027223], [93.196007, 56.317604], [69.384755, 84.774955], [51.090744, 105.392015], [89.711434, 105.682396]], [[60.963702, 52.833031], [105.972777, 49.92922], [86.517241, 83.61343], [60.963702, 93.77677], [106.553539, 91.163339]], [[64.448276, 40.056261], [108.295826, 46.735027], [87.969147, 66.480944], [67.061706, 90.582577], [99.584392, 93.486388]], [[55.736842, 54.575318], [103.359347, 48.767695], [84.194192, 69.384755], [68.513612, 101.326679], [101.61706, 98.713249]], [[43.540835, 47.315789], [90.292196, 39.475499], [69.094374, 65.6098], [49.92922, 85.646098], [92.324864, 81.290381]], [[59.802178, 53.413793], [108.295826, 45.573503], [100.165154, 94.647913], [60.38294, 101.61706], [98.132486, 99.294011]], [[58.640653, 40.056261], [101.61706, 42.088929], [71.707804, 68.22323], [57.479129, 85.936479], [96.099819, 86.517241]], [[40.927405, 45.283122], [86.807623, 39.76588], [57.188748, 70.546279], [50.509982, 90.872958], [85.355717, 86.807623]], [[46.444646, 55.446461], [94.938294, 54.575318], [69.094374, 89.711434], [53.123412, 105.972777], [85.065336, 106.263158]], [[49.92922, 49.92922], [95.809437, 59.221416], [64.738657, 92.905626], [43.250454, 96.970962], [81.580762, 105.392015]], [[37.442831, 69.965517], [85.355717, 51.381125], [65.900181, 86.807623], [58.931034, 112.361162], [90.292196, 103.649728]], [[57.76951, 37.733212], [102.488203, 58.350272], [77.225045, 57.76951], [52.252269, 75.192377], [78.38657, 88.549909]], [[59.802178, 47.315789], [107.424682, 43.831216], [89.130672, 70.546279], [66.190563, 89.421053], [106.263158, 88.259528]], [[42.960073, 51.961887], [88.549909, 55.15608], [61.544465, 82.451906], [42.088929, 95.519056], [83.903811, 98.422868]], [[52.252269, 51.671506], [103.068966, 49.058076], [71.127042, 65.6098], [54.575318, 98.132486], [90.001815, 98.422868]], [[54.284936, 52.252269], [100.745917, 52.54265], [78.676951, 79.548094], [58.350272, 100.165154], [93.196007, 99.584392]], [[55.446461, 40.346642], [101.326679, 42.669691], [80.128857, 77.225045], [49.638838, 85.065336], [90.292196, 88.549909]], [[58.350272, 56.898367], [100.745917, 65.900181], [97.551724, 77.225045], [62.99637, 103.940109], [94.938294, 110.618875]], [[62.125227, 52.833031], [105.682396, 58.350272], [84.484574, 82.451906], [61.834846, 102.488203], [94.067151, 103.359347]], [[54.865699, 45.573503], [108.005445, 42.669691], [82.451906, 83.032668], [61.254083, 87.678766], [103.649728, 85.646098]], [[56.317604, 40.637024], [99.874773, 49.348457], [69.675136, 72.288566], [47.025408, 83.61343], [89.421053, 94.067151]], [[49.638838, 53.123412], [90.582577, 43.831216], [72.869328, 80.709619], [58.059891, 92.034483], [99.294011, 80.709619]], [[54.284936, 47.896552], [99.874773, 58.350272], [62.415608, 85.936479], [45.573503, 98.422868], [86.22686, 109.747731]], [[54.284936, 54.284936], [98.422868, 51.090744], [99.584392, 75.482759], [66.480944, 101.036298], [102.488203, 99.00363]], [[52.833031, 43.831216], [100.745917, 52.833031], [70.836661, 85.936479], [40.346642, 88.84029], [88.84029, 98.422868]], [[43.250454, 54.284936], [88.84029, 33.377495], [54.284936, 63.577132], [57.76951, 105.682396], [92.615245, 86.517241]], [[49.92922, 51.671506], [100.745917, 49.92922], [67.061706, 72.869328], [49.638838, 103.649728], [101.907441, 102.197822]], [[53.704174, 55.446461], [105.682396, 56.317604], [79.548094, 78.967332], [58.931034, 100.745917], [100.455535, 101.326679]], [[47.315789, 45.863884], [92.615245, 40.346642], [74.030853, 71.127042], [53.704174, 88.84029], [93.77677, 85.065336]], [[53.413793, 47.896552], [97.551724, 42.960073], [74.611615, 73.740472], [59.511797, 95.228675], [95.809437, 94.647913]], [[38.023593, 51.961887], [81.580762, 48.186933], [54.865699, 74.611615], [42.37931, 95.809437], [80.419238, 94.357532]], [[39.76588, 42.669691], [77.515426, 40.346642], [76.934664, 63.577132], [50.219601, 87.098004], [77.805808, 86.22686]], [[62.99637, 35.700544], [111.490018, 42.37931], [86.807623, 71.707804], [62.415608, 86.22686], [100.455535, 89.711434]], [[61.834846, 49.348457], [103.940109, 47.025408], [89.130672, 84.194192], [62.705989, 95.519056], [106.263158, 94.357532]], [[63.286751, 49.638838], [101.907441, 43.540835], [87.098004, 81.580762], [67.061706, 96.3902], [103.359347, 92.034483]], [[56.607985, 49.92922], [101.61706, 47.606171], [78.967332, 82.742287], [67.352087, 97.551724], [98.132486, 96.099819]], [[56.607985, 41.798548], [103.359347, 58.931034], [71.707804, 81.871143], [50.509982, 88.259528], [81.0, 101.326679]], [[40.346642, 58.640653], [83.323049, 54.284936], [62.415608, 86.807623], [48.767695, 105.682396], [82.451906, 104.23049]], [[60.963702, 45.863884], [99.584392, 62.125227], [69.384755, 80.128857], [49.058076, 92.905626], [77.515426, 105.972777]], [[52.833031, 59.802178], [98.713249, 51.090744], [78.967332, 90.292196], [63.867514, 108.586207], [102.197822, 101.61706]], [[63.577132, 48.767695], [105.392015, 56.898367], [88.259528, 71.998185], [55.446461, 98.132486], [90.872958, 102.197822]], [[45.283122, 54.865699], [110.328494, 53.123412], [77.515426, 78.676951], [47.025408, 94.938294], [105.392015, 94.357532]], [[49.348457, 58.350272], [95.228675, 54.575318], [67.352087, 78.676951], [54.575318, 106.263158], [89.711434, 104.23049]], [[60.38294, 55.446461], [101.61706, 58.350272], [85.936479, 76.644283], [61.254083, 96.099819], [96.3902, 99.294011]], [[50.509982, 42.37931], [87.388385, 37.733212], [56.898367, 70.255898], [53.994555, 90.582577], [82.742287, 89.421053]], [[47.315789, 61.254083], [84.774955, 50.509982], [70.836661, 76.353902], [62.99637, 104.811252], [89.130672, 98.132486]], [[56.027223, 52.54265], [101.036298, 54.865699], [73.15971, 69.384755], [58.931034, 94.357532], [88.84029, 98.132486]], [[40.056261, 60.092559], [90.872958, 47.606171], [64.738657, 62.99637], [55.15608, 99.00363], [92.905626, 92.034483]], [[52.833031, 47.315789], [94.357532, 42.37931], [59.511797, 63.867514], [54.575318, 94.357532], [84.194192, 92.324864]], [[60.092559, 46.444646], [97.842105, 56.607985], [61.834846, 69.384755], [54.284936, 95.228675], [83.323049, 103.940109]], [[61.254083, 59.221416], [103.649728, 55.446461], [81.290381, 82.451906], [67.061706, 105.972777], [105.101633, 105.682396]], [[57.188748, 55.446461], [103.940109, 54.865699], [79.257713, 77.805808], [51.090744, 99.874773], [99.00363, 98.132486]], [[47.315789, 47.896552], [92.905626, 52.54265], [69.675136, 83.323049], [49.058076, 94.067151], [95.228675, 98.132486]], [[60.38294, 51.671506], [95.228675, 43.540835], [64.738657, 79.838475], [67.642468, 100.455535], [98.713249, 93.486388]], [[46.154265, 55.736842], [94.067151, 57.479129], [72.869328, 87.678766], [40.346642, 105.101633], [84.484574, 107.134301]], [[41.508167, 49.92922], [87.969147, 38.313975], [81.290381, 68.22323], [57.479129, 97.261343], [92.905626, 90.001815]], [[52.54265, 45.283122], [96.3902, 37.733212], [61.544465, 63.867514], [59.221416, 91.453721], [95.519056, 86.807623]], [[41.217786, 55.446461], [96.099819, 47.896552], [61.834846, 86.807623], [56.027223, 105.392015], [101.326679, 100.455535]], [[42.960073, 61.834846], [84.194192, 42.669691], [79.838475, 78.676951], [60.673321, 104.811252], [100.455535, 84.774955]], [[63.867514, 42.960073], [97.551724, 45.863884], [65.029038, 70.255898], [63.867514, 91.744102], [90.001815, 88.549909]], [[64.157895, 50.800363], [103.068966, 74.321234], [86.22686, 90.872958], [58.931034, 110.038113], [80.419238, 121.362976]], [[43.250454, 56.027223], [90.001815, 49.348457], [85.065336, 81.290381], [46.154265, 104.23049], [94.938294, 91.453721]], [[53.123412, 43.250454], [96.099819, 43.540835], [85.065336, 72.288566], [48.186933, 91.744102], [87.969147, 95.228675]], [[46.444646, 59.511797], [87.678766, 49.058076], [60.673321, 82.451906], [56.317604, 108.586207], [89.130672, 102.778584]], [[50.219601, 44.99274], [96.680581, 46.735027], [74.030853, 72.288566], [51.381125, 85.936479], [95.228675, 87.678766]], [[58.931034, 42.960073], [106.553539, 43.250454], [80.419238, 64.448276], [59.221416, 92.034483], [105.101633, 92.905626]], [[53.123412, 44.99274], [98.713249, 47.025408], [74.030853, 66.771325], [53.704174, 91.453721], [91.163339, 92.324864]], [[47.315789, 60.673321], [93.196007, 52.252269], [81.290381, 71.998185], [58.059891, 108.005445], [96.680581, 101.907441]], [[54.284936, 51.381125], [90.001815, 41.217786], [59.221416, 67.061706], [63.286751, 98.132486], [90.872958, 92.905626]], [[56.607985, 46.444646], [101.326679, 41.217786], [80.709619, 79.257713], [65.029038, 92.905626], [100.165154, 90.872958]], [[54.865699, 51.961887], [103.940109, 45.283122], [77.515426, 65.900181], [62.705989, 97.551724], [100.745917, 93.196007]], [[40.346642, 60.38294], [85.936479, 42.960073], [83.61343, 77.805808], [56.027223, 101.61706], [96.3902, 85.355717]], [[69.965517, 46.735027], [111.780399, 47.025408], [73.740472, 70.255898], [66.771325, 94.938294], [99.294011, 95.228675]], [[45.863884, 44.121597], [92.905626, 39.475499], [68.513612, 80.128857], [52.833031, 91.163339], [88.259528, 87.678766]]]
attributes [[1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 4], [0, 0, 1, 4], [0, 0, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 1], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [0, 1, 1, 0], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 0, 4], [1, 0, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 0, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 3], [0, 1, 0, 2], [1, 0, 1, 3], [0, 1, 1, 1], [1, 0, 1, 1], [1, 1, 0, 1], [0, 1, 1, 3], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 4], [0, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 0, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 0, 2], [0, 1, 0, 2], [0, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 4], [1, 1, 1, 4], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 0, 2], [1, 0, 1, 2], [0, 0, 1, 0], [1, 1, 1, 0], [1, 1, 1, 2], [1, 1, 1, 1], [0, 0, 0, 2], [1, 0, 1, 4], [1, 1, 1, 0], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 0, 1, 3], [1, 1, 1, 0], [0, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 1, 1, 1], [0, 0, 0, 2], [1, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 0], [1, 0, 0, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 4], [0, 0, 1, 1], [0, 0, 1, 3], [0, 0, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 0], [0, 1, 1, 3], [1, 0, 0, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 4], [1, 1, 1, 0], [1, 1, 1, 2], [1, 1, 1, 3], [1, 1, 0, 4], [1, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 4], [0, 1, 1, 2], [0, 1, 0, 1], [0, 0, 0, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 0], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 0], [0, 1, 1, 0], [0, 1, 0, 2], [0, 0, 0, 1], [0, 0, 0, 3], [1, 0, 1, 1], [1, 0, 0, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 1], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [1, 0, 1, 1], [1, 1, 0, 1], [0, 1, 1, 0], [0, 0, 1, 0], [0, 0, 0, 2], [0, 0, 0, 2], [1, 1, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [0, 1, 1, 0], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 1], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 0], [1, 1, 1, 1], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 0, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 0], [1, 1, 1, 1], [1, 1, 1, 3], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 0, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 1], [1, 1, 1, 1], [0, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 3], [1, 0, 1, 3], [0, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 4], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 3], [1, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 0], [1, 0, 1, 2], [1, 0, 1, 4], [1, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 1], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 0], [1, 1, 1, 1], [0, 1, 1, 4], [1, 1, 1, 2], [0, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 0], [1, 1, 1, 3], [0, 0, 1, 2], [0, 0, 0, 2], [1, 0, 1, 1], [0, 0, 1, 4], [1, 1, 1, 3], [0, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 4], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 0, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 0], [1, 1, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 1], [0, 0, 1, 2], [1, 1, 1, 1], [0, 1, 0, 2], [0, 1, 1, 0], [1, 0, 1, 0], [1, 0, 1, 3], [1, 0, 1, 3], [1, 0, 0, 2], [1, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 1], [0, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 0, 3], [0, 1, 1, 1], [1, 1, 1, 3], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 0, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 0], [0, 1, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 0, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [1, 1, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 0, 0], [1, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 1], [0, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 0], [0, 0, 1, 4], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 1], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 0], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 4], [0, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 0, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 0], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 0, 2], [1, 0, 1, 4], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 2], [0, 1, 1, 4], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 4], [0, 0, 1, 3], [1, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 4], [1, 0, 1, 1], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 0], [1, 1, 1, 3], [0, 0, 1, 2], [1, 0, 1, 4], [0, 0, 1, 2], [0, 0, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 1], [0, 0, 1, 0], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 1], [0, 0, 0, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 0, 1], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 0, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 0], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 3], [1, 0, 1, 1], [1, 1, 1, 0], [1, 1, 1, 1], [0, 1, 1, 0], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 1], [1, 0, 1, 3], [1, 0, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 0, 3], [1, 0, 1, 2], [0, 0, 0, 2], [1, 1, 1, 1], [1, 0, 1, 1], [0, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 0, 1], [1, 0, 1, 3], [1, 1, 0, 1], [0, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 0, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 1], [1, 1, 1, 2], [1, 1, 1, 3], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [0, 1, 1, 0], [0, 0, 0, 1], [0, 1, 1, 2], [1, 1, 1, 0], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 3], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 0, 3], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 0], [0, 0, 0, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 1], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 0, 2], [1, 0, 1, 2], [1, 1, 1, 0], [0, 1, 1, 2], [0, 0, 1, 1], [0, 0, 1, 2], [0, 1, 0, 3], [1, 1, 1, 4], [1, 1, 1, 0], [1, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 3], [1, 0, 1, 3], [1, 1, 1, 4], [0, 0, 1, 0], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [0, 0, 1, 1], [1, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 0, 1], [1, 1, 1, 2], [1, 0, 1, 1], [0, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 1], [1, 0, 1, 1], [1, 0, 0, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 0, 2], [1, 0, 1, 3], [1, 1, 1, 0], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [0, 0, 1, 3], [0, 0, 1, 1], [1, 0, 1, 0], [1, 1, 1, 1], [1, 1, 1, 4], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 3], [1, 1, 0, 2], [0, 1, 1, 3], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 0], [0, 0, 1, 4], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 2], [0, 0, 0, 1], [1, 1, 1, 1], [0, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 4], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 4], [1, 0, 1, 0], [0, 0, 1, 2], [1, 1, 1, 4], [1, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [0, 0, 1, 3], [0, 1, 1, 1], [1, 0, 1, 1], [0, 1, 1, 2], [0, 1, 1, 1], [0, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 0, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 0, 1], [1, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [0, 0, 1, 3], [0, 0, 0, 3], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 3], [1, 0, 0, 2], [1, 1, 1, 3], [0, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 0, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 0, 2], [1, 1, 1, 3], [1, 0, 0, 1], [1, 0, 1, 4], [1, 0, 1, 3], [1, 0, 1, 0], [1, 1, 1, 2], [0, 0, 1, 1], [0, 1, 1, 1], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 1], [1, 0, 0, 2], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 0], [1, 0, 1, 1], [0, 0, 0, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 0], [0, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 4], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 4], [0, 1, 0, 4], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 0], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 0], [1, 0, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 0, 1], [1, 0, 1, 0], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 3], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 1], [1, 0, 1, 2], [0, 0, 0, 1], [0, 0, 0, 2], [1, 0, 1, 2], [0, 1, 0, 0], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 0], [0, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 0, 0], [0, 0, 1, 2], [1, 0, 0, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [1, 1, 1, 3], [0, 1, 1, 3], [1, 0, 1, 4], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 1], [0, 1, 0, 2], [1, 0, 1, 1], [1, 0, 1, 1], [0, 1, 0, 1], [1, 1, 1, 2], [1, 1, 1, 3], [1, 1, 1, 3], [1, 0, 1, 3], [0, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 0], [0, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 1], [0, 1, 1, 3], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 0, 3], [1, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 0, 2], [1, 1, 1, 4], [0, 0, 1, 0], [0, 1, 1, 3], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 2], [0, 0, 0, 2], [0, 0, 1, 1], [1, 0, 1, 0], [1, 1, 1, 2], [0, 1, 0, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 0, 2], [1, 0, 1, 3], [1, 0, 1, 4], [0, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 3], [1, 1, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 0, 3], [0, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 0, 2], [1, 0, 0, 2], [1, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 4], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [0, 1, 0, 2], [1, 0, 1, 3], [1, 0, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 3], [1, 1, 1, 1], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [1, 1, 1, 1], [1, 1, 1, 1], [1, 1, 1, 2], [1, 1, 1, 3], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 0], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 4], [1, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 0], [0, 0, 1, 2], [1, 1, 1, 1], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 4], [0, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 1], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [0, 1, 0, 1], [0, 0, 1, 2], [0, 1, 1, 2], [0, 0, 0, 2], [0, 0, 1, 0], [0, 1, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 4], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [0, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 0, 1], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 0, 1, 4], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 4], [1, 1, 1, 3], [1, 1, 1, 2], [1, 1, 1, 0], [0, 0, 1, 1], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 1], [1, 1, 1, 3], [1, 1, 1, 4], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 1], [1, 0, 1, 0], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 0, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 0], [1, 0, 1, 0], [1, 1, 1, 1], [1, 0, 0, 1], [0, 0, 1, 1], [1, 0, 1, 3], [0, 0, 1, 0], [0, 0, 1, 1], [1, 0, 0, 2], [1, 1, 1, 3], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 4], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 0, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 1], [0, 1, 1, 0], [1, 1, 1, 4], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [0, 0, 0, 1], [1, 1, 1, 2], [0, 1, 0, 3], [1, 0, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 0], [1, 1, 1, 2], [0, 1, 1, 3], [0, 0, 0, 2], [1, 1, 1, 2], [0, 0, 0, 4], [1, 1, 1, 2], [0, 1, 0, 2], [1, 0, 1, 2], [0, 0, 0, 2], [1, 0, 1, 3], [0, 1, 1, 2], [1, 1, 0, 2], [1, 0, 1, 2], [0, 0, 0, 2], [0, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 0], [1, 0, 1, 1], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 0, 2], [1, 0, 1, 0], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 4], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 4], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 3], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 1], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 3], [1, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 0, 4], [0, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 0, 0], [0, 0, 1, 2], [1, 1, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 4], [0, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 0], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 4], [0, 1, 1, 3], [1, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 0, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 0, 2], [0, 0, 1, 1], [1, 0, 1, 3], [1, 1, 1, 2], [0, 0, 1, 3], [0, 1, 0, 1], [1, 0, 0, 2], [1, 0, 1, 1], [1, 1, 1, 1], [0, 0, 0, 2], [1, 1, 1, 1], [0, 1, 1, 4], [0, 1, 1, 2], [1, 0, 1, 1], [0, 1, 1, 2], [0, 0, 0, 2], [1, 1, 1, 0], [0, 0, 0, 3], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 1], [0, 0, 1, 0], [1, 0, 1, 2], [0, 1, 1, 4], [1, 1, 1, 2], [0, 0, 1, 4], [1, 1, 1, 1], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 2], [1, 1, 1, 0], [1, 1, 1, 3], [1, 1, 1, 2], [0, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 0, 3], [1, 0, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 0, 2], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 0], [0, 0, 1, 2], [1, 0, 1, 4], [1, 0, 1, 1], [1, 0, 1, 3], [0, 0, 1, 2], [0, 0, 0, 3], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 1], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 3], [0, 1, 0, 1], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 4], [0, 1, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 0], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 3], [0, 1, 1, 3], [1, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [0, 1, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 3], [1, 0, 0, 2], [1, 0, 1, 1], [0, 1, 1, 2], [0, 1, 1, 1], [1, 0, 1, 4], [0, 1, 1, 0], [1, 1, 1, 0], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 3], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 0, 2], [0, 1, 1, 1], [0, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 0], [0, 0, 1, 0], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 0, 2], [0, 1, 1, 1], [0, 0, 0, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 0, 4], [1, 0, 1, 0], [0, 0, 0, 2], [1, 0, 1, 1], [1, 0, 1, 1], [1, 1, 1, 4], [0, 0, 1, 4], [1, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 3], [0, 1, 1, 1], [1, 0, 1, 3], [0, 0, 1, 3], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 1], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [1, 0, 1, 0], [1, 0, 1, 3], [1, 1, 1, 1], [1, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 4], [1, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 0], [1, 0, 1, 1], [1, 1, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [0, 1, 0, 2], [1, 0, 1, 1], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 4], [1, 1, 1, 3], [0, 0, 1, 2], [1, 1, 1, 0], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 1], [0, 0, 0, 2], [0, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 4], [0, 0, 1, 1], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 1], [1, 0, 1, 3], [1, 1, 1, 2], [1, 1, 1, 1], [0, 1, 0, 2], [1, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 0, 2], [0, 1, 1, 2], [1, 1, 1, 0], [1, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 0, 1], [0, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 0, 2], [0, 0, 1, 2], [0, 0, 1, 1], [0, 1, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 1], [1, 1, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [0, 1, 1, 1], [0, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [0, 1, 0, 2], [1, 1, 1, 4], [0, 1, 1, 0], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 4], [1, 0, 1, 3], [1, 1, 1, 0], [1, 1, 1, 1], [1, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 3], [1, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 1], [1, 1, 1, 2], [1, 0, 1, 1], [1, 1, 1, 4], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 4], [1, 1, 1, 3], [1, 0, 1, 3], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 3], [1, 1, 1, 4], [1, 1, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 3], [0, 0, 1, 1], [1, 0, 1, 3], [0, 1, 1, 2], [0, 1, 1, 3], [1, 1, 1, 3], [0, 1, 1, 4], [0, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 2], [0, 1, 1, 3], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 0], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [1, 1, 0, 2], [1, 0, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 0, 2], [0, 1, 1, 2], [0, 1, 0, 2], [1, 0, 1, 2], [0, 0, 1, 0], [1, 1, 0, 1], [0, 1, 1, 2], [1, 1, 1, 0], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 0], [1, 1, 1, 0], [0, 1, 1, 0], [1, 1, 1, 3], [1, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 0, 2], [0, 1, 1, 1], [0, 0, 1, 2], [0, 1, 1, 1], [1, 1, 1, 2], [1, 0, 0, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 0, 2], [0, 0, 1, 2], [1, 1, 1, 2], [0, 1, 0, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 4], [1, 0, 1, 2], [1, 1, 1, 1], [1, 0, 1, 1], [0, 1, 1, 1], [0, 1, 0, 2], [1, 1, 1, 3], [0, 0, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 4], [0, 1, 1, 4], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 2], [1, 1, 1, 4], [1, 1, 1, 2], [0, 1, 1, 0], [0, 0, 1, 2], [0, 1, 1, 4], [1, 0, 1, 3], [0, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 4], [0, 1, 0, 2], [0, 1, 1, 2], [0, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 0], [0, 0, 1, 1], [1, 1, 1, 1], [0, 0, 1, 1], [0, 0, 1, 2], [1, 1, 1, 1], [1, 1, 1, 1], [1, 0, 1, 3], [1, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 1], [0, 0, 1, 1], [1, 0, 1, 2], [1, 1, 1, 0], [0, 1, 1, 2], [0, 1, 1, 0], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 3], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 0], [1, 0, 0, 2], [1, 1, 1, 2], [0, 0, 1, 3], [0, 0, 1, 1], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 1], [1, 1, 1, 3], [0, 0, 1, 3], [0, 0, 1, 2], [0, 1, 0, 0], [0, 1, 1, 1], [0, 1, 1, 1], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 3], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 0, 3], [0, 1, 1, 3], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 3], [0, 0, 1, 2], [0, 1, 0, 0], [1, 0, 1, 2], [1, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 0, 4], [0, 0, 1, 4], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 1], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 2], [0, 1, 0, 2], [1, 0, 1, 3], [0, 0, 1, 2], [1, 1, 1, 2], [0, 1, 0, 1], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 0, 2], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 0], [1, 0, 1, 3], [0, 1, 0, 2], [1, 0, 1, 1], [0, 1, 1, 0], [1, 1, 1, 2], [0, 1, 1, 2], [0, 0, 0, 1], [0, 0, 1, 2], [0, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 3], [0, 0, 1, 1], [1, 1, 1, 4], [1, 1, 1, 2], [1, 1, 1, 1], [1, 0, 1, 2], [0, 0, 1, 3], [1, 1, 1, 3], [1, 1, 1, 3], [1, 1, 1, 2], [1, 0, 1, 1], [0, 0, 1, 3], [1, 1, 1, 3], [1, 0, 1, 1], [0, 1, 1, 1], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 0], [1, 0, 1, 3], [0, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 3], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 3], [1, 0, 0, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 0], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 4], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 3], [1, 0, 1, 2], [0, 1, 1, 4], [0, 1, 1, 1], [1, 1, 1, 1], [0, 0, 1, 2], [0, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 1], [1, 0, 1, 2], [0, 0, 1, 2], [0, 0, 1, 3], [1, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 1], [1, 0, 0, 2], [0, 1, 1, 2], [0, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 1, 0], [1, 1, 1, 2], [0, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 4], [1, 0, 1, 1], [1, 0, 1, 2], [1, 0, 1, 1], [1, 1, 0, 3], [0, 1, 0, 3], [1, 0, 1, 3], [1, 0, 1, 1], [0, 1, 1, 0], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [1, 0, 1, 0], [1, 1, 0, 2], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 0, 3], [0, 1, 1, 3], [1, 0, 1, 2], [0, 0, 1, 2], [1, 0, 1, 1], [1, 0, 1, 2], [0, 0, 1, 3], [0, 1, 1, 1], [1, 0, 1, 1], [0, 1, 1, 2], [0, 0, 0, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 2], [0, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 3], [1, 1, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [1, 1, 1, 2], [1, 0, 0, 3], [1, 0, 1, 2], [1, 1, 1, 1], [0, 0, 0, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 4], [1, 0, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 0, 1, 2], [1, 1, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [0, 0, 0, 2], [1, 0, 1, 2], [1, 1, 1, 2], [0, 0, 1, 2], [1, 1, 1, 1], [0, 1, 1, 2], [1, 1, 1, 2], [0, 1, 1, 2], [1, 1, 1, 1], [0, 0, 1, 1], [1, 1, 1, 2], [0, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 0], [1, 0, 1, 2], [1, 1, 1, 3], [0, 1, 1, 1], [1, 1, 1, 1], [1, 0, 1, 2], [1, 0, 1, 0], [0, 1, 1, 3], [1, 0, 1, 3], [0, 0, 0, 3], [1, 1, 1, 1], [0, 0, 1, 2], [1, 0, 1, 2], [1, 0, 1, 2], [0, 0, 1, 2], [0, 1, 1, 0], [1, 1, 1, 2], [1, 1, 1, 2], [1, 0, 1, 3], [0, 1, 1, 0], [0, 1, 1, 2]]
input_que Tensor("input_producer_3/Gather_1:0", shape=(5, 2), dtype=float32)
data = DataReader(dataFolder, ["training.txt", "validation.txt", "testing.txt"])
#batchsize=2,不打乱读取validation.txt
image_batch, landmark_batch, attribute_batch=data.read_batch_unshuffled(2,1)
with tf.Session() as sess:
    coord = tf.train.Coordinator()
    threads = tf.train.start_queue_runners(sess, coord)
    try:

        image_batch_v, landmark_batch_v, attribute_batch_v= sess.run([image_batch, landmark_batch, attribute_batch])
        print('image_batch_v:\n',image_batch_v)
        print('landmark_batch_v:\n',landmark_batch_v)
        print('attribute_batch_v:\n',attribute_batch_v)

    except tf.errors.OutOfRangeError:
        print("done")
    finally:
        coord.request_stop()
    coord.join(threads)
image_batch_v:
 [[[[ 0.09803922  0.05882353  0.09019608]
   [ 0.07058824  0.04313726  0.07058824]
   [ 0.08627451  0.07843138  0.09803922]
   ..., 
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]]

  [[ 0.10980392  0.08627451  0.1254902 ]
   [ 0.08235294  0.07058824  0.10588235]
   [ 0.09019608  0.08627451  0.11764706]
   ..., 
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]]

  [[ 0.05098039  0.05098039  0.09803922]
   [ 0.04313726  0.05098039  0.09803922]
   [ 0.06666667  0.08235294  0.1254902 ]
   ..., 
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]
   [ 0.99215686  0.99215686  1.        ]]

  ..., 
  [[ 0.20392157  0.19607843  0.2       ]
   [ 0.1882353   0.18039216  0.18431373]
   [ 0.16862746  0.16078432  0.16470589]
   ..., 
   [ 0.50980395  0.36862746  0.24313726]
   [ 0.56470591  0.42352942  0.29803923]
   [ 0.66274512  0.52156866  0.39607844]]

  [[ 0.2         0.19215687  0.19607843]
   [ 0.18039216  0.17254902  0.17647059]
   [ 0.16078432  0.15294118  0.15686275]
   ..., 
   [ 0.54509807  0.40392157  0.27843139]
   [ 0.58823532  0.44705883  0.32156864]
   [ 0.66274512  0.52156866  0.39607844]]

  [[ 0.19607843  0.1882353   0.19215687]
   [ 0.18039216  0.17254902  0.17647059]
   [ 0.16470589  0.15686275  0.16078432]
   ..., 
   [ 0.56470591  0.42352942  0.29803923]
   [ 0.59215689  0.4509804   0.32549021]
   [ 0.64705884  0.50588238  0.38039216]]]


 [[[ 0.13333334  0.07058824  0.08235294]
   [ 0.14509805  0.08235294  0.09411765]
   [ 0.15686275  0.09803922  0.10980392]
   ..., 
   [ 0.65882355  0.64705884  0.627451  ]
   [ 0.66274512  0.65098041  0.63137257]
   [ 0.66274512  0.65098041  0.63137257]]

  [[ 0.20784314  0.14509805  0.15686275]
   [ 0.17647059  0.11372549  0.1254902 ]
   [ 0.14509805  0.08627451  0.09803922]
   ..., 
   [ 0.65882355  0.64705884  0.627451  ]
   [ 0.66274512  0.65098041  0.63137257]
   [ 0.66274512  0.65098041  0.63137257]]

  [[ 0.25490198  0.19607843  0.20784314]
   [ 0.23529412  0.17647059  0.1882353 ]
   [ 0.17254902  0.11372549  0.1254902 ]
   ..., 
   [ 0.65882355  0.64705884  0.627451  ]
   [ 0.65882355  0.64705884  0.627451  ]
   [ 0.66274512  0.65098041  0.63137257]]

  ..., 
  [[ 0.58039218  0.58823532  0.50196081]
   [ 0.56470591  0.57254905  0.48627451]
   [ 0.56470591  0.57254905  0.48627451]
   ..., 
   [ 0.35686275  0.36862746  0.26274511]
   [ 0.34509805  0.35686275  0.25098041]
   [ 0.32549021  0.33725491  0.23137255]]

  [[ 0.5529412   0.56078434  0.47450981]
   [ 0.5529412   0.56078434  0.47450981]
   [ 0.56078434  0.56862748  0.48235294]
   ..., 
   [ 0.34509805  0.35686275  0.25098041]
   [ 0.33333334  0.34509805  0.23921569]
   [ 0.30588236  0.31764707  0.21176471]]

  [[ 0.54901963  0.55686277  0.47058824]
   [ 0.54901963  0.55686277  0.47058824]
   [ 0.56470591  0.57254905  0.48627451]
   ..., 
   [ 0.34509805  0.35686275  0.25098041]
   [ 0.33333334  0.34509805  0.23921569]
   [ 0.29803923  0.30980393  0.20392157]]]]
landmark_batch_v:
 [[[  53.41379166   52.54264832]
  [  92.32486725   51.3811264 ]
  [  70.54627991   80.12886047]
  [  51.3811264   100.45553589]
  [  99.29401398  100.1651535 ]]

 [[  49.63883972   50.21960068]
  [  94.35752869   50.80036163]
  [  78.67694855   85.64609528]
  [  56.31760406   98.71324921]
  [  93.19600677   97.26134491]]]
attribute_batch_v:
 [[0 0 1 2]
 [0 1 1 2]]

参考:https://blog.csdn.net/dcrmg/article/details/79776876

  • 0
    点赞
  • 1
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值