Tensorflow 实现迁移学习的例子

时间:2024-04-03 11:40:20

本文通过代码展示Tensorflow实现迁移学习。
数据是使用程序产生的。该学习例子中,输入含两个分量,对应学生的单词量和阅读量,输出是英语分数。就是通过单词量、阅读量和英语分数的标注数据来学习一个模型,根据该模型从单词量和阅读量来预测英语分数。神经网络计算图如下,左分支是原始计算图,通过pb文件把该计算图算出来的网络参数和计算图保存,右边是迁移学习的计算图,它把左面学习出来的w1,b1读出来,以及使用mulAddFir计算出的向量作为新计算图中第一个节点MatMul_2的输入placeploder,然后根据右图的计算图进行训练。通过输出的w1/w2/b1/b2的新旧数值可以看到,左边图计算出来的w1/w2/b1/b2在右面图训练过程中并没有被修改,而右面图自己定义的w2new/b2new训练出来的结果和左边图的w2/b2并不一样,这符合我们对迁移学习的期待。Tensorflow 实现迁移学习的例子

迁移学习代码如下:
 

#NN_transferLearn.py
import tensorflow as tf
import numpy as np
from traindata import *
from dataDim import *
from tensorflow.python.framework import graph_util

pbName = 'NN_transferLearn.pb'

BATCH_SIZE = 8
TRAIN_STEPS = 10000

def calAccury(  ya ) : # ya is list containing predicted result   
    ya = np.array( ya )
    y_a = Y_T
    y_a = np.array( y_a ) 
    accury =np.array(ya - y_a)
    a = ( abs( accury ) < TRAIN_THRESHOLD )
    af = a.astype( np.float32 )
    right = af.sum()
    per = right/VALIDATE_SIZE 
    return per , a 


''' main for training using tensorflow '''
def  tensorflowMain() :    
    x = tf.placeholder(tf.float32, shape=(None, 2), name='input')
    y_= tf.placeholder(tf.float32, shape=(None, 1) , name = 'label' )

    w1= tf.Variable( [[1.0,1.0,1.0],[2.0,1.0,1.0]], name = 'w1')
    w2= tf.Variable([[2.0],[3.0],[5.0]] , name ='w2')
    b1 = tf.Variable( [0.0 , 0.0 , 0.0 ] , name ='b1' )
    b2 = tf.Variable( [0.0  ] , name ='b2' ) 
    a = tf.add ( tf.matmul(x, w1) ,  b1 , name = 'mulAddFir' ) 
    y = tf.add ( tf.matmul(a, w2) ,  b2 , name = 'mulAddSec' )

    #2定义损失函数及反向传播方法。
    loss_mse = tf.reduce_mean(tf.square(y-y_)) 
    train_step = tf.train.GradientDescentOptimizer(0.001).minimize(loss_mse)
    #3生成会话,训练STEPS轮
    with tf.Session() as sess:
        init_op = tf.global_variables_initializer()
        sess.run(init_op)
          
        # 训练模型。
        STEPS = TRAIN_STEPS
        for i in range(STEPS):
            start = (i*BATCH_SIZE) % SAMPLE_SIZE 
            end =  start + BATCH_SIZE
            sess.run(train_step, feed_dict={x: X[start:end], y_: Y_[start:end]})
            if  (i+1) % 10000 == 0  :
                total_loss = sess.run(loss_mse, feed_dict={x: X[start:end], y_: Y_[start:end]})
                #print ("w1 after trained " , i+1 , " time(s)  by tensorflow:\n", sess.run(w1))
                #print ("w2 after trained " , i +1, " time(s)  by tensorflow:\n", sess.run(w2))
                #print("After %d training step(s), loss_mse  is %g" % (i+1, total_loss))
        print( "训练结果(Tensorflow):" )
        r_w1 = sess.run(w1)
        r_w2 = sess.run(w2)
        r_b1 = sess.run( b1)
        r_b2 = sess.run( b2 )
        print("w1:", r_w1  )
        print("w2:", r_w2 )
        print ("b1:", r_b1 )
        print ("b2:", r_b2 )

        constant_graph = graph_util.convert_variables_to_constants( sess, sess.graph_def , ['mulAddFir', 'label' , 'mulAddSec' ] )
        with open( pbName, mode='wb') as f:
            f.write(constant_graph.SerializeToString())

        #validate
        rv = sess.run( y , feed_dict={x:XT } )
        per , accAr = calAccury( rv )
        print("Accury :" , per  )       
        
        return r_w1 , r_w2 , r_b1 , r_b2

def transferLearn() :
    print("start transferLearn:" )
    with tf.Graph().as_default():
        graph0 = tf.GraphDef()
        with open( pbName, mode='rb') as f:
            graph0.ParseFromString( f.read() )
            tf.import_graph_def( graph0 , name = ''  )
        with tf.Session() as sess :
            init = tf.global_variables_initializer()
            sess.run(init)
            x = sess.graph.get_tensor_by_name('input:0' )
            y_ = sess.graph.get_tensor_by_name('label:0' )
            y  = sess.graph.get_tensor_by_name('mulAddSec:0' )
            
            rv = sess.run( y , feed_dict={x:XT } )
            per , accAr = calAccury( rv )
            print("Accury re-using model:" , per  )       


def transferLearnRetrainLayer2() :
    print("start transferLearnRetrainLayer2:" )
    
    with tf.Graph().as_default():
        graph0 = tf.GraphDef()
        with open( pbName, mode='rb') as f:
            graph0.ParseFromString( f.read() )
            tf.import_graph_def( graph0 , name = ''  )
            yFirst = tf.placeholder( tf.float32 ) 
            w2new= tf.Variable([[2.0],[3.0],[5.0]] , name ='w2new')
            b2new = tf.Variable( [0.0  ] , name ='b2new' )
            ynew =  tf.matmul( yFirst , w2new ) + b2new 

        with tf.Session() as sess :
            init = tf.global_variables_initializer()
            sess.run(init)
            x = sess.graph.get_tensor_by_name('input:0' )
            y_ = sess.graph.get_tensor_by_name('label:0' )
            layer1Tensor  = sess.graph.get_tensor_by_name('mulAddFir:0' )
            loss_mse = tf.reduce_mean(tf.square(ynew-y_))
            tf.summary.scalar('loss_mse', loss_mse )            
            train_stepH = tf.train.GradientDescentOptimizer(0.001).minimize(loss_mse)
            summary_ops = tf.summary.merge_all()

            STEPS = TRAIN_STEPS
            summary_writer = tf.summary.FileWriter('./logs/', sess.graph)
            for i in range(STEPS*10):
                start = (i*BATCH_SIZE) % SAMPLE_SIZE 
                end =  start + BATCH_SIZE
                ar = sess.run( layer1Tensor , feed_dict={x:X[start:end] } ) 
                _,val = sess.run([train_stepH,summary_ops], feed_dict={ yFirst:ar, y_: Y_[start:end]})
                summary_writer.add_summary(val, global_step=i)
            print( "after transfer learning:" )            
            w1Org = sess.graph.get_tensor_by_name('w1:0' )
            b1Org  = sess.graph.get_tensor_by_name('b1:0' )
            w2Org = sess.graph.get_tensor_by_name('w2:0' )
            b2Org  = sess.graph.get_tensor_by_name('b2:0' )
            r_w1Org = sess.run(w1Org)
            r_w2Org = sess.run(w2Org)
            r_b1Org = sess.run( b1Org)
            r_b2Org = sess.run( b2Org )
            print("w1Org:", r_w1Org  )
            print("w2Org:", r_w2Org )
            print ("b1Org:", r_b1Org )
            print ("b2Org:", r_b2Org )

            r_w2new = sess.run(w2new)
            r_b2new = sess.run( b2new )
            print("w2new:", r_w2new )
            print ("b2new:", r_b2new )

            ar = sess.run( layer1Tensor , feed_dict={x:XT }  )
            rv = sess.run( ynew , feed_dict={yFirst:ar } )
            per , accAr = calAccury( rv )
            print("Accury after transfer learning:" , per  )       


def main() :                       
    w21, w22, b21 , b22 = tensorflowMain()
    transferLearn()
    transferLearnRetrainLayer2()
    
main()

 

#dataDim.py
SAMPLE_SIZE = 1024
VALIDATE_SIZE = 128

HEALTHYEVAL_TRAIN_THRESHOLD = 0.3
ENGLISHSCORE_TRAIN_THRESHOLD = 5 
#trandata.py
'''
X=[ Vocabulary , Reading]
Y_=[ English score ]
'''
TRAIN_THRESHOLD = 3
X=[[1.23330274,7.40049697],
[2.10652012,5.33739393],
[0.1165997 ,9.18747008],
[7.20571883,0.33421428],
[7.65559469,1.37209321],
[2.27062682,6.06083184],
[7.55380109,8.52735541],
[0.01807387,5.21226027],
[4.41630107,4.85377414],
[6.14507323,1.60716753],
[6.1164836 ,0.20809798],
[1.08168143,1.16273017],
[2.47918068,6.71452645],
[3.76983823,8.16168298],
[2.31669427,7.33125978],
[5.62097884,3.27569476],
[2.67718023,9.78058079],
[4.99665689,9.50313525],
[6.1398052 ,8.25009253],
[3.25312241,4.51308411],
[3.20505302,9.9513816 ],
[1.42051341,9.62596903],
[3.35400216,4.24052447],
[3.70519096,3.73723149],
[3.7240648 ,0.35168261],
[0.67418136,7.32520698],
[5.08959995,0.27907789],
[2.40136048,2.20852521],
[0.44015995,5.23246071],
[3.33095726,0.4821875 ],
[4.57923612,8.03516651],
[0.90881376,2.77117214],
[5.13342473,4.92737305],
[4.05244861,4.6144026 ],
[7.15794459,6.05777693],
[4.82684483,4.43871856],
[3.84037427,8.88447527],
[1.66800391,9.44581462],
[0.58776035,5.95152457],
[0.24920857,6.65257433],
[5.09908396,8.62465162],
[7.5331017 ,4.45627053],
[5.35966106,9.243307  ],
[4.95538773,3.22585733],
[2.55581049,2.91456685],
[7.65933939,4.05958343],
[7.57244658,8.57190559],
[5.51142133,0.03287969],
[7.200828  ,9.19864871],
[0.04727485,6.42926148],
[3.08173584,5.95741894],
[4.88645644,5.99619188],
[2.49827197,0.69873675],
[6.40587387,9.1143405 ],
[1.55739703,2.10607639],
[3.01952626,4.0284721 ],
[7.08142156,2.02154343],
[3.35211862,6.47959173],
[4.09314362,3.33832486],
[6.22778747,1.35435135],
[1.53368618,4.02589148],
[6.29475572,2.53808194],
[0.87588337,9.30676014],
[1.01109827,6.0500539 ],
[2.32097549,6.26529392],
[5.27580763,0.67726162],
[2.8435434 ,3.34724077],
[1.42005094,0.0800334 ],
[0.08350722,5.97458805],
[0.67710816,3.15668237],
[7.74894663,8.73582551],
[7.30227195,1.69898261],
[2.53446321,2.41780236],
[3.92763976,5.4394341 ],
[3.2436351 ,7.42410313],
[5.14986413,6.59343351],
[1.19378948,7.4658379 ],
[5.13158076,2.98231029],
[3.00662316,9.88627865],
[2.75675952,3.43445001],
[4.90922764,6.18392713],
[0.10682738,5.74432795],
[6.22143562,9.49882077],
[5.62385738,1.16205733],
[1.97281182,4.18938681],
[5.05625237,0.95470253],
[3.12247368,3.21967588],
[7.77060235,9.6918238 ],
[5.94734375,5.17689295],
[1.31583965,9.4938157 ],
[7.37460764,8.825707  ],
[0.4083088 ,7.74940215],
[0.84716122,9.05395867],
[4.70309188,9.88089758],
[3.42929085,6.29849979],
[6.21025067,2.59817488],
[5.11130455,8.26799975],
[4.17044207,4.24485139],
[4.2480243 ,9.45978123],
[7.9941893 ,6.70923589],
[6.3166091 ,9.81587555],
[1.1324673,0.2628702],
[5.97154209,6.16588074],
[0.79363759,5.21902675],
[4.05945585,2.85693026],
[1.98750791,1.8034918 ],
[4.67058454,1.53918607],
[5.6938207 ,8.58752405],
[5.49153097,2.65129609],
[3.17626165,5.13016025],
[2.75363377,5.45602327],
[5.48893388,2.99692895],
[1.72286259,7.8830879 ],
[6.20679157,0.41725951],
[5.16388296,1.28193103],
[4.38122002,2.91523447],
[6.60676093,0.97352372],
[7.18009529,3.41989146],
[1.05668244,4.57582948],
[0.67550246,7.40226593],
[2.90990255,3.33561162],
[0.85139731,1.8614562 ],
[4.15399044,1.12622279],
[3.87140472,9.31488377],
[3.19084156,1.80391985],
[6.44393632,6.60735462],
[4.90748092,1.23882155],
[2.81233237,4.73099802],
[3.0270824 ,2.21923666],
[1.81504232,1.42828145],
[5.83540097,1.23011609],
[2.55822379,3.91659621],
[0.30352976,1.55011287],
[1.36519205,7.70312206],
[1.91358833,7.47170087],
[2.77995348,6.61213368],
[5.236432  ,2.32975943],
[3.36779816,6.76543516],
[4.84276229,6.08680507],
[0.31586737,9.05435955],
[7.11245105,1.78681283],
[3.10322823,9.07634594],
[3.6170524 ,4.33293137],
[5.67689815,1.60902138],
[6.91001461,0.13862581],
[0.59274568,3.75915743],
[1.99490818,5.12623345],
[1.14784206,6.41655501],
[4.31284403,8.29914176],
[2.15299926,1.71055722],
[4.21146212,2.41855409],
[3.6497129 ,1.16482011],
[4.79845302,8.36634893],
[7.29865529,9.50627072],
[4.65223495,5.14690306],
[6.2137297 ,6.72097326],
[1.31030033,4.27558355],
[1.23514129,5.66701597],
[4.07282472,4.53778516],
[7.92809018,9.00146552],
[1.21140623,6.07674752],
[3.82563451,8.28624446],
[7.43540361,8.28765108],
[0.2141363 ,8.90270818],
[1.31438784,3.33972275],
[3.01840928,8.18280934],
[1.5844247 ,1.76026047],
[7.93948842,0.44698744],
[2.48679109,4.11583571],
[1.80210603,2.70602881],
[0.85774181,8.11020666],
[1.9678407 ,6.33851716],
[2.88350312,0.04862688],
[1.97776718,8.29907195],
[3.28928258,0.89914584],
[7.7979    ,6.52362264],
[5.24924469,9.27516271],
[7.46418095,8.78256589],
[3.2122025 ,2.78949661],
[3.84739997,7.56820831],
[4.07106064,3.75273189],
[4.78201331,6.42163185],
[7.82823877,6.21538195],
[3.14720345,9.34838372],
[5.85456597,4.30569632],
[3.67613701,9.98790409],
[7.70878547,0.06519603],
[6.76764136,3.62481134],
[3.17829292,2.94459646],
[4.91836933,1.76635579],
[1.6670548 ,2.16288225],
[4.49141459,1.03087327],
[2.49060782,8.0688157 ],
[3.88828052,9.55734313],
[5.71645607,1.15245334],
[3.58289436,5.2676948 ],
[7.1706949 ,9.20253152],
[0.42626918,9.09700668],
[5.51258768,5.74440804],
[7.34661288,4.05030625],
[5.3796048 ,8.25485597],
[6.52806692,5.60362554],
[4.4775171 ,8.58012639],
[1.64427694,7.15740917],
[6.52697234,1.19276523],
[6.7893773 ,1.25222268],
[0.42971482,4.70630658],
[7.51000517,9.47538312],
[4.69418401,8.13135592],
[2.01003657,6.41131566],
[1.32624286,2.53322696],
[7.45084401,8.97331603],
[5.94325061,4.73503363],
[7.04440241,1.70698804],
[4.06294181,5.99180647],
[0.29795171,8.15538265],
[2.25272216,9.25301093],
[7.46432993,7.87817505],
[6.61528249,3.03062952],
[1.26840188,3.6644971 ],
[3.14604394,9.35833524],
[6.63904239,8.40489988],
[5.54716111,7.97917673],
[3.71655513,8.99912208],
[7.76280259,4.11189835],
[7.24471862,7.12582206],
[5.13597616,5.25811094],
[7.55371355,3.62532549],
[1.11912428,0.60284305],
[6.46487695,5.37835194],
[1.91442103,3.42183085],
[5.26124538,7.48611781],
[0.68287671,6.22230851],
[4.83287356,7.95191081],
[1.79441001,1.61550953],
[6.00453862,3.87875727],
[0.97231186,4.37698617],
[6.38584372,3.45825838],
[1.59094381,7.65620003],
[0.52533882,0.95585837],
[0.21999324,8.01688117],
[2.82740947,2.0628799 ],
[0.02043357,2.67863284],
[1.13897429,8.74587464],
[0.89428602,7.65228728],
[4.13521388,0.39329984],
[1.5932598 ,3.42959737],
[2.9177437 ,2.97071155],
[5.13655112,0.92049791],
[0.66280618,5.3911986 ],
[2.47713695,6.71638541],
[2.25483831,6.79321526],
[7.0395755 ,3.46588451],
[2.05724037,7.45573767],
[1.09616766,5.23151913],
[7.4003326 ,2.91996821],
[6.00683568,4.06455446],
[6.70853565,7.45950911],
[0.21436231,8.94119526],
[1.34847055,8.80234116],
[3.16522116,0.52404247],
[7.06071845,6.32653419],
[2.318346  ,8.67481624],
[2.07264537,3.29302072],
[4.43255327,6.01873642],
[3.76397689,7.91504387],
[4.3294227 ,6.62336601],
[0.62926213,9.04517621],
[0.64704813,6.89740799],
[4.94185313,2.56620174],
[7.99793544,8.59287145],
[3.80609481,9.98712311],
[3.22733797,4.34930259],
[5.50757374,2.6414166 ],
[3.52900616,6.71821936],
[1.9427585,4.4604563],
[0.76984831,9.49418614],
[4.90959866,1.40218585],
[4.44944565,0.74226793],
[3.59187492,8.35152686],
[5.17331006,3.97741602],
[5.1556933 ,9.27489304],
[1.81432438,8.97035112],
[2.04003887,6.21836033],
[1.18306764,4.93776636],
[7.58216931,4.50724914],
[5.82749312,4.77664256],
[0.45400313,4.80406252],
[2.11281995,9.71677471],
[6.30189604,8.84246628],
[4.63032829,9.79024284],
[7.1761203 ,4.61983038],
[4.76051067,2.96503361],
[3.35587122,0.47162663],
[5.80731922,3.43216109],
[3.51230268,3.97815266],
[6.89958678,2.77614308],
[4.89113744,2.19132116],
[2.45131704,7.34408213],
[4.19084902,4.18995504],
[2.10803037,0.64761681],
[0.2569562 ,8.24251667],
[5.49599289,7.6506842 ],
[4.94382031,0.56807857],
[5.41485763,1.5076377 ],
[7.72026923,9.52338443],
[7.70710528,4.34434332],
[5.15614168,0.78551711],
[7.0979017 ,7.26598886],
[2.5741763 ,5.07288206],
[1.57463689,6.29609451],
[7.91224013,2.73241117],
[0.4462287 ,0.94530265],
[3.94236727,8.85133782],
[0.40092917,4.98189807],
[3.35416693,6.8209756 ],
[4.96022733,6.01588899],
[4.08091048,5.23140885],
[0.76715987,4.65734814],
[2.14529757,3.866031  ],
[4.61298384,7.8439207 ],
[5.54393068,2.4323112 ],
[6.93949031,5.49256678],
[1.28049984,6.36370456],
[7.0397608 ,5.86954388],
[6.74891579,8.53586015],
[6.88722293,0.84904126],
[2.85792347,2.09148298],
[7.86696295,6.71882743],
[7.27928712,5.56058945],
[2.12381358,1.0946047 ],
[3.62935232,6.12073357],
[5.54958769,9.78602432],
[0.84208591,4.21949374],
[7.31386517,5.21658701],
[5.44760161,8.48666965],
[4.06560398,8.25916379],
[1.72538173,7.05580972],
[2.66013199,8.02823566],
[2.78701843,6.98208987],
[6.60795359,8.41855273],
[1.98474087,9.95451346],
[0.03421155,4.06932504],
[2.63986192,9.54293186],
[4.52412572,7.43960704],
[2.9005527 ,1.85895409],
[0.21292054,1.29752621],
[2.7454382,7.2752602],
[3.7015299 ,7.01079818],
[4.64326809,3.40951774],
[3.89784817,4.96942062],
[1.36207089,5.08152509],
[7.39075603,6.15855102],
[6.64347411,9.51528152],
[0.03758581,6.60926377],
[3.07435808,9.03913191],
[4.86873531,3.65149312],
[0.94369144,0.49941843],
[5.7389498 ,9.48896389],
[3.20038588,2.82149725],
[0.60383759,7.47895035],
[0.95519475,5.54508611],
[4.32480246,2.73254648],
[6.93871797,4.41369879],
[3.67739324,8.14890952],
[6.44765685,4.10317651],
[2.12800332,7.36704015],
[4.23429661,7.03642285],
[7.71377619,7.59341301],
[1.4591318 ,4.61418163],
[6.99609586,2.57335066],
[6.25070647,5.73440641],
[2.25786016,7.19877782],
[0.70205847,2.56075706],
[1.83937661,2.29937701],
[2.19058996,2.776857  ],
[7.71085395,3.58673646],
[2.66968396,7.34145595],
[3.6969999 ,4.93353891],
[6.63884088,1.35507017],
[4.15154977,0.38983993],
[2.02874589,2.39610228],
[2.94603385,3.30205539],
[2.51978913,9.97712296],
[4.61229884,3.74451002],
[4.19020882,9.23963326],
[6.27051654,4.70590289],
[1.1891038 ,0.73046103],
[0.01852188,9.05412279],
[1.34017388,7.43486772],
[7.82845707,5.83217552],
[6.83074859,8.21615101],
[7.53318141,7.37847151],
[3.27935296,3.0798243 ],
[4.22006271,3.23740947],
[7.55839521,0.87135304],
[1.5738024 ,4.03248181],
[4.39675987,5.8457236 ],
[6.72855612,2.99849518],
[6.43897799,3.07328161],
[2.3642249 ,8.42846905],
[1.11554634,9.35321244],
[5.49375299,5.6217298 ],
[2.37595505,6.86879791],
[6.75272992,6.92489293],
[6.62045205,5.83846457],
[2.98661048,4.66672793],
[3.17685225,6.67506985],
[7.78282334,8.45702522],
[1.61809718,4.99133233],
[7.27684705,9.99312008],
[7.63618022,0.84636835],
[2.19220434,7.25424828],
[0.05739062,7.15010157],
[0.2496095 ,1.67261752],
[5.696285  ,9.42569531],
[0.26745275,0.55763776],
[4.59003472,5.57636359],
[7.1095976 ,8.73284166],
[5.84611551,6.78943027],
[6.51727515,8.47530147],
[6.03779418,2.04823285],
[4.54963587,3.60164328],
[4.97816316,9.80178098],
[6.39348788,9.2758313 ],
[2.99345234,5.85057089],
[1.05440547,0.00444618],
[5.6599406 ,1.92974832],
[7.22914579,3.19596741],
[1.17760023,9.4272186 ],
[1.52738211,8.96373524],
[1.15617878,4.38372896],
[6.89502693,8.53978939],
[5.68369432,9.15561788],
[6.36114994,8.05818151],
[3.54717121,6.25900326],
[7.45802292,1.63435041],
[5.99259362,4.05400649],
[4.57461937,0.85759098],
[4.95972815,8.20492878],
[3.80053204,9.66171657],
[4.61301392,3.20655209],
[5.43529784,8.43616759],
[6.04264232,1.01184689],
[2.62991276,8.84226353],
[7.05627623,0.625394  ],
[1.38976657,3.54394172],
[1.57828624,6.21341895],
[6.68626617,0.3236667 ],
[6.90073176,0.64216021],
[6.23950722,4.06768262],
[3.56187618,3.55728932],
[3.18123675,8.80914327],
[2.62623591,6.76534798],
[5.82950218,3.20472605],
[4.16349273,1.09893668],
[6.38864774,4.45221497],
[4.27433569,1.32772428],
[5.75319664,6.49302608],
[7.22263252,5.88671875],
[7.86888084,9.69322936],
[5.27870629,4.52925973],
[6.55498935,7.02158018],
[4.30759253,6.8733836 ],
[7.2463513 ,5.72601695],
[3.00057498,6.42547726],
[4.77002815,2.91569233],
[7.20823967,2.06653666],
[3.93777576,6.59901305],
[6.56009365,4.98610813],
[5.00680163,0.90577092],
[0.31182805,2.27733084],
[7.42171994,2.59161697],
[1.27252885,5.87973882],
[1.16190534,2.40206292],
[5.40255046,0.14234745],
[4.75524062,2.081637  ],
[1.77522295,3.45864134],
[1.24731529,9.39718784],
[3.41815729,2.69495856],
[4.76603249,1.77698004],
[2.5360474 ,8.29471338],
[2.29141687,1.52142366],
[1.66150442,7.54359653],
[1.40509954,7.60454449],
[4.25981295,4.51192617],
[0.46618397,8.76048207],
[3.07274925,8.98233701],
[7.09213085,8.07965903],
[6.99201555,9.70597523],
[3.62116344,7.37496094],
[1.51176181,8.68648147],
[0.9954224 ,8.58579801],
[0.19247265,8.55892588],
[6.20019376,1.67131161],
[1.53386486,8.15943466],
[3.90704299,5.10045654],
[3.0210878 ,6.64958763],
[0.08329429,8.68268224],
[6.1012837 ,2.13993871],
[5.53531936,6.32878301],
[4.64851974,4.48892587],
[5.2699138,1.5161608],
[4.27158428,7.97515719],
[7.15420943,5.14630376],
[0.96354727,5.47855986],
[5.28963525,6.59714174],
[5.902324,8.186539],
[7.81652824,9.07294491],
[0.75533856,2.00218317],
[7.36420691,0.1887759 ],
[5.19892788,6.66013896],
[4.8605745 ,7.52927942],
[4.69416097,3.33749428],
[5.9125918,6.8996876],
[0.46185063,2.5630337 ],
[0.40403058,2.40915816],
[3.23676643,6.3641442 ],
[4.15608383,4.54299921],
[0.50044311,1.20948195],
[4.75019013,8.94221903],
[5.02419624,4.29614597],
[5.05088111,4.88920276],
[7.64866969,2.63009096],
[6.28186749,6.13039737],
[4.20944983,4.10586988],
[0.26893746,2.63024849],
[1.76153651,3.5849884 ],
[4.43477938,4.95818809],
[2.25348471,4.35660246],
[2.78127592,7.39463351],
[5.80965858,5.00427249],
[5.35149319,7.47931992],
[0.05805967,0.74472903],
[4.07173613,8.40428426],
[3.87960553,1.47022899],
[6.60786967,0.78264143],
[4.66850134,0.26637293],
[7.68880972,4.80332624],
[2.71945231,8.17018516],
[2.45071489,9.98263303],
[7.2008127 ,2.41525893],
[3.40757384,8.1636508 ],
[4.54313869,3.71480594],
[3.30627068,1.91369246],
[6.82113233,2.60957249],
[4.67811303,3.927328  ],
[6.48420757,4.15720499],
[4.39045513,4.9651491 ],
[1.54250614,8.77083966],
[3.14640531,4.73313494],
[3.35388268,6.09321713],
[6.88802096,6.23525256],
[4.26722525,9.1203788 ],
[6.45366953,2.44559613],
[1.76245384,5.02700827],
[1.64379844,0.43622581],
[5.79314616,2.25110519],
[3.3486957 ,5.34569717],
[2.44490954,9.35690169],
[4.48643018,8.77144899],
[6.98717051,4.42354868],
[5.31160661,6.56505038],
[7.5518536 ,5.82294955],
[1.93507592,9.4849244 ],
[7.09360671,0.73026556],
[4.00787497,6.97247222],
[6.25683388,1.9572143 ],
[5.99234813,3.12136185],
[3.10212151,0.78475364],
[2.85022085,7.39027545],
[7.46870482,3.52703213],
[1.73380548,6.10107735],
[0.02922139,9.06867763],
[3.91973127,8.70135719],
[7.08811813,6.26551339],
[5.14943063,8.52120852],
[5.00905199,8.46678748],
[7.9372769 ,3.53760601],
[2.59883261,3.29915077],
[1.9559006 ,2.76424099],
[2.91667506,4.82849413],
[7.3831604,5.7104718],
[4.2033341 ,9.25733571],
[4.77149749,4.5150242 ],
[2.2222945 ,1.50199829],
[1.74278235,5.13568543],
[4.09640311,1.83024543],
[3.09728743,8.32426385],
[6.68265859,7.76661266],
[0.9527681 ,6.30084975],
[7.01520222,9.04622091],
[3.51611329,8.62631088],
[2.28000342,3.03052111],
[4.41518998,8.75699602],
[6.29716312,3.23669019],
[4.2306518 ,9.22502562],
[3.80696649,1.50226277],
[1.08826948,6.31399642],
[3.98103646,5.91228526],
[2.62761208,3.87016129],
[3.78781093,8.60402912],
[0.45762911,5.0857779 ],
[5.56117257,8.73904597],
[2.92655189,1.68106687],
[6.05198544,9.3787176 ],
[4.83001513,2.08855857],
[7.9497164 ,7.79323504],
[7.18698308,4.95664936],
[6.50368305,7.19871978],
[3.42016301,3.1887932 ],
[2.68244411,3.70077227],
[5.97373326,3.01395368],
[5.66592259,6.13975895],
[6.36974262,8.08907904],
[1.37028573,1.56526979],
[1.00846265,3.40713029],
[4.23198472,1.82256523],
[0.44096811,8.08266529],
[2.82206389,6.90482848],
[5.33176244,2.99615111],
[2.08789954,4.78985298],
[0.09873213,3.05975595],
[3.09900965,4.89964223],
[0.73327054,7.3189007 ],
[7.15511261,9.91783547],
[4.31203278,1.77202377],
[6.14926539,4.03035168],
[5.88209695,1.54649479],
[5.12705364,1.5073002 ],
[6.21915621,7.358647  ],
[2.34030038,6.6954085 ],
[6.84646305,0.65277752],
[4.52268215,5.71187741],
[7.89702335,4.48093063],
[1.07274136,8.98437117],
[2.66678257,6.00530754],
[7.48469371,3.2544993 ],
[6.39816218,8.12863504],
[7.35166959,1.49825603],
[5.46063514,2.8536835 ],
[5.33219603,8.37714637],
[2.87199034,0.07086751],
[1.61172832,3.2928464 ],
[7.48243318,3.01380872],
[2.92563781,1.86696938],
[6.257078  ,8.53397818],
[2.98542931,4.43573236],
[2.38487437,4.63492239],
[2.19115109,0.42991485],
[4.69162275,2.8255379 ],
[1.40143189,5.59077361],
[2.66887765,0.44008574],
[6.77793022,6.18231335],
[3.06359442,5.1770017 ],
[1.03422027,7.91565362],
[2.21593906,0.60512817],
[0.85598711,2.58592893],
[0.10331484,7.98054052],
[0.70600072,1.51005922],
[5.76711632,7.08032413],
[5.06844881,7.08747896],
[5.47824819,8.64125369],
[5.31529031,3.04418063],
[2.52162929,0.50675898],
[3.30595647,2.54823812],
[3.9575114 ,5.44252133],
[0.19888636,3.10655606],
[5.97913507,6.70987772],
[1.51065288,8.08365057],
[7.64453515,3.83364435],
[1.55666594,4.11864418],
[0.80146894,9.94609465],
[5.35970234,3.90165033],
[6.12531015,7.71164448],
[4.94747283,8.65884951],
[4.77964363,4.60470857],
[6.81078154,1.81337029],
[6.46741545,5.52338554],
[6.3044501 ,0.60707091],
[1.61937387,4.74137865],
[2.98287774,3.00456532],
[5.65914315,6.39729489],
[0.33690903,3.45212754],
[4.86374739,9.114829  ],
[1.55408999,3.09017308],
[6.81684063,5.65929576],
[5.37163311,7.38697795],
[6.3639444 ,3.94812565],
[4.19007513,3.18754985],
[0.20733115,6.8687728 ],
[1.93904792,7.47019864],
[5.05167416,3.93301169],
[1.61880496,1.09249521],
[1.51721   ,0.41374185],
[4.78221741,7.29509361],
[7.29308465,9.60013795],
[4.75070687,1.40684719],
[6.8225564 ,5.12918963],
[3.12499298,6.07380865],
[5.67235589,4.23819346],
[7.5701127 ,0.57869909],
[6.35169333,8.99326773],
[6.46637346,2.13323775],
[1.20687484,9.71589429],
[5.13182939,0.57578122],
[0.37471845,5.86851594],
[2.85797411,3.7435045 ],
[1.82839719,1.88255063],
[4.56249196,9.6794784 ],
[0.88060857,5.6405775 ],
[2.33712038,9.584622  ],
[7.71527948,9.84796814],
[1.27560061,2.51202606],
[2.61636923,3.46577778],
[4.08717049,7.05968633],
[4.40144248,8.87578001],
[5.63845872,3.54641719],
[3.32640365,9.63694765],
[7.7159275 ,8.01705982],
[3.99383402,1.4568221 ],
[6.08019656,6.80434431],
[0.88150368,7.93415543],
[6.60023554,1.74210916],
[7.80160097,7.7530264 ],
[3.91165905,0.97824764],
[4.39702104,4.2288428 ],
[2.96474861,8.88745236],
[6.16085331,1.82504165],
[0.72356095,3.43924929],
[6.40413683,0.59644435],
[1.665438  ,1.72208424],
[5.30235443,2.63429865],
[3.97278832,3.10517661],
[2.37047782,4.68781521],
[1.09572827,9.21786871],
[2.78157508,5.29818294],
[1.98123865,2.90355989],
[1.28329926,2.24556506],
[3.28461221,8.97445535],
[2.14635435,0.69702541],
[0.65079837,5.76612996],
[4.49850777,9.59168598],
[2.50395612,9.50855647],
[1.15109445,9.49858497],
[1.56829138,1.06749238],
[7.23290902,8.02559365],
[4.47618055,0.73632942],
[2.16937445,8.09437599],
[1.19590337,9.370676  ],
[1.8195615 ,0.19302366],
[0.018622  ,8.70137491],
[7.6021221 ,4.16689651],
[0.9618089 ,2.30573387],
[7.41037192,7.55294875],
[4.10090799,7.97538506],
[0.92411499,0.4537763 ],
[3.52451045,9.11743131],
[5.69465398,6.71935734],
[2.75141068,6.39825116],
[1.21913411,4.76314772],
[0.00895098,5.15693809],
[2.53848525,3.39004894],
[3.19014159,0.96864281],
[6.71077503,5.66161266],
[6.69389928,0.28091319],
[3.28225051,6.46354857],
[6.82563081,0.72373989],
[0.29322386,6.40497861],
[1.86540276,4.51079306],
[5.74902523,9.2559428 ],
[7.1895479,0.7302765],
[3.93308032,0.82253699],
[3.65869049,4.84128686],
[2.6327538 ,1.87040357],
[3.75646781,1.75166304],
[3.91011249,7.34027369],
[7.76536832,2.34556945],
[1.79886857,4.28173602],
[1.31526493,1.52442674],
[2.33726722,7.87212194],
[2.21128287,2.49047975],
[7.9768806 ,8.68262153],
[5.13179687,6.75945233],
[4.38877411,4.90097415],
[2.39974187,2.73067092],
[7.88823309,8.94540328],
[7.82645017,1.78132383],
[6.0573263 ,0.08177971],
[1.84173583,8.27462355],
[2.56197872,3.58092509],
[0.97295598,2.07071844],
[6.66577077,9.33481113],
[7.79475165,8.95309858],
[1.58004504,4.26969961],
[2.08854398,6.92887688],
[5.90967999,5.75509648],
[3.14840796,2.70874243],
[6.54107901,1.28073836],
[0.86809111,1.30497679],
[1.65326831,4.26448658],
[0.60772379,7.00749087],
[2.22281458,7.65331653],
[2.77417956,3.22776977],
[4.4668291 ,0.76474427],
[1.97969656,6.00070419],
[1.90264718,5.23268555],
[4.00580282,5.58659376],
[0.62527437,3.9268108 ],
[5.91373241,6.33096738],
[3.99477312,0.24220761],
[7.79297616,4.46187343],
[5.02318538,1.17421429],
[5.94582968,4.56856579],
[7.85984466,6.80766039],
[3.71959624,1.61601616],
[6.82528307,6.23691856],
[2.27900925,8.96613728],
[7.95399448,1.52514964],
[7.22279076,5.68731682],
[1.77589371,0.62730817],
[5.82042998,0.12333459],
[7.32939037,1.08171659],
[4.89233957,3.09265217],
[6.33141154,3.07183392],
[0.64319633,1.51196074],
[7.8793662,9.7438468],
[3.5351646 ,6.82137746],
[5.46631073,0.56382587],
[6.60316188,4.33900679],
[2.54743448,6.91481783],
[7.07234478,9.30003731],
[3.70833211,1.5785253 ],
[6.32178072,2.39042242],
[3.54929065,8.19913746],
[2.72004871,2.25964917],
[0.08342723,2.97092179],
[4.87935389,9.77568711],
[0.56637268,3.16564996],
[3.62786785,9.22627845],
[6.40453838,5.95687564],
[4.3245991,2.17289  ],
[1.08801967,2.44813056],
[7.98575789,2.55023964],
[0.84714589,6.1599517 ],
[4.46334852,4.81532594],
[2.002559  ,0.22674194],
[4.66777316,6.53560454],
[2.57633364,2.01083004],
[2.947352  ,1.42140756],
[7.64839313,5.81411162],
[5.04799539,2.97246047],
[7.18648802,5.49812294],
[7.45205732,3.77816741],
[4.63127851,2.63489104],
[2.04215683,2.35585324],
[0.24170376,3.87920807],
[5.43356678,0.28221253],
[4.17025066,4.54617179],
[2.75849361,0.93093242],
[0.83774181,3.28523903],
[7.06033442,8.83586371],
[4.09573798,0.13128027],
[1.74917192,4.06687309],
[1.44244227,9.36742983],
[6.06437007,3.17485235],
[0.17369349,5.17633371],
[2.74850665,7.61416565],
[4.43939148,7.2932369 ],
[1.02116573,4.01346334],
[2.05254545,2.66658098],
[5.05965673,5.79036259],
[0.02009749,3.45767502],
[2.60496964,8.63334159],
[7.59033986,1.8508071 ],
[0.74255223,7.99139276],
[1.53452439,8.94060158],
[2.60930224,5.1849906 ],
[3.00741268,1.82799861],
[6.21962863,0.79326524],
[4.25403779,7.15342166],
[5.50403472,8.05671012],
[3.93212648,0.94297117],
[0.38041593,9.21818512],
[2.28761284,3.85172328],
[6.73622131,8.58572177],
[0.35080764,1.22018632],
[6.94083064,7.61382388],
[7.91118111,1.72511394],
[2.24365992,3.22145855],
[1.58441592,1.40818103],
[4.15082006,8.69241031],
[5.95999253,9.43555454],
[5.33645902,1.29940501],
[0.84384929,5.90362906],
[3.01323991,5.76047342],
[7.32618367,3.94970723],
[0.04859911,9.81577531],
[1.81531639,0.41561173],
[5.0814984 ,0.33023304],
[3.90875519,3.37434891],
[1.11490682,5.90095694],
[7.99606803,9.63019662],
[0.18447797,5.29873248],
[0.11580395,9.8292754 ],
[7.11749064,2.06627707],
[7.27458673,2.68343049],
[2.88081229,9.80743808],
[1.51226587,0.27529069],
[6.23762366,4.14114672],
[1.54778498,5.71469545],
[5.68607363,1.86687326],
[3.11187407,7.60879226],
[0.62234842,5.32963502],
[4.40009442,7.71222097],
[6.54868967,4.19746433],
[7.13504673,1.35162135],
[4.08956674,4.10994934],
[4.30362747,1.99565163],
[1.78079112,3.49366128],
[0.61382557,3.15158262],
[3.83066435,6.36565992],
[4.50526211,6.36466315],
[2.09315435,4.57947833],
[5.51470202,8.96489507],
[6.48913911,9.18510749],
[4.5145918 ,4.52172218],
[2.66113937,9.58564824],
[5.33714067,7.14985797],
[0.0271508 ,7.02895688],
[5.08113502,9.50002413],
[4.29097567,9.99479631],
[2.61084301,5.37494721],
[2.08007224,1.25124764],
[4.10258025,5.66500758],
[1.09635718,9.35584313],
[7.5257062 ,2.87411652],
[7.04828245,1.57158027],
[6.70500456,2.39974774],
[7.76100321,1.88601459],
[6.7826558 ,1.96276093],
[7.26407348,9.96128595],
[1.2350056 ,9.73142847],
[2.56228651,9.44084146],
[0.66040699,8.899852  ],
[1.03550319,3.31842632],
[3.49513225,2.12907269],
[1.75178705,1.43457395],
[7.1460693 ,2.04952853],
[0.07921456,4.32023406],
[0.0847552 ,3.93294706],
[5.22056142,6.19441219],
[4.7049186 ,9.93934695],
[4.85886896,0.84690624],
[0.99127377,5.86605357],
[1.58740027,8.26711726],
[3.02661999,6.8468355 ],
[0.09369166,1.37252099],
[7.47897747,0.61008549],
[1.28337454,6.1287685 ],
[4.97828156,2.21784863],
[6.92857572,4.96652703],
[2.60369389,5.73684685],
[2.66817771,6.5467276 ],
[1.23351843,3.45674737],
[5.4293131 ,9.53801267],
[7.98559604,0.41532646],
[0.96094662,8.7123987 ],
[0.54180073,8.37779153],
[6.32885392,0.43007248],
[5.19189434,4.9392041 ],
[7.68517973,9.69676904],
[1.902645  ,1.77160468],
[0.10309867,6.1947735 ],
[0.62337937,0.51507758],
[5.16698818,3.99408873],
[3.68610742,1.20489923],
[2.0355995 ,1.08708966],
[1.6247077 ,5.25612313],
[6.52780854,2.18527877],
[4.80998757,2.60940864],
[0.92492927,1.74695364],
[2.25138148,9.85593213],
[6.16200739,2.59339881],
[0.80105708,3.90586639],
[5.09430793,4.14796451],
[1.88021356,7.46798389],
[0.71290638,9.34412509],
[0.64486171,9.40944446],
[3.83628439,5.67751963],
[5.47539931,3.24107348],
[6.61627607,3.9322736 ],
[6.38215319,2.87573676],
[7.05211115,8.01261036],
[1.72583538,7.26352536],
[3.35186223,0.59982438],
[3.72670186,0.16144623],
[1.58787088,8.12572534],
[6.23403385,2.7724679 ],
[4.10265314,5.51672419],
[2.39865748,8.53818045],
[6.02109718,2.2365688 ],
[3.97081931,7.33529462],
[2.64218855,8.86347004],
[7.56116351,0.98414134],
[2.62091297,2.05929354],
[4.34720894,1.81802487],
[5.81410291,4.27088155],
[3.68221701,8.03701924],
[1.80328872,8.86929279],
[4.56064408,5.39684598],
[0.80601356,6.13004442],
[3.23208969,1.1462542 ],
[2.13403516,9.34465911],
[4.58436335,0.18161242],
[0.85421222,7.90121392],
[3.20548732,1.8133946 ],
[7.20795904,8.97231312],
[3.60855036,2.21571436],
[0.97205227,9.07587685],
[6.73951449,2.18931366],
[7.97718076,7.8745203 ],
[1.12215825,4.85387365],
[5.61037407,3.53058349]
]
Y_=[[43.16831799],
[44.52129707],
[38.03247702],
[80.59976427],
[89.69991445],
[49.22022243],
[100.],
[21.04785364],
[67.99440827],
[74.02447568],
[68.11371155],
[16.54941639],
[54.12909324],
[74.11495241],
[54.80867606],
[74.93354631],
[68.57130572],
[92.97576682],
[100.],
[53.83668302],
[75.06110962],
[54.1295236],
[53.85612164],
[55.70602649],
[42.37144327],
[36.71682286],
[57.10191101],
[35.2490661],
[25.77160225],
[38.56927983],
[82.51226339],
[21.0816399],
[76.17716429],
[63.03454506],
[100.],
[70.85016733],
[77.78201802],
[56.13130147],
[30.27146213],
[29.35159154],
[90.58853006],
[100.],
[95.92949964],
[67.41269438],
[39.77218276],
[100.],
[100.],
[60.75715336],
[100.],
[26.23706925],
[57.72877003],
[77.73578842],
[30.27593871],
[100.],
[25.55567291],
[49.32867725],
[85.98181084],
[62.79167175],
[58.37787927],
[73.92306756],
[32.97411387],
[79.3946407],
[46.86175765],
[35.32229659],
[50.5919061],
[60.7429304],
[44.66794048],
[15.94069391],
[24.81693157],
[20.07491927],
[100.],
[87.12092192],
[37.55030469],
[64.96177373],
[65.37639859],
[83.02223942],
[42.9950359],
[68.37662958],
[72.6179694],
[44.06215477],
[78.73721249],
[24.15241295],
[100.],
[66.51066057],
[38.4584773],
[59.43758625],
[47.22591393],
[100.],
[86.12835301],
[52.44949895],
[100.],
[35.48900542],
[45.53460808],
[91.25760096],
[62.91619853],
[78.70545693],
[89.2963491],
[62.85426829],
[84.56739223],
[100.],
[100.],
[13.50862106],
[90.35048595],
[29.60612055],
[56.08173541],
[29.07655426],
[57.53317419],
[96.98212394],
[71.01202498],
[55.45951921],
[52.11406451],
[72.36598846],
[50.48384006],
[69.94374527],
[61.93043662],
[59.85435813],
[76.5684651],
[92.66061404],
[29.92682478],
[37.03959084],
[45.35137454],
[16.8111952],
[50.19878598],
[79.84498695],
[42.31493649],
[97.31271802],
[58.93757628],
[49.85964818],
[42.1748531],
[25.67859128],
[69.10987504],
[43.80684654],
[9.53927879],
[45.82960077],
[50.9362751],
[57.02802298],
[66.9197897],
[64.10752038],
[77.61760545],
[39.69197931],
[85.38421283],
[70.44089425],
[57.11930189],
[68.88196522],
[76.56466393],
[21.55683215],
[42.44892381],
[38.29248266],
[80.63785137],
[30.52522077],
[56.00029962],
[44.80612233],
[86.24837898],
[100.],
[71.76219673],
[95.23491969],
[31.51563779],
[36.25461803],
[62.95221254],
[100.],
[37.63245865],
[75.22695744],
[100.],
[37.96633198],
[27.81715722],
[65.9337394],
[24.46971353],
[89.12232244],
[43.8180448],
[30.64728156],
[41.87598658],
[47.00031635],
[31.91304184],
[54.95172683],
[39.77869172],
[100.],
[94.84234243],
[100.],
[46.49221393],
[72.59423296],
[59.7925946],
[78.28867385],
[100.],
[72.01277285],
[81.62301095],
[80.38912351],
[85.05742432],
[88.94330037],
[46.73960796],
[61.16748584],
[26.98913183],
[53.52905363],
[59.67194878],
[81.00045829],
[67.49083013],
[60.48261717],
[100.],
[41.07698772],
[83.61609661],
[97.01396666],
[92.19507668],
[94.22323832],
[83.57319364],
[46.71668302],
[76.56775669],
[79.69204097],
[23.55208935],
[100.],
[84.16144778],
[47.75566492],
[24.72157932],
[100.],
[84.31589124],
[84.31637871],
[68.65958578],
[35.89899946],
[61.79198745],
[100.],
[84.89062549],
[28.6104091],
[72.03982433],
[100.],
[92.93547908],
[76.87859479],
[100.],
[100.],
[77.52818156],
[97.592151],
[14.72173929],
[92.62705425],
[34.74595476],
[87.81817041],
[32.40087782],
[84.96925238],
[26.20054824],
[81.56495389],
[28.20337508],
[84.07731437],
[48.12518205],
[9.60216051],
[34.4874503],
[39.35302378],
[10.93930064],
[47.51221571],
[40.44629535],
[47.060552],
[31.24424731],
[43.97802691],
[60.18405399],
[28.85566242],
[54.11404807],
[51.97608241],
[91.29886852],
[52.45259479],
[32.98392081],
[93.08353149],
[82.33341035],
[100.],
[38.12276648],
[50.04254064],
[36.91360267],
[100.],
[60.20107097],
[35.97118195],
[72.83303166],
[73.06392126],
[74.11711376],
[43.10258834],
[34.70716142],
[64.62519144],
[100.],
[81.81553537],
[52.89792804],
[71.14897754],
[65.69194519],
[39.21216865],
[46.445076],
[59.61432863],
[51.91297383],
[72.91673157],
[72.81607478],
[93.8121985],
[55.83897263],
[47.31386884],
[32.76480953],
[100.],
[83.20899457],
[24.21028446],
[62.10811831],
[100.],
[90.09458258],
[97.4166448],
[64.22575177],
[38.80108992],
[77.6091558],
[54.54794016],
[87.00002685],
[62.56779653],
[56.34081592],
[62.85915939],
[25.77880137],
[35.79658494],
[91.05865859],
[56.65433763],
[65.59398479],
[100.],
[100.],
[59.85962693],
[100.],
[48.6074675],
[42.50538386],
[97.96428613],
[8.68972629],
[78.77139131],
[24.33781316],
[64.17973869],
[78.6260566],
[65.81565073],
[27.06815115],
[39.06239731],
[82.11850509],
[70.71248233],
[98.30466057],
[39.54031652],
[100.],
[100.],
[79.15561731],
[39.8030901],
[100.],
[100.],
[27.74036819],
[64.40580981],
[100.],
[26.14091997],
[100.],
[93.87029632],
[77.75829888],
[47.20243788],
[61.37439455],
[58.58556219],
[100.],
[61.65020337],
[16.65362721],
[67.21020856],
[79.52381114],
[39.3418961],
[7.53223072],
[59.30086095],
[68.76002164],
[64.71401999],
[62.75401233],
[35.30888012],
[100.],
[100.],
[26.85049896],
[69.9744665],
[68.16206091],
[12.37827958],
[100.],
[46.49023372],
[36.55801491],
[32.68748672],
[58.50301298],
[93.98069287],
[73.04696368],
[87.3369314],
[52.87619714],
[74.72295409],
[100.],
[34.50717632],
[87.25045716],
[91.69539676],
[53.63157302],
[17.96567142],
[29.43065071],
[35.20391755],
[99.16633935],
[58.73234738],
[60.40115458],
[78.44753038],
[47.22640717],
[31.90061391],
[45.61459386],
[67.62617231],
[65.71332726],
[83.05083007],
[87.79929353],
[16.00198587],
[36.42023189],
[44.48138358],
[100.],
[100.],
[100.],
[48.39217974],
[59.37032771],
[86.62775945],
[33.44175359],
[71.74725301],
[86.00809806],
[83.12188438],
[59.72035012],
[49.68385948],
[82.9182021],
[53.61069725],
[100.],
[96.17883084],
[51.51962698],
[61.64565415],
[100.],
[37.76439834],
[100.],
[87.3834558],
[53.13124083],
[29.23170311],
[9.43617454],
[100.],
[5.17253128],
[72.79583627],
[100.],
[91.46499166],
[100.],
[74.60866742],
[64.45256763],
[93.96691873],
[100.],
[56.33025933],
[11.6162449],
[69.97833989],
[92.30447328],
[50.66247691],
[52.6561442],
[30.25288238],
[100.],
[99.14310902],
[100.],
[64.05489632],
[88.57565373],
[82.13455581],
[53.75117702],
[87.37672481],
[80.45271877],
[63.56936149],
[93.53294663],
[70.51645308],
[64.29809449],
[80.12061452],
[29.46319918],
[42.21482446],
[74.8435947],
[78.47669022],
[84.90530994],
[53.40979523],
[70.23017735],
[55.94998694],
[76.94342814],
[50.1941668],
[88.08398506],
[52.32858976],
[89.25726741],
[100.],
[100.],
[76.18280812],
[100.],
[74.87705228],
[100.],
[58.70823378],
[64.13307896],
[87.55678303],
[69.71158556],
[92.10546271],
[58.69790155],
[12.53943195],
[92.00538726],
[37.51677265],
[22.38921045],
[59.99744488],
[60.63419485],
[33.3620178],
[51.30921958],
[48.37956442],
[59.53427752],
[61.07537489],
[31.29128019],
[48.4509347],
[45.87427292],
[64.90564714],
[40.16995193],
[69.72958975],
[100.],
[100.],
[69.33264163],
[51.37530578],
[45.29283838],
[36.35290266],
[74.88737782],
[49.51025214],
[63.37929902],
[59.83031632],
[35.6469661],
[75.6738755],
[86.203645],
[69.08942058],
[64.03369498],
[78.88805588],
[99.28151879],
[32.51325945],
[84.57455467],
[97.67172004],
[100.],
[16.31745688],
[81.76137964],
[83.82876256],
[83.58343713],
[64.98574777],
[92.63726017],
[15.3324917],
[14.08096897],
[61.06100755],
[63.88891898],
[10.342802],
[88.02096752],
[72.45074252],
[75.1165033],
[94.65573038],
[93.62213184],
[62.7274277],
[13.479306],
[33.71685522],
[68.61532549],
[42.21474165],
[60.17256912],
[83.92333434],
[88.78370481],
[3.61757254],
[78.40623444],
[48.55657679],
[75.81713215],
[52.41900645],
[100.],
[62.59471607],
[66.88839591],
[88.8699754],
[70.13791538],
[64.83374939],
[44.02374735],
[85.47074563],
[67.16855537],
[87.95510326],
[68.15560286],
[52.05092625],
[53.54299815],
[61.26557798],
[100.],
[83.420993],
[80.7727493],
[39.49502537],
[19.82668609],
[72.72902852],
[58.21844143],
[64.32161168],
[84.43652792],
[94.55307033],
[84.68787426],
[100.],
[59.22553273],
[80.95073607],
[71.97651359],
[76.65402991],
[78.40127685],
[37.26235111],
[60.91353116],
[96.26388153],
[43.47616964],
[36.59614582],
[77.92247271],
[100.],
[90.72857099],
[88.96672181],
[100.],
[41.78376186],
[32.57187061],
[51.39740215],
[100.],
[83.26601796],
[70.54656924],
[30.45323272],
[39.71334755],
[52.38141594],
[67.36721712],
[100.],
[35.68384812],
[100.],
[73.18248966],
[37.20212209],
[83.59507387],
[82.2155551],
[83.43727229],
[47.88568244],
[37.22694999],
[67.4405421],
[44.38437809],
[76.08203674],
[25.37703184],
[96.12908216],
[38.91633825],
[100.],
[61.48440075],
[100.],
[98.88341136],
[100.],
[50.37696592],
[44.30997428],
[77.76688059],
[86.88418426],
[100.],
[21.33422221],
[24.72161028],
[53.84209287],
[37.18131036],
[58.66201675],
[70.63399124],
[42.1263069],
[13.32507717],
[53.68767511],
[37.34157876],
[100.],
[54.52045564],
[83.76332601],
[70.88904564],
[62.42679088],
[97.84530634],
[52.52493815],
[77.92220359],
[72.59701332],
[100.],
[47.73763964],
[53.35583848],
[95.34962802],
[100.],
[86.86138959],
[71.48172057],
[92.16274177],
[31.87536377],
[30.90039708],
[94.36199991],
[39.64989345],
[100.],
[50.58265186],
[44.77330764],
[25.82232143],
[62.91000191],
[37.77884527],
[31.11799716],
[99.28648579],
[54.40754537],
[43.03903746],
[26.79584233],
[19.75957392],
[33.05862525],
[13.80624475],
[91.75957606],
[84.10285277],
[94.82574481],
[70.6449159],
[29.76495811],
[46.55847368],
[65.30271074],
[14.61397421],
[92.60999664],
[48.95178394],
[99.42446408],
[33.59790212],
[48.60053696],
[74.563327],
[98.22498959],
[89.0575991],
[70.9949142],
[82.17207815],
[93.23511207],
[71.77723474],
[36.77862719],
[44.82991639],
[87.8397542],
[17.51450945],
[89.96053724],
[29.45568222],
[97.62242994],
[88.63587602],
[85.79589105],
[58.84102584],
[29.75573385],
[51.21032167],
[71.3004625],
[22.17683539],
[18.34427743],
[81.78476597],
[100.],
[57.88516437],
[95.56487888],
[58.67015741],
[79.3486886],
[85.58603608],
[100.],
[79.66305901],
[52.13920036],
[58.75324814],
[27.59596674],
[46.41173325],
[27.64257164],
[88.90532512],
[32.24900429],
[64.04681222],
[100.],
[24.07971094],
[42.64317263],
[73.19762074],
[83.91898736],
[76.20871469],
[75.13823071],
[100.],
[49.75946263],
[94.09953938],
[41.43316216],
[79.57102752],
[100.],
[46.94124015],
[65.28260262],
[68.16204419],
[75.06955296],
[21.71616765],
[72.83128257],
[25.208155],
[68.86309338],
[56.12137795],
[44.82651686],
[48.92448577],
[51.79005757],
[33.40786471],
[23.09855208],
[72.02855575],
[26.39799946],
[30.22330192],
[87.8503294],
[65.57774313],
[50.65637883],
[21.52117469],
[100.],
[52.18330378],
[56.24062298],
[50.63764107],
[20.7872712],
[35.01034171],
[100.],
[19.80283334],
[100.],
[77.01152813],
[11.9803701],
[75.23934022],
[89.51862318],
[55.85852212],
[32.46306606],
[20.72621312],
[41.4835335],
[38.96612877],
[96.46497596],
[74.75654478],
[61.9589499],
[77.97689842],
[28.84537693],
[38.56260265],
[100.],
[82.00613293],
[46.55403143],
[59.61074276],
[36.44190608],
[48.32779813],
[72.37233219],
[94.80132934],
[36.91449837],
[20.56562118],
[57.19842719],
[34.28603056],
[100.],
[83.48757489],
[67.88041185],
[37.3198443],
[100.],
[93.2162472],
[66.95770816],
[53.35758827],
[42.50546631],
[18.98538956],
[100.],
[100.],
[34.45929387],
[50.68949131],
[88.02686579],
[45.46745726],
[77.07482255],
[14.76890935],
[35.24389774],
[34.71492513],
[55.06422651],
[43.42705428],
[52.19409718],
[45.77947895],
[41.85986121],
[66.41020608],
[22.58526127],
[90.37492603],
[44.91133474],
[100.],
[59.95189635],
[83.67838963],
[100.],
[47.37962325],
[100.],
[60.93365089],
[93.59453782],
[100.],
[22.04406351],
[64.51806819],
[84.95016045],
[66.18634394],
[81.93286261],
[13.12300256],
[100.],
[66.17232048],
[62.38472154],
[89.99080782],
[55.6810506],
[100.],
[47.10575441],
[79.1012776],
[71.83874701],
[38.95913253],
[12.80138664],
[92.77564125],
[18.89269927],
[76.81166016],
[94.27742472],
[56.26215014],
[21.76073866],
[98.04429532],
[33.95841165],
[68.35813743],
[22.93511676],
[77.48792289],
[36.38299016],
[38.10650224],
[100.],
[67.41779115],
[100.],
[97.08530013],
[61.48362779],
[31.8871381],
[18.17557363],
[60.89808466],
[64.05744442],
[34.06715943],
[22.35611606],
[100.],
[45.5782388],
[35.50838346],
[53.33658426],
[79.4074802],
[22.61596319],
[60.69023579],
[78.00625391],
[27.28667642],
[33.24432383],
[78.81767434],
[14.05177245],
[63.18803239],
[90.89696683],
[40.13364561],
[52.64217463],
[49.44228706],
[40.3935339],
[71.58897585],
[75.40810238],
[92.77122235],
[47.0252759],
[41.05731567],
[40.57063442],
[100.],
[8.73962937],
[100.],
[93.92344798],
[37.56609332],
[23.06129926],
[80.42866192],
[100.],
[63.89866923],
[32.89685846],
[56.1875327],
[96.38684924],
[39.79769145],
[21.63092723],
[57.21741455],
[56.4937027],
[35.8678028],
[100.],
[23.22418761],
[40.59094508],
[86.55750535],
[90.75417604],
[70.91868753],
[17.73608735],
[85.1784471],
[39.8844166],
[70.01430293],
[64.66578386],
[28.16437265],
[79.24992248],
[88.8254437],
[83.8919994],
[61.4250315],
[55.32250867],
[33.56334743],
[19.35841168],
[67.59994758],
[75.01653581],
[41.34261114],
[96.52130252],
[100.],
[67.7473985],
[67.61512608],
[87.30797922],
[28.41448628],
[93.89258174],
[87.1799176],
[50.21906199],
[27.88578524],
[67.78841312],
[49.48330147],
[94.27923423],
[83.817428],
[83.35404117],
[92.91509368],
[82.46025748],
[100.],
[52.5107755],
[65.94851741],
[42.86388491],
[24.66424036],
[46.96274549],
[25.00795336],
[86.80487643],
[18.15229637],
[16.66409547],
[82.20382442],
[91.51149245],
[56.83518351],
[34.36822578],
[50.52987198],
[60.68016184],
[6.52069224],
[84.70909407],
[38.63219396],
[63.63249167],
[96.08044098],
[51.5880202],
[55.53686518],
[27.39569218],
[97.87449483],
[89.50286222],
[45.42000759],
[39.47097417],
[71.33768304],
[76.86765419],
[100.],
[28.0155137],
[25.91317937],
[8.91748344],
[72.81322492],
[45.36677849],
[26.73995313],
[38.89627725],
[80.54700899],
[63.34749782],
[17.16203656],
[64.18892484],
[78.15567649],
[24.43509344],
[72.62924534],
[50.55428476],
[45.21847059],
[44.73125665],
[64.90920678],
[73.19368634],
[88.50813119],
[81.70663219],
[100.],
[48.03829066],
[39.26978205],
[41.63950542],
[49.96948108],
[79.66424392],
[67.1960813],
[60.53795412],
[75.17834417],
[73.02019092],
[64.51795426],
[87.10936393],
[37.06721683],
[55.09139781],
[81.03865827],
[72.65246412],
[55.31334707],
[71.75446879],
[33.38632684],
[40.13800341],
[60.85302319],
[51.15444649],
[41.00119005],
[42.51393889],
[100.],
[48.5569114],
[46.9960824],
[82.89191398],
[100.],
[31.75923531],
[75.8364487]
]
XT=[[2.44985744,2.65063566],
[1.56848051,4.30521477],
[0.18490842,1.95781915],
[2.82244231,2.23242019],
[4.90817485,5.80457112],
[6.82854143,0.41130537],
[3.9053955 ,9.20826156],
[0.87281507,4.11056622],
[3.76101458,1.27296549],
[7.85884   ,0.20315966],
[5.64388838,9.65509142],
[2.82196313,6.05894758],
[1.73904269,9.91969546],
[5.35343651,6.93039742],
[1.40376741,8.30448805],
[1.96950213,6.04195693],
[6.54809645,4.17746452],
[0.49175236,9.07254053],
[5.87092329,3.80365977],
[3.15353257,8.78603377],
[0.89463574,4.34286779],
[4.54849349,0.19620863],
[2.92117352,4.69538908],
[1.96213222,5.4964977 ],
[3.48908153,9.31751059],
[2.35913686,4.21233991],
[1.99852202,4.42034566],
[4.667087  ,7.60208295],
[5.86742533,7.22101157],
[5.90804003,5.11742059],
[2.08113262,7.70681706],
[4.05141241,3.65417953],
[1.53680685,1.64376404],
[0.87783263,7.30065155],
[4.50061774,8.92015659],
[1.56059942,8.94769785],
[0.34053276,4.43329792],
[7.14674017,6.68917629],
[6.56899812,6.61637363],
[1.34446881,6.98496818],
[4.99502278,6.60001303],
[7.54306312,7.93456485],
[7.85109097,9.72176677],
[1.2666595 ,7.29523275],
[6.00059716,8.34240394],
[7.55807838,7.48933157],
[1.42101876,9.17246727],
[5.84888563,2.01126963],
[6.17742544,5.02188378],
[6.10537154,9.27040072],
[1.20159042,8.90497782],
[4.92306194,8.53500276],
[0.82299215,0.72911469],
[2.75294327,3.18466165],
[3.10354971,7.83162078],
[6.74364824,3.70730181],
[2.37445534,9.95897103],
[7.05936593,8.19472158],
[7.7945403 ,5.61105011],
[2.64628309,3.09323595],
[0.89665964,6.57633569],
[2.19249212,3.53445608],
[6.69287283,6.52476414],
[3.6793423 ,7.97953272],
[2.33717824,5.03340719],
[1.07231522,1.64792165],
[2.25300623,6.49891936],
[7.24003922,2.1313711 ],
[4.18266534,5.34186519],
[3.79570579,4.47688777],
[5.75766462,4.79044863],
[5.37624612,0.29388699],
[4.1885408 ,9.55043323],
[4.47103372,2.20976641],
[2.89587211,8.08595723],
[4.31335757,1.35780288],
[5.60052352,0.8359926 ],
[3.17150538,2.67492975],
[4.58525672,3.91714665],
[0.05898273,4.21777763],
[7.21559441,0.56751903],
[1.0237585 ,4.04963658],
[0.97224956,5.95447889],
[6.10750938,7.16233084],
[7.82796892,3.32271859],
[0.74334018,2.66913591],
[6.4568415 ,7.76754377],
[6.6514585 ,6.65603268],
[6.34909403,7.30339971],
[4.93801234,3.00323982],
[2.17945885,0.85832232],
[4.09910884,1.55623336],
[1.82656643,7.58051123],
[0.19392791,2.04074834],
[0.6298333 ,1.98599004],
[0.57040325,3.41972193],
[7.76319011,1.97075838],
[5.75053334,8.06286504],
[5.98550912,8.80465124],
[6.62669042,1.79098683],
[1.78130342,0.18149841],
[4.41220277,4.86451825],
[5.997698  ,1.84601988],
[5.9132842 ,3.31438555],
[4.9708935 ,1.03631445],
[0.49259284,3.69481907],
[2.34845556,5.5655292 ],
[7.74277882,1.7888458 ],
[4.75331159,1.00740784],
[5.2266475 ,8.52241916],
[1.29013176,1.57156782],
[0.23511022,3.55887432],
[0.96985072,4.16623207],
[0.6160764 ,1.09928518],
[2.25178958,8.18085594],
[7.71193103,8.13379191],
[3.98385112,2.49749403],
[2.07508369,9.50798557],
[1.89608164,4.25630735],
[6.5305463 ,8.09760198],
[1.67722076,8.60735296],
[5.53453761,5.00626332],
[1.34862104,8.93344796],
[5.58185095,0.29378358],
[4.30159205,2.30950837],
[1.58660099,5.51612794],
[1.00439017,3.49581859],
[4.51004875,7.71118867]
]
Y_T=[[37.55097442],
[34.47414462],
[9.86526918],
[39.97654616],
[77.20820776],
[76.75917717],
[79.79239675],
[26.04323062],
[46.46302233],
[87.25987867],
[100.],
[55.27738478],
[58.80825142],
[86.60939126],
[48.65939377],
[45.83235118],
[88.73891904],
[41.69943804],
[79.79479532],
[69.83299333],
[27.21246432],
[50.81826297],
[50.91446506],
[43.5694452],
[75.64993921],
[42.79986515],
[39.66512483],
[81.74628879],
[93.42572495],
[85.45812268],
[53.719727],
[59.18225462],
[23.47993154],
[38.8587651],
[85.18742149],
[52.957385],
[21.47905205],
[100.],
[98.72447387],
[42.72902966],
[81.34530274],
[100.],
[100.],
[43.1141855],
[99.37618447],
[100.],
[52.32107547],
[72.38282042],
[88.03921492],
[100.],
[48.8374059],
[88.29369242],
[11.9693724],
[43.02102256],
[65.4655299],
[89.00933792],
[65.95489284],
[100.],
[100.],
[41.48205784],
[36.16859886],
[38.25523769],
[99.72065774],
[72.39089614],
[45.84258938],
[18.387154],
[50.778746],
[88.16591579],
[67.37677952],
[59.66031478],
[82.49610534],
[60.31425526],
[84.27568173],
[58.02043658],
[64.19842208],
[52.87814475],
[64.94972918],
[45.58627817],
[66.10641047],
[17.51992059],
[81.64161462],
[27.4598898],
[34.5126607],
[95.8319265],
[99.39853245],
[18.85328563],
[100.],
[99.79017423],
[99.05363314],
[66.33109506],
[27.40733658],
[51.31513074],
[50.41427564],
[10.29620034],
[14.87212643],
[19.95332351],
[93.27812476],
[95.50732693],
[100.],
[80.05754192],
[20.32033121],
[67.99230351],
[73.35875757],
[78.30366838],
[58.82508635],
[20.19779752],
[48.09512798],
[92.32595019],
[56.31605879],
[91.58279915],
[20.47772068],
[16.82170969],
[27.33328623],
[11.17398109],
[57.49310917],
[100.],
[53.81233843],
[60.85786284],
[37.88212741],
[100.],
[52.87884017],
[80.90496694],
[50.56862332],
[62.57549477],
[56.55554601],
[39.5171227],
[25.03156627],
[80.45529093]
]

 输出结果:
 

训练结果(Tensorflow):
w1: [[1.0515914  1.8256049  2.6668158 ]
 [0.582871   0.6132111  0.90144134]]
w2: [[1.0773216]
 [1.585386 ]
 [2.32953  ]]
b1: [-0.14707229 -0.069271   -0.02620909]
b2: [5.1552486]
Accury : 0.828125
start transferLearn:
Accury re-using model: 0.828125
start transferLearnRetrainLayer2:
after transfer learning:
w1Org: [[1.0515914  1.8256049  2.6668158 ]
 [0.582871   0.6132111  0.90144134]]
w2Org: [[1.0773216]
 [1.585386 ]
 [2.32953  ]]
b1Org: [-0.14707229 -0.069271   -0.02620909]
b2Org: [5.1552486]
w2new: [[0.2837332]
 [1.3128309]
 [2.8824754]]
b2new: [4.708034]
Accury after transfer learning: 0.890625