From a439f1facb7f7c0c73d02b010130343ee91fa3d3 Mon Sep 17 00:00:00 2001 From: xudongliwhu <10111247+xudongliwhu@user.noreply.gitee.com> Date: Tue, 30 Nov 2021 14:21:30 +0000 Subject: [PATCH 1/5] =?UTF-8?q?=E6=96=B0=E5=BB=BA=20=E6=9D=8E=E6=97=AD?= =?UTF-8?q?=E4=B8=9C=5F=E5=9F=BA=E4=BA=8EMindspore=E6=B7=B1=E5=BA=A6?= =?UTF-8?q?=E5=AD=A6=E4=B9=A0=E6=A1=86=E6=9E=B6=E7=9A=84=E5=85=89=E4=BC=8F?= =?UTF-8?q?=E5=8F=91=E7=94=B5=E9=A2=84=E6=B5=8B=E6=A8=A1=E5=9E=8B?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../.keep" | 0 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/.keep" diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/.keep" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/.keep" new file mode 100644 index 0000000..e69de29 -- Gitee From 7c48a7728b947d0ddacae66b3e7926634b3a735d Mon Sep 17 00:00:00 2001 From: xudongliwhu <10111247+xudongliwhu@user.noreply.gitee.com> Date: Tue, 30 Nov 2021 14:23:41 +0000 Subject: [PATCH 2/5] =?UTF-8?q?add=20code/2021=5Fautumn/=E6=9D=8E=E6=97=AD?= =?UTF-8?q?=E4=B8=9C=5F=E5=9F=BA=E4=BA=8EMindspore=E6=B7=B1=E5=BA=A6?= =?UTF-8?q?=E5=AD=A6=E4=B9=A0=E6=A1=86=E6=9E=B6=E7=9A=84=E5=85=89=E4=BC=8F?= =?UTF-8?q?=E5=8F=91=E7=94=B5=E9=A2=84=E6=B5=8B=E6=A8=A1=E5=9E=8B/NNDLcode?= =?UTF-8?q?.?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../NNDLcode" | 242 ++++++++++++++++++ 1 file changed, 242 insertions(+) create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/NNDLcode" diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/NNDLcode" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/NNDLcode" new file mode 100644 index 0000000..1cb4105 --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/NNDLcode" @@ -0,0 +1,242 @@ +# 导入MindSpore框架 +import os +import numpy as np +import mindspore as ms +import mindspore.nn as nn +import mindspore.ops as ops +import mindspore.dataset as ds +import mindspore.common.initializer as init + +# 定义函数 + + +# 导入数据 +def import_txt(filepath, filename): + """"导入.txt格式的数据文件""" + + path = os.path.join(filepath, filename) + file = open(path, "r") + result = [] + data = file.readlines() + for fields in data: + # fields = fields.strip().split(' ') + fields = fields.strip().split('\t') + if fields != "": + fields = list(map(float, fields)) + result.append(fields) + result = np.array(result, dtype=np.float32) + return result + + +# 导入训练样本和测试样本 +def get_data(flow_flag): + if flow_flag == 0: + # 导入训练集样本 696组 + data = import_txt('D:/NNDL', 'PV_train_in.txt') + label = import_txt('D:/NNDL', 'PV_train_out.txt') + else: + # 导入测试样本 24组 + data = import_txt('D:/NNDL', 'PV_test_in.txt') + label = import_txt('D:/NNDL', 'PV_test_out.txt') + for i in range(len(label)): + yield data[i].astype(np.float32), label[i].astype(np.float32) + + +# 输出数据 +def export_txt(filepath, filename, data): + path = os.path.join(filepath, filename) + f = open(path, 'a') + f.truncate(0) + for fields in data: + f.writelines('\n') + f.writelines(str(fields)) + # 关闭文件 + f.close() + + +# 调用MindSpore的数据增强函数 +def create_dataset(flow_flag, batch_size=1, repeat_size=1): + input_data = ds.GeneratorDataset(list(get_data(flow_flag)), column_names=['data', 'label'], shuffle=False) + input_data = input_data.batch(batch_size) + input_data = input_data.repeat(repeat_size) + return input_data + + +# 定义 类 --- 搭建神经网络 +class MyNet(nn.Cell): + """定义网络""" + def __init__(self, input_size=6, num_channel=1): + super(MyNet, self).__init__() + # 4层网络 0.02为初始权重 + self.fc1 = nn.Dense(input_size, 120, weight_init=init.Normal(0.02)) + self.fc2 = nn.Dense(120, 84, weight_init=init.Normal(0.02)) + self.fc3 = nn.Dense(84, 40, weight_init=init.Normal(0.02)) + self.fc4 = nn.Dense(40, 20, weight_init=init.Normal(0.02)) + self.fc5 = nn.Dense(20, 1, weight_init=init.Normal(0.02)) + # 采用两种激活函数 + self.relu = nn.ReLU() + self.sigmoid = nn.Sigmoid() + + def construct(self, x): + x = self.relu(self.fc1(x)) + x = self.relu(self.fc2(x)) + x = self.relu(self.fc3(x)) + x = self.sigmoid(self.fc4(x)) + x = self.fc5(x) + return x + + +# 类 --- 损失函数 MAE +class MyL1Loss(nn.LossBase): + """定义损失""" + def __init__(self, reduction="mean"): + super(MyL1Loss, self).__init__(reduction) + self.abs = ops.Abs() + self.loss = nn.MSELoss() + + def construct(self, base, target): + x = self.abs(base - target) + return self.get_loss(x) + + +# 类 --- 优化器 +class MyMomentum(nn.Optimizer): + """定义优化器""" + def __init__(self, params, learning_rate, momentum=0.9, use_nesterov=False): + super(MyMomentum, self).__init__(learning_rate, params) + self.moments = self.parameters.clone(prefix="moments", init="zeros") + self.momentum = momentum + # ApplyMomentum算子自定义优化器 + self.opt = ops.ApplyMomentum(use_nesterov=use_nesterov) + + def construct(self, gradients): + params = self.parameters + success = None + for param, mom, grad in zip(params, self.moments, gradients): + success = self.opt(param, mom, self.learning_rate, grad, self.momentum) + return success + + +# 类 --- 损失网络 +class MyWithLossCell(nn.Cell): + """定义损失网络,将前向网络与损失函数连接起来""" + + def __init__(self, backbone, loss_fn): + super(MyWithLossCell, self).__init__(auto_prefix=False) + self.backbone = backbone + self.loss_fn = loss_fn + + def construct(self, data, label): + out = self.backbone(data) + return self.loss_fn(out, label) + + def backbone_network(self): + return self.backbone + + +# 类 --- 训练流程 +class MyTrainStep(nn.TrainOneStepCell): + """定义训练流程""" + + def __init__(self, network, optimizer): + """参数初始化""" + super(MyTrainStep, self).__init__(network, optimizer) + self.grad = ops.GradOperation(get_by_list=True) + + def construct(self, data, label): + """构建训练过程""" + weights = self.weights + loss = self.network(data, label) + grads = self.grad(self.network, weights)(data, label) + return loss, self.optimizer(grads) + + +# 执行训练 +# 训练样本 +ds_train = create_dataset(0) +# 网络 +net = MyNet() +# 损失函数 +loss_func = MyL1Loss() # 损失函数 +# 优化器 +opt = MyMomentum(net.trainable_params(), 0.05) +# 构建损失网络 +net_with_criterion = MyWithLossCell(net, loss_func) +# 构建训练网络 +train_net = MyTrainStep(net_with_criterion, opt) +# 执行训练,每个epoch打印一次损失值 +epochs = 200 # 训练代数 +arr = [] +Train_loss_val = [] +for epoch in range(epochs): + for train_x, train_y in ds_train: + train_net(train_x, train_y) + loss_val = net_with_criterion(train_x, train_y) + if epoch == epochs - 1: + temp = net_with_criterion.backbone(train_x) + Train_loss_val.append(loss_val.asnumpy()) + print(loss_val) + +export_txt('D:/NNDL', 'Test_loss_val.txt', Train_loss_val) + + +# 类 --- 模型评估 +class MyMAE(nn.Metric): + """定义metric""" + def __init__(self): + # 构造函数 + super(MyMAE, self).__init__() + self.abs_error_sum = None + self.samples_num = None + self.clear() + + def clear(self): + self.abs_error_sum = 0 + self.samples_num = 0 + + def update(self, *inputs): + y = inputs[0].asnumpy() + y_test = inputs[1].asnumpy() + error_abs = np.abs(y_test.reshape(y.shape) - y) + self.abs_error_sum += error_abs.sum() + self.samples_num += y_test.shape[0] + +# 评价指标 --- MAE + def eval(self): + return self.abs_error_sum / self.samples_num + + +# 类 --- 验证流程 +class MyWithEvalCell(nn.Cell): + def __init__(self, network): + super(MyWithEvalCell, self).__init__(auto_prefix=False) + self.network = network + + def construct(self, data, label): + outputs = self.network(data) + return outputs, label + + +# 执行推理并评估 +# 获取验证数据 +ds_eval = create_dataset(1) +# 定义评估网络 +eval_net = MyWithEvalCell(net) +eval_net.set_train(False) +# 定义评估指标 --- MAE +mae = MyMAE() +# 执行推理过程 +PV_test = [] +for eval_x, eval_y in ds_eval: + output, eval_y = eval_net(eval_x, eval_y) + mae.update(output, eval_y) + PV_test.append(output.asnumpy()) + print(output) + +mae_result = mae.eval() +print("mae: ", mae_result) + +# 将测试集的模拟结果保存至.txt文件中 +export_txt('D:/NNDL', 'PV_test_forecast.txt', PV_test) +# 保存模型 +ms.save_checkpoint(net, "./MyNet.ckpt") \ No newline at end of file -- Gitee From 1884df2f5ddbae75dec70777d5a620f2e05e42dc Mon Sep 17 00:00:00 2001 From: xudongliwhu <10111247+xudongliwhu@user.noreply.gitee.com> Date: Tue, 30 Nov 2021 14:24:25 +0000 Subject: [PATCH 3/5] =?UTF-8?q?add=20code/2021=5Fautumn/=E6=9D=8E=E6=97=AD?= =?UTF-8?q?=E4=B8=9C=5F=E5=9F=BA=E4=BA=8EMindspore=E6=B7=B1=E5=BA=A6?= =?UTF-8?q?=E5=AD=A6=E4=B9=A0=E6=A1=86=E6=9E=B6=E7=9A=84=E5=85=89=E4=BC=8F?= =?UTF-8?q?=E5=8F=91=E7=94=B5=E9=A2=84=E6=B5=8B=E6=A8=A1=E5=9E=8B/PV=5Ftes?= =?UTF-8?q?t=5Fin.?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../PV_test_in" | 24 +++++++++++++++++++ 1 file changed, 24 insertions(+) create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" new file mode 100644 index 0000000..008fa65 --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" @@ -0,0 +1,24 @@ +0 0 95.6200000000000 18.3600000000000 1.76479460561279 4.22440321708385 +0 0 96.4200000000000 17.9800000000000 2.11002369654940 359.728458054315 +0 0 95.7300000000000 17.9800000000000 1.84981080113616 351.607074812608 +0 0 96.0100000000000 17.7200000000000 1.52712147519443 336.456555132563 +23.2200000000000 18.5500000000000 97.1000000000000 17.3700000000000 1.39842768851307 343.379243086108 +93.2500000000000 76.0600000000000 97.3400000000000 17.3800000000000 1.46669696938393 354.522631271171 +211.750000000000 175.620000000000 90.2400000000000 20.2200000000000 1.42172430520126 344.497461208368 +380.380000000000 319.880000000000 89.4100000000000 20.3600000000000 1.22494897852931 354.847918297794 +549.500000000000 466.620000000000 88.6700000000000 21.2300000000000 1.43178210632764 12.0947570770121 +681.500000000000 582.250000000000 87.7400000000000 21.8000000000000 1.46731046476197 18.6819118603483 +715 612.250000000000 72.2500000000000 25.5800000000000 1.09416634932719 18.1037630345066 +691.500000000000 592.750000000000 61.8600000000000 26.1700000000000 1.10353975913875 14.1621680553128 +663.250000000000 566.750000000000 64.0400000000000 25.4800000000000 0.951314879522022 3.01278750418334 +614.750000000000 524.250000000000 78.6200000000000 23.7800000000000 0.708378429936994 18.9465046895091 +499.120000000000 424.500000000000 76.0200000000000 24.0700000000000 0.768439978137525 18.1991650530454 +392.120000000000 330.500000000000 75.3600000000000 24.8900000000000 0.586685605754905 330.376251248826 +288 239.120000000000 80.0300000000000 22.9800000000000 0.335410196624968 333.434948822922 +118.780000000000 97.4700000000000 82.3600000000000 22.5600000000000 1.44899965493440 26.2113780178315 +32.3800000000000 26.3000000000000 95.7700000000000 19.8700000000000 1.41484981535144 46.7183580016555 +0.0700000000000000 0.0500000000000000 93.1300000000000 19.9400000000000 1.72429695818325 322.066729716401 +0 0 91.3800000000000 19.7500000000000 1.94445365077186 308.107576877515 +0 0 91.8100000000000 19.4100000000000 1.95133287780430 319.780883874832 +0 0 93.1900000000000 19 2.04120062708201 339.345395623880 +0 0 95.9100000000000 18.1300000000000 2.53031618577600 359.094213339889 \ No newline at end of file -- Gitee From 929b48510dd4e7cff47eb61daf70f80e54a05965 Mon Sep 17 00:00:00 2001 From: xudongliwhu <10111247+xudongliwhu@user.noreply.gitee.com> Date: Tue, 30 Nov 2021 14:25:28 +0000 Subject: [PATCH 4/5] train & test data --- .../PV_test_in.txt" | 24 + .../PV_test_out.txt" | 24 + .../PV_train_in.txt" | 696 ++++++++++++++++++ .../PV_train_out.txt" | 696 ++++++++++++++++++ 4 files changed, 1440 insertions(+) create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in.txt" create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_out.txt" create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_in.txt" create mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_out.txt" diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in.txt" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in.txt" new file mode 100644 index 0000000..008fa65 --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in.txt" @@ -0,0 +1,24 @@ +0 0 95.6200000000000 18.3600000000000 1.76479460561279 4.22440321708385 +0 0 96.4200000000000 17.9800000000000 2.11002369654940 359.728458054315 +0 0 95.7300000000000 17.9800000000000 1.84981080113616 351.607074812608 +0 0 96.0100000000000 17.7200000000000 1.52712147519443 336.456555132563 +23.2200000000000 18.5500000000000 97.1000000000000 17.3700000000000 1.39842768851307 343.379243086108 +93.2500000000000 76.0600000000000 97.3400000000000 17.3800000000000 1.46669696938393 354.522631271171 +211.750000000000 175.620000000000 90.2400000000000 20.2200000000000 1.42172430520126 344.497461208368 +380.380000000000 319.880000000000 89.4100000000000 20.3600000000000 1.22494897852931 354.847918297794 +549.500000000000 466.620000000000 88.6700000000000 21.2300000000000 1.43178210632764 12.0947570770121 +681.500000000000 582.250000000000 87.7400000000000 21.8000000000000 1.46731046476197 18.6819118603483 +715 612.250000000000 72.2500000000000 25.5800000000000 1.09416634932719 18.1037630345066 +691.500000000000 592.750000000000 61.8600000000000 26.1700000000000 1.10353975913875 14.1621680553128 +663.250000000000 566.750000000000 64.0400000000000 25.4800000000000 0.951314879522022 3.01278750418334 +614.750000000000 524.250000000000 78.6200000000000 23.7800000000000 0.708378429936994 18.9465046895091 +499.120000000000 424.500000000000 76.0200000000000 24.0700000000000 0.768439978137525 18.1991650530454 +392.120000000000 330.500000000000 75.3600000000000 24.8900000000000 0.586685605754905 330.376251248826 +288 239.120000000000 80.0300000000000 22.9800000000000 0.335410196624968 333.434948822922 +118.780000000000 97.4700000000000 82.3600000000000 22.5600000000000 1.44899965493440 26.2113780178315 +32.3800000000000 26.3000000000000 95.7700000000000 19.8700000000000 1.41484981535144 46.7183580016555 +0.0700000000000000 0.0500000000000000 93.1300000000000 19.9400000000000 1.72429695818325 322.066729716401 +0 0 91.3800000000000 19.7500000000000 1.94445365077186 308.107576877515 +0 0 91.8100000000000 19.4100000000000 1.95133287780430 319.780883874832 +0 0 93.1900000000000 19 2.04120062708201 339.345395623880 +0 0 95.9100000000000 18.1300000000000 2.53031618577600 359.094213339889 \ No newline at end of file diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_out.txt" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_out.txt" new file mode 100644 index 0000000..ae9759c --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_out.txt" @@ -0,0 +1,24 @@ +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00498607711095604 +0.0213927128401954 +0.0700104117236567 +0.137368126308444 +0.221003384508025 +0.253774110258200 +0.262470481507327 +0.280531053733426 +0.290437752965806 +0.298929640614096 +0.274173046057223 +0.197266556175855 +0.104779727843685 +0.0806532745987439 +0.0261905931612003 +0.00549573447313329 +0.00498607711095604 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 \ No newline at end of file diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_in.txt" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_in.txt" new file mode 100644 index 0000000..35de8e4 --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_in.txt" @@ -0,0 +1,696 @@ +0 0 93.4200000000000 15.9800000000000 1.93582023958838 4.44410612165269 +0 0 94.3000000000000 15.1200000000000 1.97365143832441 356.514208816878 +0 0 90.7400000000000 15.1000000000000 2.09389589043964 17.2234361911315 +0 0 90.5600000000000 15.0900000000000 1.76408616569600 356.099506257618 +8.45000000000000 7.15000000000000 90.2000000000000 13.8200000000000 2.01467118905294 340.575740441115 +43.7500000000000 37.1600000000000 90.7000000000000 13.6100000000000 2.87835022191533 338.605198897018 +110.910000000000 94.0900000000000 90.4800000000000 13.6700000000000 3.33138109498148 316.337874786689 +85.5000000000000 73.2500000000000 88.5300000000000 13.1400000000000 3.40379200304601 334.413625159840 +73.1900000000000 63.1700000000000 96.5000000000000 12.5500000000000 3.67119871431662 338.256552840373 +120.380000000000 103.440000000000 98.5800000000000 12.2000000000000 3.62993112882325 350.485779455160 +376.120000000000 323.120000000000 96.3200000000000 14.4200000000000 3.46482322781408 8.13010235415598 +378.500000000000 324.880000000000 98.6300000000000 14.9100000000000 3.25510368498455 19.9379917442055 +435.620000000000 375.880000000000 89.7900000000000 16.0700000000000 4.18551072152491 41.8040619864041 +434.750000000000 373.750000000000 79.7000000000000 18.7500000000000 3.79138497122094 46.4961913708292 +491.880000000000 419.750000000000 77.7600000000000 19.3400000000000 3.96737948777275 44.0808952162858 +476.250000000000 401.750000000000 75.1100000000000 19.2700000000000 4.21672858979565 43.0780440410686 +344.500000000000 284.880000000000 69.8400000000000 20.3800000000000 4.16183853603188 49.1896520963023 +149.060000000000 120.030000000000 67.6100000000000 20.5000000000000 3.48919761549844 56.8109161884045 +41.4700000000000 32.3800000000000 79.5500000000000 17.3600000000000 2.00771013844130 49.6463354911959 +0 0 81.9200000000000 16.8200000000000 2.85476794153220 5.83041683073752 +0 0 84.5700000000000 16.6100000000000 3.20407552969651 5.37251637453870 +0 0 88.6300000000000 16.0900000000000 3.14070055879258 6.58194465517801 +0 0 92.1800000000000 15.4100000000000 3.50258475985950 13.2030533326491 +0 0 97.5000000000000 14.3400000000000 3.63346941641181 18.2853518273195 +0 0 97.6400000000000 14.4200000000000 3.11708196876502 15.0616615445462 +0 0 98.0800000000000 13.7300000000000 3.25213775845981 10.2733306416293 +0 0 96.7200000000000 14.3100000000000 2.93206411935346 2.15002635103861 +0 0 95.3800000000000 14.4200000000000 2.86398324017443 349.945664400006 +8.25000000000000 6.98000000000000 95.9300000000000 14.1000000000000 2.64054918530218 341.908135576602 +37.7300000000000 32.0600000000000 95.2800000000000 13.6600000000000 2.00249843945008 325.992507580268 +53.8300000000000 45.7800000000000 89.1000000000000 16.2800000000000 3.18402261298503 326.010479907004 +98.0300000000000 83.7800000000000 89.8700000000000 15.8600000000000 3.93600050813005 328.611838048565 +276.380000000000 234.750000000000 91.2400000000000 15.5400000000000 3.90283230487809 350.561812491269 +466.500000000000 399 98.7700000000000 14.1600000000000 3.94035531392792 5.82634202955578 +615 528.250000000000 94.2000000000000 16.3900000000000 4.02631345029172 20.9557767306322 +615.500000000000 530 94.7200000000000 16.7000000000000 4.66322849536670 28.7085184090292 +468.880000000000 401.620000000000 89.2500000000000 18.0200000000000 5.05407756173172 36.5524727520915 +430.120000000000 366.750000000000 82.6100000000000 20.0900000000000 4.84951543971148 40.8191482701016 +311 265.250000000000 76.3600000000000 20.1800000000000 3.83407094352726 38.7531617837226 +220 187.120000000000 68.5800000000000 21.1000000000000 4.55109876842944 35.6108524386688 +179.560000000000 151.750000000000 69.8900000000000 20.3300000000000 4.23798301082012 31.5897882942664 +96.0300000000000 80.7800000000000 67.2600000000000 20.3900000000000 4.04465078838705 22.3801350519596 +27.2200000000000 22.7900000000000 60.7000000000000 19.2500000000000 2.58984555524070 7.09757584357018 +0.0100000000000000 0 56.6800000000000 19.6800000000000 2.68361696223586 5.77432590266328 +0 0 55.4000000000000 19.8100000000000 3.08040581742082 0.930044596718437 +0 0 59.5900000000000 19.2900000000000 3.66072397211262 4.38670121112904 +0 0 72.7500000000000 18.0500000000000 4.84991752507195 9.01561840193906 +0 0 81.4800000000000 16.4400000000000 5.64117895479305 28.0187161470907 +0 0 88.2800000000000 15.9100000000000 7.06408522032400 45.2867632687642 +0 0 88.4700000000000 15.7100000000000 5.96209694654490 62.5323892998232 +0 0 90.5000000000000 15.5800000000000 2.95426809886984 84.3665988393914 +0 0 90.9200000000000 15.4300000000000 1.77890415705850 131.125326796435 +4.38000000000000 3.72000000000000 91.9900000000000 14.5900000000000 2.56737219740341 139.422911428550 +28.4100000000000 24.1300000000000 94.4800000000000 13.9700000000000 5.09650860884194 126.060434996848 +68.4700000000000 58.3300000000000 87.1000000000000 10.8400000000000 1.11731821787707 45.7252242990593 +102.810000000000 87.9700000000000 90.9700000000000 10.7000000000000 2.48356598462775 346.019709423967 +223.620000000000 190.690000000000 92.3400000000000 11.5400000000000 2.90656154244152 320.724462849045 +412.880000000000 352.620000000000 87.4500000000000 12.9200000000000 2.78686203461887 346.512263338763 +546.750000000000 469 75.5100000000000 15.4700000000000 3.70526652212766 7.91141723473300 +742.250000000000 639.250000000000 63.2900000000000 16.3800000000000 4.96910454709900 29.1441986773614 +822.500000000000 709 54.2200000000000 17.5500000000000 5.79131245919265 39.3242117297495 +800.500000000000 688.500000000000 40.5400000000000 19.2300000000000 6.14525019832391 45.7252242990593 +693.500000000000 592.250000000000 42.8800000000000 18.6400000000000 6.29924598662411 57.1172172011118 +513 432.750000000000 45.9100000000000 18.2100000000000 5.83397805960907 66.9948448740230 +294 244.060000000000 57.0100000000000 16.0500000000000 4.11144743369048 70.6836471804959 +161.120000000000 130 59.3200000000000 16.0600000000000 4.40323744533497 68.9718311854057 +45.1900000000000 35.0200000000000 64.8100000000000 14.0400000000000 3.96742989856154 78.6617453436534 +0.0100000000000000 0.0100000000000000 64.4300000000000 14.2300000000000 3.06432700604880 71.1511569767232 +0 0 64.6500000000000 14.5100000000000 2.33053641893878 68.6094695384375 +0 0 67.4100000000000 14.3600000000000 2.20907220343745 31.6754687381092 +0 0 70.8400000000000 13.5600000000000 2.72281104742874 17.9691397401570 +0 0 79.5100000000000 12.1000000000000 2.97531510936237 28.2877132487008 +0 0 80.2200000000000 12.1400000000000 3.12020832637822 33.8937849946766 +0 0 80.9100000000000 11.7200000000000 3.04455251227500 35.7783230262842 +0 0 80.8200000000000 11.6700000000000 3.29400971461834 36.7307460566207 +0 0 80.2400000000000 11.6400000000000 3.76198086119534 41.4438189057449 +38.6100000000000 29.7200000000000 80.4300000000000 11.7800000000000 3.83463166418888 46.9021127746569 +171.690000000000 137.620000000000 82.4400000000000 11.5000000000000 3.48140776123682 50.5947974594383 +342.250000000000 282.880000000000 65.4100000000000 15.3200000000000 2.90946730519523 55.9276021559724 +519.750000000000 437.880000000000 64.4000000000000 15.2100000000000 3.09040450426801 62.8545483339192 +712 607 66.9600000000000 15.0300000000000 3.21278695216474 65.3494152773753 +845.750000000000 727 69.0300000000000 15.2600000000000 3.67208387703767 64.3421143432714 +903 779.750000000000 53.6700000000000 18.8200000000000 4.05009876422785 68.5663713005264 +843.750000000000 728.250000000000 54.6800000000000 18.7300000000000 4.67865365249449 75.5182306788752 +700.250000000000 602.250000000000 59.6200000000000 17.5600000000000 4.34014976700113 78.3017152750314 +552.500000000000 471.750000000000 58.0500000000000 17.5100000000000 4.41851785104462 78.5120519174338 +287.380000000000 244.810000000000 54.7200000000000 17.8800000000000 5.46103470049404 56.4263280061573 +142.560000000000 121.720000000000 56.4000000000000 17.8800000000000 4.84752514176048 49.9371595718561 +96.6600000000000 82.1900000000000 66.0900000000000 15.9800000000000 4.97860422206867 59.0559802151696 +56.6100000000000 47.7300000000000 72.9500000000000 15.2300000000000 3.92271589590681 64.4801378569830 +15.6600000000000 13.0500000000000 93.4100000000000 11.8100000000000 3.45249185371957 40.8893011643474 +0.0100000000000000 0.0100000000000000 95.4500000000000 12.1000000000000 3.62800220507100 53.0669317297931 +0 0 97.4400000000000 11.7700000000000 3.86287457730639 50.2514018218506 +0 0 96.1100000000000 11.8900000000000 4.28878770749964 40.9345743784210 +0 0 97.0100000000000 11.4800000000000 4.58704698035675 38.0940869024323 +0 0 99.4100000000000 11.1300000000000 4.23254060819267 34.2157021324374 +0 0 98.9800000000000 11.1500000000000 4.30162759894438 30.1413855520753 +0 0 98.4600000000000 11.1200000000000 4.44460346937722 32.2240161732026 +0 0 97.4300000000000 11.6000000000000 4.68614980554399 39.8055710922652 +0 0 97.4600000000000 11.8400000000000 5.08743550327668 48.6657502926304 +12.2600000000000 10.0500000000000 97.0400000000000 12.1900000000000 5.21008637164491 52.8001878841817 +50.5200000000000 42.1400000000000 97.1800000000000 11.9600000000000 5.38413409937011 53.5344863567130 +112.720000000000 94.8400000000000 90.4100000000000 13.5300000000000 5.13824872889587 54.8252770421485 +136.500000000000 116.500000000000 91.3100000000000 12.7200000000000 5.75918396997352 58.4902609045457 +146 125.220000000000 95.2900000000000 11.6700000000000 5.58294725033293 62.0120289561922 +214.060000000000 183.940000000000 95.8450000000000 10.5700000000000 5.74543296888929 68.3467369954280 +238 204.940000000000 96.4000000000000 12.6800000000000 5.00465783046154 73.1582019675894 +239.440000000000 205.940000000000 94.0100000000000 13.2500000000000 4.43355387922601 75.9010697086037 +258.620000000000 222.310000000000 98.1400000000000 13.3900000000000 4.15985576673038 68.8636009479609 +262.880000000000 225.500000000000 88.6600000000000 14.8600000000000 4.18369453951887 71.6083586363385 +169.380000000000 145.120000000000 75.1700000000000 15.8200000000000 4.57865700833771 66.8507032334496 +117.190000000000 100.160000000000 85.6500000000000 14.0300000000000 4.90890008046609 79.0792058699995 +162.440000000000 134.810000000000 91.8600000000000 12.9200000000000 4.59743406695518 85.0086667424755 +134.120000000000 107.970000000000 87.6400000000000 14.1800000000000 3.99505944886932 101.844340054773 +41.7700000000000 32.1100000000000 97.8000000000000 12.1900000000000 2.59730629691610 119.525987311242 +0.0300000000000000 0.0200000000000000 98.5400000000000 12.3000000000000 1.29437243481156 78.8636905688183 +0 0 97.8800000000000 12.1300000000000 2.45203996704785 50.7927964950322 +0 0 96.4600000000000 12.5200000000000 2.73695085816315 46.0362447692521 +0 0 96.8700000000000 12.7800000000000 3.09006472424123 45.1311113947472 +0 0 98.4900000000000 11.7800000000000 3.18248330710469 43.9815156522868 +0 0 96.8800000000000 11.8000000000000 2.99547992815842 41.8876913907945 +0 0 96.9200000000000 11.3800000000000 3.01877458582121 41.2394892942431 +0 0 96.0900000000000 11.3500000000000 3.05321142405828 38.4839649815907 +0 0 96.2300000000000 11.2900000000000 2.94869462644066 38.1135726685680 +15.1500000000000 12.4100000000000 95.5900000000000 11.3100000000000 2.79034048101661 41.8040619864041 +60.5000000000000 50.3900000000000 97.3200000000000 11.3000000000000 2.58835855321476 45.9391909457356 +169 141 87.5400000000000 14.7900000000000 1.81024860171193 37.8194645022799 +298.380000000000 252.250000000000 90.8900000000000 14.2700000000000 1.81044193499819 39.8460914387722 +408.750000000000 348.750000000000 86.7700000000000 14.2700000000000 2.39259273592478 63.4349488229220 +583 500.120000000000 91.2400000000000 14.0700000000000 2.08734280845289 70.6969997273324 +695.500000000000 600.250000000000 72.5800000000000 17.9600000000000 1.62262133598693 72.7934274119586 +575.500000000000 497 72.1000000000000 17.9700000000000 1.85784821769702 75.6645645804799 +541.500000000000 466.750000000000 71.2700000000000 18.1600000000000 2.02829978060444 77.4711922908485 +551 473.380000000000 64.5800000000000 20.4400000000000 2.26296265987753 75.4110812671254 +522.500000000000 446.250000000000 66.0200000000000 19.7000000000000 2.33452350598575 80.1341930569156 +414 349.250000000000 64.0600000000000 19.8400000000000 2.48515593072145 93.6913859864513 +251.440000000000 208.880000000000 62.4500000000000 19.6000000000000 2.39008368054342 105.780753309515 +128.250000000000 104.190000000000 60.3700000000000 20 1.99699774661866 119.389011466320 +35.5200000000000 27.8800000000000 78.8300000000000 15.9500000000000 0.737631344236401 164.267995214893 +0.0300000000000000 0.0300000000000000 75.3300000000000 16.3500000000000 0.710211236182588 302.347443499442 +0 0 86.2800000000000 14.2400000000000 1.05437185091409 324.651833466804 +0 0 91.4800000000000 14.0900000000000 1.00702532242243 327.572445004228 +0 0 96.0900000000000 13.2800000000000 1.37233377864133 337.733411726688 +0 0 99.9100000000000 11.1800000000000 1.23032516027268 340.534132991648 +0 0 98.4300000000000 11.5000000000000 1.17341382299681 342.645975363739 +0 0 99.9100000000000 11.4700000000000 1.18228592142510 351.732826664489 +0 0 99.7700000000000 11.5700000000000 1.27141653284830 352.316018170266 +0 0 99.2700000000000 12.1800000000000 1.09165012710117 356.849283586732 +41.1900000000000 31.7100000000000 91.8650000000000 11.8100000000000 1.06004716876184 359.459489812869 +185.880000000000 148.500000000000 91.8650000000000 11.6100000000000 1.29139459500185 2.66300076606714 +363 299 84.4600000000000 15.3400000000000 0.835463942968217 11.0409401803237 +520.250000000000 437.500000000000 81.0700000000000 15.4500000000000 0.705761999543756 7.32640666016955 +621 529.250000000000 75.5400000000000 16.6300000000000 0.849293824303462 12.2361115094163 +748.500000000000 643 75.3700000000000 17.0400000000000 0.518941229813165 64.9164059938091 +862.500000000000 744.500000000000 57.5500000000000 21.1900000000000 0.586685605754905 119.623748751174 +921.250000000000 796.500000000000 57.4500000000000 21.2700000000000 0.704556598152342 124.592288687510 +906.750000000000 783 59.6700000000000 21.2300000000000 0.921140597303148 110.992853373114 +837.750000000000 720.250000000000 52.9800000000000 22.7400000000000 1.29711217710728 99.3170860691262 +725 618.750000000000 49.6800000000000 22.9500000000000 1.23357204896998 101.218842281269 +577.750000000000 486.620000000000 47.2600000000000 22.9300000000000 0.942019108086455 127.234833981575 +402 331.500000000000 45.6000000000000 23.1800000000000 0.891066776397819 135.909380449199 +216 172.250000000000 45.2400000000000 23.4000000000000 0.706045324324154 142.480886179524 +56.7000000000000 43.0800000000000 76.9100000000000 17.5400000000000 0.884081444212014 127.647620640108 +0.0600000000000000 0.0500000000000000 74.5900000000000 18.2900000000000 0.347131099154196 228.503531644784 +0 0 77.1600000000000 17.2700000000000 0.768374908491942 321.340191745910 +0 0 78.2600000000000 16.6500000000000 0.974525525576421 321.248371665038 +0 0 86.0700000000000 14.5500000000000 1.16275534829989 319.184916125118 +0 0 93.1000000000000 11.8300000000000 1.26269552941317 330.592810939266 +0 0 93.8400000000000 11.5300000000000 1.19774788666063 337.932100437590 +0 0 97.9400000000000 10.2500000000000 1.16811814470969 338.927273380049 +0 0 98.2800000000000 9.91000000000000 1.29247823966208 333.831453078055 +0 0 97.5900000000000 9.87000000000000 1.42021125189177 330.004920382860 +47.6600000000000 36.1100000000000 97.6800000000000 9.80000000000000 1.52266214243344 326.518659344880 +205.500000000000 163.120000000000 94.8700000000000 10.6000000000000 1.79011172835664 322.489952684632 +393.880000000000 323.750000000000 71.1800000000000 17.4400000000000 1.54563902642241 319.197668357161 +580.250000000000 487.500000000000 71.1900000000000 18.0300000000000 1.13216606555752 312.852414571702 +744 633.250000000000 66.3200000000000 19.0600000000000 1.28763348822559 313.111811993259 +874.500000000000 750.750000000000 63.6100000000000 19.2000000000000 1.52620444239951 320.050228424833 +958.250000000000 826.500000000000 41.6800000000000 24.7900000000000 1.63003067455800 323.481605794029 +991.250000000000 856.750000000000 42.9300000000000 24.6000000000000 1.68442868652846 324.422780613535 +966 834 43.7300000000000 24.6600000000000 1.54896739797841 316.307895601664 +887.250000000000 762.750000000000 34.8700000000000 27.4200000000000 1.49036908180491 319.899092453788 +744 634 34.9200000000000 27.4500000000000 1.24867930230304 328.091893064347 +551 464 34.6800000000000 27.5800000000000 1.01980390271856 334.440034828176 +368.620000000000 305.380000000000 37.5200000000000 27.1900000000000 0.884590300647707 317.290610042639 +193.440000000000 156.500000000000 44.8800000000000 27.1300000000000 1.40730238399571 261.006207601244 +55.1900000000000 42.6600000000000 64.1900000000000 21.1400000000000 1.57714932710888 264.542446514895 +0.0800000000000000 0.0700000000000000 66.0200000000000 20.6800000000000 2.03081264522358 289.862585497482 +0 0 66.4000000000000 20.8900000000000 1.82123584414540 311.215520090512 +0 0 74.6800000000000 19.1600000000000 1.81218100641189 317.683775159469 +0 0 85.4800000000000 16.9000000000000 1.69307412714270 330.255118703058 +0 0 91.1900000000000 14.7700000000000 1.72200464575448 345.883058304430 +0 0 87.4200000000000 15.4100000000000 2.30867927612304 355.030259271890 +0 0 89.3500000000000 15 2.87445647036096 3.19088681202978 +0 0 88.6000000000000 15.2600000000000 2.98050331320064 4.81153450167805 +0 0 89.1100000000000 15.4500000000000 2.70223981171176 357.667017698030 +6.61000000000000 5.59000000000000 91.8500000000000 15.2500000000000 2.47212459232944 352.328778516738 +34.0600000000000 28.7300000000000 91.5200000000000 15.2000000000000 2.59480249730110 343.660303741702 +129.560000000000 107.720000000000 73.6400000000000 20.9100000000000 2.20655840620637 355.581379533011 +358.250000000000 300.380000000000 75.0500000000000 20.6600000000000 2.23109838420452 1.79793185690052 +494.620000000000 418.880000000000 73.4600000000000 20.7300000000000 2.62640438622844 16.3649181698809 +555.500000000000 474.750000000000 72.3200000000000 20.9900000000000 2.88045135352083 15.9180731659825 +551.250000000000 472.620000000000 56.4100000000000 25.9000000000000 2.88142325943274 30.2134975416560 +864.750000000000 743 54.8000000000000 25.8400000000000 2.53734112803147 15.0768745440215 +817.500000000000 700.750000000000 53.6000000000000 25.9200000000000 2.93001706479672 16.4557526845828 +652.500000000000 557 50.1800000000000 27.6500000000000 3.30720425737510 32.1522951412823 +481.620000000000 409.750000000000 50.6300000000000 27.3700000000000 3.89104099181697 50.2132824047553 +275.120000000000 233.060000000000 51.1300000000000 27.3200000000000 3.98248666036686 58.3453717736617 +177.880000000000 150 54.1100000000000 27.0500000000000 3.19765539106390 63.0342855671299 +80.2500000000000 67.5000000000000 54.3800000000000 27.1300000000000 2.49467432744236 54.4623222080256 +29.6100000000000 24.7700000000000 72.6100000000000 23.4200000000000 1.21708668549122 28.4601759987711 +0.0700000000000000 0.0600000000000000 72.8000000000000 23.1700000000000 1.55241746962600 14.9314171781376 +0 0 68.9600000000000 23.5900000000000 2.40651199872346 18.6608180057415 +0 0 65.7400000000000 23.8500000000000 2.57769276679747 17.3805443194002 +0 0 71.2500000000000 22.2200000000000 2.49353163204320 14.8722120537559 +0 0 80.4100000000000 19.4100000000000 2.39885389300808 10.3262095473857 +0 0 84.1200000000000 18.7700000000000 2.24182960993917 354.111391253954 +0 0 87.8400000000000 17.5600000000000 2.11981131235778 346.357085224010 +0 0 89.5200000000000 17.1100000000000 2.07713745332368 347.770384242442 +0 0 89.5900000000000 17.1000000000000 1.99424171052558 351.057246051590 +16.4200000000000 13.8000000000000 91.8800000000000 16.4800000000000 1.77789201021884 345.338452251391 +83.7800000000000 70.3400000000000 91.5600000000000 16.6000000000000 1.70461139266403 340.820991974189 +322.250000000000 267.380000000000 85.1700000000000 19.0900000000000 1.29495173655237 312.809426135962 +357.120000000000 302.120000000000 85.0500000000000 19.3400000000000 1.44903416108800 297.095552493752 +218.500000000000 186.750000000000 82.0800000000000 19.9900000000000 1.14389684849640 292.080445167533 +354.120000000000 302.120000000000 80.3700000000000 20.4700000000000 0.982344135219425 284.743562836471 +285.120000000000 244.380000000000 75.3000000000000 22.7600000000000 0.607453701939498 302.905242922988 +314.750000000000 269.620000000000 80.1900000000000 22.1500000000000 0.360000000000000 0 +293 251.060000000000 81.5300000000000 21.5300000000000 1.22155638429014 335.323136829663 +191.560000000000 164.690000000000 86.1000000000000 20.7600000000000 2.54442527891860 345.199129941678 +119.090000000000 102.660000000000 88.4100000000000 20.3800000000000 2.47420694364881 345.008915278201 +110.470000000000 94.7800000000000 88.1800000000000 20.3000000000000 2.64319881961233 2.81910594887330 +86.2500000000000 73.6600000000000 94.2500000000000 18.8700000000000 2.67067407221473 14.9728757667869 +43.4100000000000 36.9100000000000 92.6000000000000 19.0600000000000 2.10161842397710 16.0202923020712 +12.6100000000000 10.6500000000000 96.6000000000000 18.1800000000000 1.92509740013330 32.6994611210019 +0.0200000000000000 0.0200000000000000 94.8400000000000 18.2500000000000 1.68807582768074 36.3268259521202 +0 0 94.6600000000000 18.2100000000000 1.37876756561793 18.1721259896855 +0 0 93.9000000000000 18.2900000000000 2.02632672587616 4.52882423693254 +0 0 94.3800000000000 17.7900000000000 2.57017509131187 0.668791952968665 +0 0 95.4100000000000 17.1400000000000 2.33985042256978 10.5895708580677 +0 0 94.7500000000000 17.2900000000000 1.73104014973657 20.6335242521582 +0 0 95.5900000000000 17.1200000000000 1.79936099768779 18.1328649110740 +0 0 95.1500000000000 17.0700000000000 1.73807364631077 8.26996158698116 +0 0 95.3000000000000 16.6900000000000 1.23259888041487 3.72131326474976 +7.82000000000000 6.57000000000000 96.5300000000000 16.3700000000000 1.04785495179438 346.759480084813 +38.9700000000000 33.0600000000000 98.7700000000000 16.0800000000000 0.608029604542410 323.695502877425 +90.8400000000000 77.3800000000000 95.6500000000000 17.5900000000000 0.450111097397076 358.726969979943 +142.500000000000 121.750000000000 96.5900000000000 17.7500000000000 0.636003144646314 53.3102771675242 +206 176.120000000000 98.3300000000000 17.4300000000000 0.716937933157397 67.0112831979194 +296.120000000000 253 94.8400000000000 17.5200000000000 0.986813052203912 109.536654938128 +412.620000000000 352.120000000000 86.9200000000000 19.7700000000000 0.901387818865997 146.309932474020 +566.500000000000 483 80.6800000000000 20.9400000000000 0.774144689318476 118.551391872960 +715.250000000000 610.750000000000 75.5900000000000 21.5600000000000 1.25015998976131 89.0833457436147 +745 636.500000000000 62.6900000000000 24.0100000000000 2.14149480503689 87.8590986336769 +662 563.500000000000 65.5700000000000 23.8400000000000 3.12257906224967 95.1445920578681 +543 457.880000000000 67.8300000000000 23.4900000000000 3.61354396680046 92.5377642889825 +327.620000000000 272.380000000000 63.4900000000000 24.2200000000000 3.58168954545198 91.7599311327333 +143.880000000000 117.160000000000 63.5800000000000 24.3700000000000 2.76219115920676 87.7176804766949 +38.3100000000000 30.3800000000000 76.4700000000000 20 1.92002604149006 78.2804009050058 +0.100000000000000 0.0800000000000000 76.6500000000000 20.6600000000000 2.07183493551007 61.4557526845828 +0 0 77.5300000000000 20.6600000000000 2.12301672155450 47.2906100426385 +0 0 78.6400000000000 20.3800000000000 2.54921556562014 39.7480163356188 +0 0 85.9500000000000 19.0400000000000 2.83063597094363 35.6553280979003 +0 0 92.3500000000000 17.1500000000000 3.08384500259011 28.8921913008181 +0 0 92.1600000000000 17.0600000000000 3.22490309931942 23.3852210572138 +0 0 93.4500000000000 16.4900000000000 3.14197390186488 21.6659587232902 +0 0 93.9200000000000 16.5300000000000 3.08868904229610 24.0754982550788 +0 0 93.4400000000000 16.5400000000000 2.96588941128964 27.9474864252010 +35.8900000000000 28.6900000000000 94.3400000000000 16.6300000000000 2.87123666736130 26.0295921915135 +147.440000000000 120.340000000000 95.2300000000000 16.3800000000000 2.76739950133695 19.4170659861462 +314.250000000000 260.880000000000 78.6000000000000 21.3700000000000 2.26152603345617 17.2331157584699 +525.750000000000 442.620000000000 76.0700000000000 21.7900000000000 2.66084573021436 16.5961201921584 +715.750000000000 610.250000000000 74.1900000000000 22.2000000000000 3.02788705205462 20.2902762118429 +851.750000000000 732.500000000000 71.8800000000000 22.3700000000000 3.15285584827470 26.5650511770780 +934.500000000000 807.500000000000 52.4600000000000 27.2400000000000 3.07299528148027 27.7324891723401 +966.500000000000 836.750000000000 50.9100000000000 27.4100000000000 3.08527146293483 30.8045135304498 +937.500000000000 810.500000000000 48.8700000000000 27.6600000000000 3.19375954010317 38.7718780955453 +829 713.250000000000 36.3600000000000 30.4800000000000 3.26013803388752 45.8699341356290 +687.500000000000 587.250000000000 36.0700000000000 30.4300000000000 3.12046470898166 50.8527018820910 +503.620000000000 425.500000000000 36.9100000000000 30.2400000000000 3.18121046144388 56.4098378296357 +271.120000000000 227.440000000000 41.3600000000000 29.5200000000000 2.79958925558733 63.7095271339073 +120.880000000000 100.940000000000 45.1400000000000 29.1300000000000 2.53797163104712 61.0111774788085 +28.9600000000000 24.1200000000000 66.1700000000000 24.0700000000000 2.08923430950193 67.4856131719646 +0.0700000000000000 0.0600000000000000 67.2800000000000 24.2100000000000 2.36381048309715 42.5997855391434 +0 0 67.8700000000000 23.9600000000000 2.74344673722673 32.6473878703600 +0 0 68.8500000000000 23.5300000000000 2.48294180358703 25.0168934781000 +0 0 76.6000000000000 22.3300000000000 2.43263231911442 14.0362434679265 +0 0 86.1500000000000 19.6400000000000 2.35586502160035 12.5024284386797 +0 0 87.6600000000000 19.5500000000000 2.52414341906319 11.8886580396280 +0 0 89.9800000000000 18.9500000000000 2.62194584230872 13.4532353064554 +0 0 89.7000000000000 18.9700000000000 2.72970694397769 4.83336575671989 +0 0 89.8100000000000 18.8300000000000 2.73001831495688 359.790126288433 +26.9900000000000 21.8300000000000 91.3000000000000 18.1200000000000 2.68001865665148 359.786210770123 +126.090000000000 104 91.5200000000000 17.8000000000000 2.57007781983348 0.445872551932490 +303.620000000000 252.690000000000 73.1100000000000 23.1900000000000 2.11286535302182 2.98428214359338 +507.380000000000 427.380000000000 70.3200000000000 23.0800000000000 1.87096231923575 1.83773679038785 +692 589.250000000000 69.8400000000000 22.9900000000000 2.17993119157463 350.494468313354 +840.500000000000 722 69 22.7300000000000 1.78756818051788 345.419579602796 +900.250000000000 775.250000000000 48.6600000000000 27.3600000000000 1.43136298680663 344.604450746005 +887 763.500000000000 47.4800000000000 27.3200000000000 1.31848397790796 9.60520415501295 +835 716.500000000000 46.7300000000000 27.4300000000000 1.29274900889539 34.9194020124577 +748 639.500000000000 37.7100000000000 29.4900000000000 0.774919350642375 17.2658094950146 +647.250000000000 551 37.4300000000000 29.6700000000000 0.752927619363243 329.688786773318 +491.380000000000 414.500000000000 37.3900000000000 29.6600000000000 1.04307238483242 4.39870535499553 +330.380000000000 274.750000000000 42.8100000000000 28.6500000000000 0.539351462406472 79.3150875999973 +185.310000000000 149.560000000000 55.0400000000000 28.6700000000000 1.12538882169675 185.609274446446 +51.1900000000000 39.6700000000000 68.2000000000000 23.0700000000000 2.36230819327200 165.787281383221 +0.140000000000000 0.120000000000000 62.8600000000000 23.9300000000000 0.827345151674922 7.64040676102676 +0 0 60.5800000000000 24 1.67693172192549 292.435888306675 +0 0 63.4100000000000 23.6100000000000 1.53443800787129 314.735966018741 +0 0 65.1300000000000 23.1900000000000 1.46986393928146 309.755661889285 +0 0 79.8100000000000 19.8300000000000 1.26621483169326 316.600024715148 +0 0 79.4000000000000 19.8400000000000 1.31912850018488 340.054002138399 +0 0 82.1400000000000 18.7600000000000 1.85270073136489 3.09405805891711 +0 0 82.7900000000000 18.0700000000000 2.01325606915762 13.2079284627791 +0 0 84.9300000000000 18.2600000000000 2.02009900747463 0.567266409857934 +13.9400000000000 11.7500000000000 90.6200000000000 17.0200000000000 2.09468374701290 356.167730253805 +47.3300000000000 39.8900000000000 91.4100000000000 17.1200000000000 1.81002762409859 0.316548047273008 +97.0300000000000 82.0600000000000 75.3300000000000 20.5600000000000 1.50658554353877 347.347443499442 +104 89 79.4600000000000 19.9600000000000 1.03768974168583 332.447188423282 +182.940000000000 156.440000000000 76.7700000000000 20.8600000000000 1.14402797168601 323.530765609948 +197.250000000000 168.810000000000 76.7600000000000 20.4200000000000 1.60377679244962 356.067103727769 +251.690000000000 214.940000000000 58.7400000000000 25.1400000000000 2.11747491130356 13.3799631270613 +375.250000000000 320.120000000000 59.2800000000000 24.6900000000000 2.11681364319111 16.4659142950827 +513.500000000000 437.880000000000 56.8800000000000 25.2500000000000 1.90591185525459 4.51398845800126 +611.250000000000 521.750000000000 48.9700000000000 28.0100000000000 1.88679622641132 355.135485562239 +417.620000000000 354.750000000000 47.4200000000000 28.3400000000000 1.85873612973978 354.442767790449 +205.620000000000 174.880000000000 45.0200000000000 28.9800000000000 1.60049992189940 1.43209618416465 +119.560000000000 101.500000000000 57.1100000000000 27.7300000000000 0.509607692249636 74.0546040990771 +58.0500000000000 49.0900000000000 67.9200000000000 27.4000000000000 0.750000000000000 126.869897645844 +15.7000000000000 13.1500000000000 77.8000000000000 22.6400000000000 0.953414914924242 65.8544580395784 +0.0500000000000000 0.0400000000000000 79.6000000000000 22.6100000000000 1.48404851672713 52.6668042618142 +0 0 79.4400000000000 22.8300000000000 1.75413796492750 43.6140821491878 +0 0 76.8900000000000 22.6200000000000 1.52029602380589 358.869309048762 +0 0 78.9800000000000 21.8900000000000 1.97185192141804 345.611388406868 +0 0 82.8900000000000 20.0900000000000 1.87579316557023 350.487462397721 +0 0 81.1700000000000 20.3100000000000 1.81727818453862 7.90716270295846 +0 0 83.6500000000000 19.6300000000000 2.21995495449795 18.1084806779306 +0 0 85.6600000000000 19.3500000000000 2.40651199872346 18.6608180057415 +0 0 85.8000000000000 19.3300000000000 2.51793566240283 30.0271242332131 +14.7300000000000 12.3200000000000 88.4600000000000 18.5900000000000 2.59146676613844 39.8338792814208 +84.3400000000000 71.0300000000000 88.3400000000000 18.3500000000000 2.67469624443599 42.8789036033386 +128.880000000000 109.310000000000 79.7500000000000 20.1400000000000 2.49611698443803 15.0940628250366 +154.880000000000 132.060000000000 79.5200000000000 19.8600000000000 2.38113418353523 5.54299208750407 +237.500000000000 202.500000000000 82.2600000000000 19.3000000000000 2.29706334261814 355.505642347368 +318.380000000000 271.500000000000 86.2800000000000 18.8400000000000 2.14254521539220 351.680803350500 +382.620000000000 326.620000000000 81.2800000000000 20.9400000000000 2.10097596368926 347.352873864274 +428.250000000000 365.880000000000 84.2000000000000 20.6000000000000 1.95092285854669 1.76239102366051 +411.120000000000 351.120000000000 82.1600000000000 20.6000000000000 2.09468374701290 22.1569638376382 +393.120000000000 335.500000000000 73.7600000000000 22.5000000000000 2.04479827855953 3.92590770368398 +342.120000000000 291.500000000000 70.5700000000000 22.4700000000000 2.31049778186433 354.536157186763 +261.620000000000 221.750000000000 67.9800000000000 22.7100000000000 2.25108862553210 358.218039409673 +179.250000000000 150.440000000000 70.9400000000000 22.5500000000000 2.23573254214363 4.10387547263694 +87.9700000000000 72.6900000000000 72.1100000000000 22.5500000000000 1.76377436198625 15.4545562151245 +23.1600000000000 18.8400000000000 77.5500000000000 21 1.76504957437461 348.562743781092 +0.0800000000000000 0.0600000000000000 77.1000000000000 20.9900000000000 2.31458419591943 330.777091535410 +0 0 77.6300000000000 20.8000000000000 2.84478470187113 332.354024636261 +0 0 78.1300000000000 20.8500000000000 2.84922796560753 341.374277921433 +0 0 82.5600000000000 19.7900000000000 2.40684440710238 347.522833357994 +0 0 88.6600000000000 17.6000000000000 2.16390850083824 347.183997806341 +0 0 87.1600000000000 17.7100000000000 1.74183810958424 2.63243486898648 +0 0 90.4800000000000 16.7400000000000 1.52118374958451 357.739498088859 +0 0 91.9800000000000 16.4200000000000 1.41031911282518 336.161259816828 +0.0100000000000000 0.0100000000000000 92.6400000000000 16.3200000000000 1.31912850018488 340.054002138399 +42.8100000000000 33.8000000000000 92.8100000000000 15.7800000000000 1.37353558381281 331.755748929199 +178.250000000000 143.440000000000 92.5400000000000 16.0100000000000 1.57280005086470 329.848452018178 +347.500000000000 287.250000000000 71.4700000000000 20.8300000000000 1.28736164305140 342.831827564818 +513 431.880000000000 69.0200000000000 21.7800000000000 0.936215787091844 336.721050801997 +640 545 69.4500000000000 21.9200000000000 0.781088983407140 341.333085725780 +773.750000000000 664 70.4000000000000 21.6800000000000 0.863133825081603 349.992020198559 +878.250000000000 757.250000000000 58.6100000000000 25.4100000000000 1.03817146945965 7.19347005529554 +933 808 57.8000000000000 25.1600000000000 1.12285350780946 4.08561677997488 +923.500000000000 798.750000000000 58.1500000000000 25.0300000000000 1.40801278403287 339.634463735911 +832.750000000000 716.750000000000 49.5400000000000 27.4800000000000 1.70205757834452 343.268512787129 +601 511.750000000000 45.9600000000000 28.1300000000000 1.72002906952179 10.7219690593910 +329 278.750000000000 45.3100000000000 28.0900000000000 1.45344418537486 40.8150838748816 +179.940000000000 152.190000000000 57.8800000000000 26.9700000000000 0.438634243989226 65.7722546820458 +106.470000000000 89.5600000000000 68.3500000000000 26.3700000000000 1.02771591405407 100.653902599938 +28.1200000000000 23.4800000000000 81.6600000000000 23.3300000000000 1.45344418537486 77.6849815207256 +0.100000000000000 0.0800000000000000 80.8000000000000 22.9600000000000 1.41060270806489 19.4625656093637 +0 0 79.8200000000000 23.0200000000000 1.64234588318052 350.537677791974 +0 0 79.7700000000000 22.4600000000000 1.93582023958838 4.44410612165269 +0 0 78.8500000000000 21.6300000000000 2.54678228358845 30.6936774168937 +0 0 80.0100000000000 20.0200000000000 2.94108823397055 19.0510087313212 +0 0 77.1700000000000 20.1000000000000 3.15778403314730 27.5388233495755 +0 0 81.6800000000000 19.3200000000000 3.10161248385416 32.3578476721102 +0 0 80.1800000000000 19.5100000000000 3.07611768305441 29.3983384692516 +0 0 80.0500000000000 19.7500000000000 3.16809090778658 24.6235647861636 +12.0500000000000 10.0700000000000 83.0700000000000 19.0300000000000 3.24607455244022 23.8011938061654 +44.2700000000000 37.4400000000000 82.3900000000000 19.0200000000000 3.25541088036518 22.3897082815302 +93.1200000000000 79.1600000000000 83.6900000000000 19.1800000000000 3.17812838003753 18.7200001005058 +159.500000000000 136 88.7300000000000 18.5000000000000 3.46561682821399 16.0816519568137 +211.250000000000 180.560000000000 94.6100000000000 17.5900000000000 3.82231605181989 11.1629451630437 +275.500000000000 235.690000000000 97.4700000000000 16.9500000000000 4.02750543140540 15.5545712700744 +358.500000000000 306.750000000000 92.6400000000000 18.2100000000000 4.15985576673038 21.1363990520391 +509.620000000000 438.620000000000 95.8000000000000 17.8600000000000 4.24872922177914 20.0983200796862 +594.500000000000 514 97.0600000000000 17.6400000000000 4.10487515035476 19.0529070740252 +532.750000000000 458.500000000000 93.1200000000000 18.8500000000000 3.88494530206025 16.7557489291990 +379 324 93.2400000000000 18.7000000000000 3.67903519961416 16.9080797874995 +280 237.560000000000 92.8000000000000 18.4000000000000 3.50891721190455 20.3458214882868 +192.060000000000 160.560000000000 94.7800000000000 17.6500000000000 3.61796904353810 26.4234055335962 +95.9100000000000 78.2200000000000 93.6100000000000 17.8600000000000 3.53375154757660 29.6845488030815 +25.2500000000000 20.0500000000000 99.9300000000000 16.8500000000000 3.73065677863831 32.9659215124427 +0.0800000000000000 0.0600000000000000 99.9200000000000 17.1600000000000 3.60843456363005 35.9806775686183 +0 0 99.6200000000000 17.3200000000000 3.42957723342105 38.6076263199630 +0 0 98.1500000000000 17.5400000000000 3.38001479286704 41.2816040851440 +0 0 99.0600000000000 16.9500000000000 3.81933240239705 41.2847108945712 +0 0 97.5800000000000 15.3700000000000 4.02483540036111 38.0372942070349 +0 0 95.3400000000000 15.7400000000000 4.59460553257840 49.2363947990588 +0 0 93.8900000000000 15.5800000000000 4.79232720084929 52.4605661261683 +0 0 93.8600000000000 15.0200000000000 5.66654215549483 62.8018720514909 +0.0100000000000000 0.0100000000000000 93.9200000000000 14.8600000000000 5.03846206694067 67.3538927120329 +45.7300000000000 35 95.3900000000000 13.8400000000000 4.58004366791410 67.1299367317620 +199.500000000000 159.060000000000 94.9300000000000 13.7800000000000 3.98136911124804 57.8268181303715 +411.620000000000 337.880000000000 78.6900000000000 16.4700000000000 3.55957862674783 35.1634454945610 +600.500000000000 503.620000000000 72.0600000000000 16.9300000000000 3.74663849336976 24.1022345011611 +764.250000000000 650 64 17.3100000000000 4.47611438638469 30.9198517287796 +890.750000000000 764 61.1600000000000 17.5900000000000 4.46806445790568 37.1776607351780 +970.500000000000 836.750000000000 46.4500000000000 21.1400000000000 4.53498621828115 46.8764136918374 +999.250000000000 863.250000000000 48.6700000000000 20.5800000000000 4.91500762969906 63.0178804514385 +967 834.500000000000 50.3600000000000 20.2300000000000 5.39156749007188 67.1921199001969 +824 708.250000000000 46.3300000000000 21.8800000000000 5.32226455561916 68.7383463697439 +614.500000000000 524 46.1800000000000 22.0900000000000 5.01997011943298 66.3967638345479 +458.120000000000 385.880000000000 47.5100000000000 22.1700000000000 4.61706616803355 61.8253165980338 +320 265 50.0700000000000 20.8400000000000 3.73162163140906 54.8193006387579 +169.440000000000 136.500000000000 52.7100000000000 20.7500000000000 3.09870940877005 43.1692513519745 +47.7200000000000 37.2800000000000 69.3900000000000 16.7400000000000 2.55248898136701 32.1957339347133 +0.210000000000000 0.160000000000000 67.5600000000000 16.9100000000000 2.90594218800031 23.7422756722532 +0 0 67.5700000000000 16.6500000000000 2.74548720630784 9.22216166447651 +0 0 66.2700000000000 16.7300000000000 2.83289604468643 354.530905029888 +0 0 70.8200000000000 15.8000000000000 2.78217540784186 2.26591713531239 +0 0 74.3200000000000 15.0400000000000 3.03586890362545 5.86082754773599 +0 0 73 15.2200000000000 3.22248351431004 6.77215996611356 +0 0 74.9700000000000 15.0500000000000 3.17647603485372 8.69130753588485 +0 0 74.4300000000000 15.1300000000000 2.95609539764873 10.1314860915590 +0.0100000000000000 0.0100000000000000 73.0200000000000 15.8200000000000 2.84015844628429 355.152592609432 +29.8800000000000 23.8800000000000 76.5700000000000 15.5700000000000 3.01761495224291 336.153182024761 +137.250000000000 111.560000000000 79.3900000000000 14.8200000000000 3.19738956025067 336.401404382882 +305 252.940000000000 64.2600000000000 18.7500000000000 2.99252401828289 351.544972322823 +491.620000000000 413.500000000000 65.9900000000000 19.0200000000000 3.24024690417258 359.292680631456 +672.750000000000 572.250000000000 65.5200000000000 19.1400000000000 3.58559618473693 9.14708038487515 +832.500000000000 714 65.3700000000000 19.1100000000000 3.70325532471095 19.0709988111365 +870.750000000000 750 53.5000000000000 22.9500000000000 3.46092473191776 30.5662698895545 +832.500000000000 718.750000000000 54.4500000000000 23.0100000000000 3.52278299076171 46.6103006024990 +753.500000000000 649.750000000000 52.9500000000000 23.2100000000000 3.61322570565416 60.6681604217525 +562.500000000000 483.620000000000 52.3100000000000 22.8800000000000 3.44955069538049 65.1436546957871 +435 371.250000000000 56.6800000000000 22.2100000000000 2.72356384173384 63.1527058866512 +321.880000000000 271.750000000000 54.6700000000000 23.0700000000000 3.76364185331176 70.6021875514418 +194.190000000000 161.750000000000 59.6600000000000 21.5600000000000 2.56889081122573 65.6298799461262 +114.030000000000 92.3400000000000 69.4900000000000 20.1100000000000 2.30158640941417 350.496752242139 +36.0300000000000 28.0700000000000 84.0400000000000 16.5100000000000 2.84079214304743 344.691813285399 +0.150000000000000 0.120000000000000 82.5900000000000 16.6600000000000 2.66833281282527 336.124719146073 +0 0 81.7500000000000 16.1800000000000 2.10800853888214 325.631461535933 +0 0 82.2200000000000 15.8100000000000 1.60639347608237 317.270449670665 +0 0 86.0100000000000 14.7600000000000 1.49201206429439 322.899691614265 +0 0 96.0500000000000 12.6500000000000 1.76323566207130 345.884945330729 +0 0 92.6400000000000 13.6900000000000 2.14709105535839 9.11135704478400 +0 0 93.3700000000000 13.2600000000000 2.46446748811990 13.1340223063963 +0 0 93.2600000000000 13.3500000000000 2.49393263742227 356.781938716206 +0.0100000000000000 0 94.6000000000000 13.0500000000000 2.30846269192292 337.322858383755 +29.1900000000000 23.5500000000000 96.9900000000000 12.3500000000000 1.84588732050469 313.902513946620 +133 108.060000000000 98.6800000000000 12.2600000000000 1.61276160668587 313.492564241225 +237.620000000000 196.940000000000 84.1100000000000 16.2600000000000 0.993176721434811 295.016893478100 +345.380000000000 290.620000000000 91.2800000000000 15.8100000000000 0.998248466064436 312.157862116344 +442.750000000000 376.380000000000 93.1600000000000 15.5600000000000 1.35059246258818 333.624669253747 +535.750000000000 458.620000000000 94.2100000000000 15.1900000000000 1.21457811605512 342.758540601060 +506.120000000000 435.620000000000 78.7200000000000 19.4400000000000 1.00304536288246 290.422333024723 +493.120000000000 425.380000000000 76.8600000000000 19.5600000000000 0.950210502993942 271.206048779220 +448 385.880000000000 76.3400000000000 19.5300000000000 0.609261848469113 246.801409486352 +358.380000000000 306.880000000000 72.5400000000000 20.5400000000000 0.456070170039655 195.255118703058 +355.750000000000 303.380000000000 73.5200000000000 20.3000000000000 0.664830805543787 158.838740183172 +326.620000000000 275.380000000000 67.7100000000000 21.4500000000000 0.926498785752038 103.736268305623 +180.380000000000 150.310000000000 75.6100000000000 19.3600000000000 0.713442359269479 121.239214888209 +106.970000000000 86.9100000000000 79.5700000000000 19.0100000000000 1.51052970841358 178.482585874988 +32.6600000000000 25.7800000000000 96.9200000000000 15.6900000000000 0.629364759102383 252.428741221678 +0.140000000000000 0.110000000000000 93.8500000000000 16.1500000000000 1.16691902032660 17.9691397401570 +0 0 95.0900000000000 15.9200000000000 0.841724420460759 46.4441255309358 +0 0 94.2000000000000 15.7100000000000 1.07447661677675 75.4464272092875 +0 0 97.0900000000000 15.2600000000000 1.04355162785557 71.5650511770780 +0 0 98.1750000000000 12.7200000000000 1.01833196944808 35.4068657372697 +0 0 99.2600000000000 12.8900000000000 1.19402680036924 21.6231961279046 +0 0 99.6500000000000 12.3800000000000 1.04235310715707 356.149361176089 +0 0 97.2000000000000 12.4800000000000 0.958175349296777 341.754145472422 +0.0100000000000000 0.0100000000000000 97.1100000000000 12.6000000000000 0.929623579735368 348.206570315090 +32.1600000000000 26 98.0900000000000 12.2200000000000 0.881419309976812 356.748054399636 +124.340000000000 102.560000000000 97.9500000000000 12.5400000000000 0.670671305484289 339.943905263425 +269 224.060000000000 88.9700000000000 15.6100000000000 0.635609943282828 335.854458039578 +408.250000000000 343.500000000000 93.9900000000000 15.6600000000000 0.697782200976781 334.536654938128 +562.750000000000 477.250000000000 98.0900000000000 15.7200000000000 0.546717477313466 309.805571092265 +591 503.500000000000 99.9600000000000 15.3400000000000 0.505964425626941 251.565051177078 +595.500000000000 508.250000000000 85.3600000000000 18.9000000000000 0.485489443757534 237.619322293431 +499.880000000000 426.380000000000 83.0900000000000 18.9200000000000 0.711125867902441 205.844387554560 +401.120000000000 342.120000000000 81.1500000000000 19.3600000000000 0.873212459828649 209.500724623499 +361.250000000000 308.250000000000 80.3000000000000 19.7700000000000 0.960416576283438 211.373005140108 +284.620000000000 242.310000000000 77.5200000000000 20.1600000000000 0.396232255123179 222.954591511113 +219.380000000000 185.750000000000 75.2200000000000 20.2800000000000 0.956347217280419 248.532348560901 +137.880000000000 116.220000000000 70.7600000000000 20.1300000000000 0.577234787586473 165.963756532074 +58.5800000000000 49.3400000000000 73.5900000000000 20.2400000000000 0.806535802057169 199.558251536997 +17.5500000000000 14.7300000000000 92.9900000000000 16.3500000000000 1.11986606342009 280.808230940320 +0.0800000000000000 0.0700000000000000 89.4800000000000 16.4900000000000 1.09895404817490 277.319019375590 +0 0 87.8700000000000 16.2600000000000 1.13225438837745 234.344671902100 +0 0 87.9700000000000 16.7100000000000 1.47922276888912 227.465758994998 +0 0 92.1900000000000 15.5400000000000 1.42144292885786 262.724995042111 +0 0 96.1100000000000 14.2000000000000 1.46164291124748 286.699244233994 +0 0 94.4600000000000 13.8600000000000 1.26649121591901 291.297354049034 +0 0 96.3800000000000 13.3800000000000 1.21511316345433 283.807519016201 +0 0 96.6500000000000 12.6800000000000 1.28316016147635 274.021990177020 +0.0100000000000000 0.0100000000000000 97.1700000000000 12.5300000000000 1.45120639469374 277.125016348902 +32.8000000000000 25.9500000000000 96.3300000000000 12.4500000000000 1.50960259671213 286.153932849101 +136.810000000000 110.940000000000 97.0900000000000 12.4500000000000 1.47122398022871 290.282559088917 +297.120000000000 245.880000000000 85.7000000000000 15.4100000000000 1.32423562857975 295.016893478100 +425.620000000000 357.620000000000 84.8400000000000 15.8500000000000 1.51789327688082 288.434948822922 +568.500000000000 483.750000000000 83.7900000000000 16.4100000000000 1.51753088930671 278.717456964600 +689 590.750000000000 80.8600000000000 17.3900000000000 1.72513767566534 236.586276534629 +711.500000000000 613 64.2300000000000 20.8700000000000 2.09880918618154 229.250654574651 +753 650.250000000000 62.4100000000000 21.0400000000000 2.27668618830088 229.453298744394 +793.500000000000 684.250000000000 62.2300000000000 20.8700000000000 2.09745083375034 230.998895532416 +737.250000000000 633.250000000000 58.7900000000000 21.8500000000000 2.04240054837439 229.368277434588 +579.250000000000 493.880000000000 54.8300000000000 22.5000000000000 2.22407284053378 230.656215634516 +438.380000000000 369.250000000000 53.9200000000000 22.2200000000000 2.37892833015205 230.286940850235 +333.500000000000 275.750000000000 51.6200000000000 22.7300000000000 2.53621765627479 228.516547496335 +186.810000000000 150 54.5900000000000 22.7400000000000 2.31248783780586 229.559950087412 +55.3800000000000 42.4700000000000 72.5800000000000 18.7800000000000 2.44346066062051 236.179862823424 +0.230000000000000 0.180000000000000 72.0500000000000 18.8500000000000 2.24289990860047 246.063448452130 +0 0 73.9100000000000 18.2100000000000 2.15195260170850 257.384555593502 +0 0 75.6400000000000 17.6700000000000 2.18506292815562 261.313645418763 +0 0 79.3500000000000 16.7000000000000 2.05779007675710 262.460554860491 +0 0 90.5200000000000 13.4900000000000 1.85043238190429 268.761365329103 +0 0 90.2900000000000 13.2000000000000 1.72011627513956 269.333800029817 +0 0 93.2500000000000 12.1900000000000 1.54029218007494 268.883989608593 +0 0 93.9200000000000 11.8200000000000 1.36330480817754 278.011231612856 +0.0200000000000000 0.0100000000000000 94.7600000000000 11.8400000000000 1.19641130051500 286.011177478808 +49.7300000000000 38 95.7900000000000 11.1900000000000 1.19218287187830 288.586926661486 +212.310000000000 168.810000000000 96.2100000000000 11.6700000000000 1.43892320851392 287.805350214512 +402.500000000000 330.750000000000 75.9200000000000 17.6700000000000 1.47732867026942 282.907408671266 +585.750000000000 491.620000000000 71.4500000000000 18.1700000000000 1.58316139417306 273.621484704117 +747.750000000000 636.250000000000 70.1000000000000 18.3700000000000 2.11151604303638 272.171311790915 +876.750000000000 752.250000000000 68.3400000000000 18.3600000000000 2.20311143612846 263.745967256084 +958 825.750000000000 50.9800000000000 22.8200000000000 2.23439029715043 257.332125137937 +983.500000000000 849 49.1800000000000 23.1800000000000 2.06813926030139 251.389835272173 +945 814.750000000000 47.5300000000000 23.2600000000000 1.97648678214654 251.106694719078 +842.500000000000 723.500000000000 41.7000000000000 24.6700000000000 1.87779125570442 254.557553399930 +719.750000000000 613.250000000000 46.7800000000000 24.2800000000000 1.37829604947558 241.389540334035 +517.250000000000 435.380000000000 42.9500000000000 24.8900000000000 1.30862523283024 226.548157698978 +386.750000000000 319.380000000000 42.3700000000000 25.6400000000000 1.55569919971696 224.479143625498 +221.060000000000 176.940000000000 45.5500000000000 25.5400000000000 1.46727638841494 213.040237778069 +65.4100000000000 49.6100000000000 66.8600000000000 20.3700000000000 1.83461167553245 184.063365992933 +0.260000000000000 0.200000000000000 68.2400000000000 19.4800000000000 2.10000000000000 180 +0 0 62.3400000000000 20.6900000000000 1.49214610544678 183.073332511073 +0 0 60.7900000000000 20.9300000000000 0.618465843842649 157.166345822082 +0 0 64.3000000000000 20.0100000000000 0.566480361530742 20.6744247608739 +0 0 73.7600000000000 17.1600000000000 0.790569415042095 325.304846468766 +0 0 80.3900000000000 15.1000000000000 0.560446250768082 344.475889003246 +0 0 88.6500000000000 13.4800000000000 0.631506136153878 349.045937356602 +0 0 91.9900000000000 12.7200000000000 1.04995237987254 342.255328374943 +0.0200000000000000 0.0100000000000000 93.8500000000000 12.5600000000000 1.00623058987491 349.695153531234 +54.4500000000000 41.1400000000000 96.9300000000000 11.5500000000000 1.16155068765853 357.039063865836 +210.310000000000 167.310000000000 96.5100000000000 12.1000000000000 1.17153745138600 357.064326553579 +402.250000000000 330.500000000000 74.6700000000000 19.1800000000000 1.19970829787911 338.996777288566 +586.750000000000 492.500000000000 74.0300000000000 19.1400000000000 0.974935895328508 333.172125989685 +749.250000000000 637.250000000000 70.6000000000000 19.5000000000000 0.966488489326179 331.578790775473 +876 751.250000000000 71.3600000000000 19.5400000000000 1.00702532242243 327.572445004228 +957.250000000000 824.750000000000 47.6800000000000 25.1000000000000 0.560802995712398 320.063616853030 +987 851.750000000000 46.9800000000000 25.3000000000000 0.350570962859162 273.270487923184 +961.500000000000 828.750000000000 46.2000000000000 25.4400000000000 0.0583095189484530 300.963756532074 +884 758.500000000000 37.3000000000000 27.2900000000000 0.370135110466435 38.4180553448220 +759.750000000000 647 38.1200000000000 27.0700000000000 0.695269731830748 49.6668583714390 +599 503.500000000000 37.3700000000000 27.3900000000000 0.948946784598589 61.0040404858816 +415.500000000000 342.120000000000 41.8400000000000 26.6900000000000 1.15446957517295 75.9637565320735 +227.190000000000 180.880000000000 49.1900000000000 26.3800000000000 1.37116738584317 79.9194020124577 +62.9200000000000 47.8000000000000 68.0300000000000 21.7100000000000 1.56894869259642 78.9765440362569 +0.230000000000000 0.190000000000000 64.4500000000000 22.3500000000000 1.61941347407017 81.1193408494798 +0 0 66.4900000000000 21.9200000000000 1.17324336776306 34.2318554388922 +0 0 73.8100000000000 20.5000000000000 1.09767937030811 16.9492242338214 +0 0 80.0400000000000 18.8500000000000 1.18139747756629 15.2125828686205 +0 0 92.5500000000000 15.6400000000000 1.23911258568380 6.95295746817392 +0 0 91.0500000000000 15.9000000000000 1.66373074744683 9.68878656036680 +0 0 91.0200000000000 15.1400000000000 1.74040225235432 16.3523835431911 +0 0 90.1000000000000 15.4200000000000 1.74140747672680 13.9564443837118 +0.0200000000000000 0.0100000000000000 89.4000000000000 15.7100000000000 1.86316934281348 10.8274531038254 +49.0600000000000 37.4800000000000 92.1000000000000 15.1200000000000 1.99582063322334 9.22634421977618 +199.500000000000 158.440000000000 92.3900000000000 15.0100000000000 2.15824002372303 7.45429881274847 +382.250000000000 313.620000000000 74.5600000000000 20.6000000000000 1.67194497517113 350.706691400603 +565.250000000000 473.880000000000 75.6000000000000 20.6800000000000 1.26491106406735 341.565051177078 +728.250000000000 618.750000000000 72.9100000000000 21.1100000000000 1.11319360400606 342.216111557308 +856.250000000000 733.500000000000 71.0300000000000 21.1300000000000 1.28316016147635 345.097345760969 +938.250000000000 807.500000000000 53.1500000000000 25.8500000000000 1.59314155052211 335.526281180955 +972 838.250000000000 52.1100000000000 25.8600000000000 1.92333044482741 343.072486935853 +946.250000000000 815.250000000000 51.9900000000000 25.8000000000000 1.96328805833479 10.5658732711315 +868.250000000000 745.250000000000 46.8000000000000 27.2300000000000 1.55939090673250 17.1567560907228 +734.250000000000 625.500000000000 48.0800000000000 27.0200000000000 1.53404693539670 25.8969091087493 +572.250000000000 481.380000000000 46.8700000000000 27.4300000000000 1.70836178838090 40.9650724838690 +398.380000000000 328.620000000000 51.8700000000000 26.2800000000000 2.01791972090071 50.6306827576353 +205.190000000000 164.380000000000 50.0300000000000 26.5600000000000 1.36029408585056 41.4236656250027 +52.9700000000000 41.5800000000000 82.4600000000000 22.1100000000000 0.498196748283246 321.519801751657 +0.230000000000000 0.190000000000000 81.9700000000000 22.0800000000000 1.06230880632705 326.908300061318 +0 0 85.1600000000000 21.4400000000000 1.56923548264752 337.520565602897 +0 0 81.3200000000000 21.9200000000000 1.76479460561279 4.22440321708385 +0 0 80.6800000000000 21 2.00339711490259 14.4524282510930 +0 0 86.0900000000000 18.8400000000000 2.32690781940325 15.7086378290157 +0 0 86.6200000000000 18.1800000000000 2.20954746498010 14.4135977011849 +0 0 89.8700000000000 17.2100000000000 1.92002604149006 0.298412819994883 +0 0 90.4600000000000 16.9800000000000 1.81705806181311 354.948310656238 +0.0100000000000000 0.0100000000000000 92.1500000000000 16.2800000000000 1.75482192828788 355.751545470639 +28.0900000000000 23.3400000000000 93.6000000000000 16 1.67451485511476 352.450578231737 +119 98.9100000000000 92.5200000000000 16.4700000000000 1.85924715947074 348.206570315090 +244.250000000000 203.750000000000 78.1300000000000 20.5100000000000 1.56185786805330 331.301708344307 +369.750000000000 310.500000000000 74.8800000000000 21.3900000000000 1.35148066948810 335.520959014837 +499.880000000000 423.120000000000 69.8700000000000 21.9600000000000 2.45293701509028 357.195917004878 +559.500000000000 476.620000000000 67.6800000000000 21.6400000000000 3.30096955454000 1.38871658955132 +544.750000000000 465.250000000000 62.7400000000000 23.3900000000000 4.00346100268255 10.2152418821672 +556.500000000000 476.750000000000 73.1400000000000 21.6300000000000 2.77346353861016 17.8469854082928 +466.620000000000 398.880000000000 82.7400000000000 20.7300000000000 2.13740496864773 15.4667147930503 +271.380000000000 231.620000000000 88.9800000000000 19.8700000000000 2.09613930834761 9.05788812861766 +166.440000000000 142 85.9400000000000 20.3500000000000 2.02039600078796 358.865578369023 +115.840000000000 98.6600000000000 84.7600000000000 20.5700000000000 1.94030925370158 345.677280021796 +80.6200000000000 68.3400000000000 89.6700000000000 19.6000000000000 1.79011172835664 335.582534251221 +45.1400000000000 38.0800000000000 91.9800000000000 19.3000000000000 1.80155488398217 337.135491878100 +14.0700000000000 11.7900000000000 91.4500000000000 19.6900000000000 1.46013697987552 346.534791905188 +0.0700000000000000 0.0500000000000000 91.8200000000000 19.5500000000000 1.85698680663057 318.930175545726 +0 0 91.9200000000000 19.2000000000000 1.93644003263721 333.302626241748 +0 0 91.0400000000000 18.8700000000000 2.13677326827158 345.638585338187 +0 0 91.6700000000000 18.2700000000000 1.69387130561917 337.067899562410 +0 0 94.0100000000000 17.5700000000000 1.87544661347637 340.695536121450 +0 0 93.2300000000000 17.5200000000000 2.29019649811976 0.750556796364267 +0 0 93.5200000000000 17.6300000000000 2.37741456208210 8.70951642200497 +0 0 93.2000000000000 17.8000000000000 2.08060087474749 1.37703719377274 +0 0 93.3900000000000 17.8500000000000 1.24651514230674 339.820541335489 +10.2700000000000 8.59000000000000 94.4600000000000 17.7800000000000 1.20569482042514 329.606737354447 +39.7800000000000 33.5900000000000 96.1600000000000 17.6400000000000 1.28693434175952 315 +76.0300000000000 64.4700000000000 94.3300000000000 18.3000000000000 1.19004201606498 311.593556245005 +115.470000000000 98.1200000000000 97.9700000000000 17.5000000000000 1.08853112036358 308.659808254090 +150.620000000000 128.190000000000 99.9900000000000 17.1000000000000 1.09772492000501 293.061519532294 +181.440000000000 154.560000000000 99.9900000000000 16.9100000000000 1.03585713300628 300.774036101248 +218.310000000000 186 89.4800000000000 20.2200000000000 1.28222462930643 311.522213480202 +258.120000000000 219.690000000000 85.8000000000000 20.8900000000000 1.49616175596090 323.972626614896 +269 228.620000000000 84.9400000000000 20.9400000000000 1.41661568535718 329.452428251093 +259.250000000000 220.060000000000 72.8600000000000 23.2500000000000 1.20830459735946 331.313852426261 +230.620000000000 195.750000000000 67.8700000000000 23.7400000000000 0.970618359603815 332.378925016925 +178.810000000000 151.500000000000 63.8400000000000 24.5300000000000 0.438634243989226 316.847610265995 +121.470000000000 102.590000000000 65.3200000000000 23.9400000000000 0.502095608425328 314.193070544898 +77.2500000000000 64.7200000000000 71.7000000000000 23.6100000000000 0.564358042380899 277.125016348902 +27.2000000000000 22.4800000000000 89.4300000000000 20.6000000000000 0.590084739677277 359.028978068921 +0.120000000000000 0.0900000000000000 89.6800000000000 20.8400000000000 1.16387284528852 40.1207262169933 +0 0 89.8700000000000 20.5900000000000 0.949368210969801 23.5948205698815 +0 0 90.9000000000000 20.2900000000000 0.522015325445528 16.6992442339936 +0 0 94.1300000000000 19.1000000000000 0.174642491965730 336.370622269343 +0 0 98.6100000000000 17.1400000000000 0.460977222864644 347.471192290849 +0 0 96.9100000000000 17.0400000000000 0.637887137352683 350.980677568618 +0 0 97.7100000000000 16.5900000000000 0.734098086089318 335.879016880557 +0 0 97.2300000000000 16.3800000000000 0.885098864534353 327.925999124706 +0 0 97.3000000000000 16.6900000000000 1.08466584716216 319.112228844718 +22.0600000000000 18.0700000000000 97.5700000000000 16.6700000000000 1.09041276588272 317.973731082480 +100.060000000000 81.9400000000000 97.4400000000000 16.8200000000000 1.04062481231230 312.273689006094 +271 224.750000000000 91.4800000000000 20.1500000000000 0.857962703152066 319.253836436119 +414.880000000000 348.250000000000 92.4600000000000 20.5700000000000 0.629364759102383 287.571258778322 +490.750000000000 416.620000000000 89.9900000000000 20.8100000000000 0.746726188103779 290.376435213836 +557 476.120000000000 86.9800000000000 21.0700000000000 0.324499614791759 326.309932474020 +727.750000000000 625 74.0400000000000 24.9400000000000 0.444072066223490 305.837652954278 +739.500000000000 636 70.5800000000000 24.8800000000000 0.288617393793236 284.036243467926 +753.250000000000 645.750000000000 76.5800000000000 23.9600000000000 0.452216762183801 198.034285567130 +683.500000000000 584.500000000000 72.7300000000000 24.8500000000000 1.29313572373514 183.990913098430 +606.750000000000 516.500000000000 74.0300000000000 24.2800000000000 1.36499084246012 169.019349989826 +487 410.120000000000 72.9500000000000 24.5600000000000 1.37186005117140 187.539445139509 +330.750000000000 273.750000000000 75.6700000000000 23.4400000000000 0.0632455532033676 161.565051177078 +151.250000000000 121.910000000000 72.7700000000000 24.0200000000000 0.174928556845359 59.0362434679265 +34.6400000000000 27.0100000000000 94.9900000000000 20.6400000000000 1.05891453857240 230.748663417288 +0.130000000000000 0.100000000000000 91.0300000000000 21.3400000000000 1.64109719395288 267.904747435376 +0 0 92.2200000000000 20.2900000000000 1.25495019821505 319.200622204635 +0 0 91.9000000000000 19.6600000000000 0.664906008395172 347.845058302778 +0 0 92.2900000000000 19.7600000000000 0.759605160593318 339.179107146689 +0 0 97.8300000000000 18.3500000000000 0.832165848854662 327.264773727892 +0 0 97.2500000000000 18.5200000000000 0.826196102629394 321.881723630637 +0 0 97.1900000000000 18.2000000000000 0.956922149393565 325.645663344960 +0 0 96.9700000000000 18.2900000000000 1.18532695911297 350.776077717895 +0 0 96.8800000000000 18.3900000000000 1.25323581180878 355.881810296011 +21.0900000000000 17.4900000000000 96.7200000000000 18.2900000000000 1.27738013136263 350.537677791974 +85.5900000000000 71.5900000000000 98.1100000000000 17.9000000000000 1.43391073641284 347.514532509143 +180.810000000000 152.120000000000 90.1600000000000 20.4500000000000 1.36091880727691 357.894485811144 +286.500000000000 241.750000000000 94.2500000000000 19.3300000000000 1.25299640861417 335.480357311809 +382.620000000000 324 93.9800000000000 19.1100000000000 1.22196562963121 338.895161415070 +485.250000000000 412.120000000000 94.6700000000000 19.2700000000000 1.09480591887330 320.931526924920 +524.250000000000 446.250000000000 81.1100000000000 22.7000000000000 0.740607858451421 325.451632943989 +531.250000000000 453 75.1300000000000 23.9100000000000 0.371079506305589 345.963756532074 +511.120000000000 435.750000000000 72.9100000000000 24.6400000000000 0.156524758424985 116.565051177078 +446.380000000000 380.120000000000 63.9400000000000 26.3300000000000 0.630317380372777 131.784516008252 +367.880000000000 312.750000000000 63.2700000000000 27 0.890056178002265 117.428741221678 +280.620000000000 237.560000000000 66.4700000000000 26.4600000000000 0.541479454827235 4.23639479905884 +203.190000000000 170.500000000000 80.7900000000000 23.8400000000000 1.32966161108757 316.218875235131 +122.220000000000 100.440000000000 87.9800000000000 23.1900000000000 0.826377637645163 291.286405113659 +35.0500000000000 28.1100000000000 95.0600000000000 20.6300000000000 1.23713378419636 327.209119758496 +0.110000000000000 0.0900000000000000 92.0100000000000 21.2300000000000 1.71128606609182 340.188522858453 +0 0 92.6500000000000 21.2300000000000 1.63370744014955 3.86073262488327 +0 0 90.3900000000000 20.2800000000000 1.31461020838878 355.200163886095 +0 0 92.0500000000000 19.7100000000000 0.980612053770501 348.231711067979 +0 0 97.1100000000000 18.2000000000000 1.41230308361909 349.804011752713 \ No newline at end of file diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_out.txt" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_out.txt" new file mode 100644 index 0000000..a4d687d --- /dev/null +++ "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_train_out.txt" @@ -0,0 +1,696 @@ +0.00249154256803908 +0.00247011828332170 +0.00243657693649686 +0.00243657693649686 +0.00243657693649686 +0.0206849494068388 +0.0599016713189114 +0.153803890439637 +0.239549249825541 +0.290321598046057 +0.276156524773203 +0.312781873691556 +0.308175017445918 +0.284520062805304 +0.222584420795534 +0.182034159106769 +0.207198237962317 +0.142710048848569 +0.0658734298674110 +0.0150634193998604 +0.00247724249825541 +0.00247724249825541 +0.00247724249825541 +0.00247724249825541 +0.00247724249825541 +0.00247724249825541 +0.00247724249825541 +0.00248353768318214 +0.00247724249825541 +0.0110483349616190 +0.0235898325191905 +0.0505834508025122 +0.0686116608513608 +0.0968642009769714 +0.106906791695743 +0.123626453244941 +0.0854350087229588 +0.0829662683182135 +0.0637081594556874 +0.0409263293789253 +0.0359232868108863 +0.0272300924633636 +0.0159797827983252 +0.0117880251221214 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.0241663485694348 +0.0569278785764131 +0.108472634333566 +0.121077372644801 +0.164822564549895 +0.238725191905094 +0.310149302163294 +0.267839392882066 +0.280013538032101 +0.231363136775994 +0.194566102581996 +0.152988363572924 +0.0788129099790649 +0.0404190195394278 +0.0143228768318214 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.00177334263782275 +0.0247756385205862 +0.0650004239357990 +0.120641224703419 +0.202295655966504 +0.206218597348221 +0.235176099092812 +0.278566468946267 +0.227372156315422 +0.258079187020237 +0.252107222609909 +0.226181995812980 +0.174761182833217 +0.113049738311235 +0.0224723918353105 +0.00259089602233077 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.0185164260293091 +0.0562657257501745 +0.112952826238660 +0.163730809490579 +0.202908025122121 +0.217918300767620 +0.270699738311235 +0.239583688066992 +0.234342376133985 +0.166937700628053 +0.192794085833915 +0.106402538381019 +0.0789016120027914 +0.0330667062107467 +0.00504456507327285 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000151443440334962 +0.0257957222609909 +0.0837647522679693 +0.175913128053036 +0.248509874389393 +0.314857100488486 +0.343330600139567 +0.323569277739009 +0.311598918353105 +0.292115875785066 +0.285542463363573 +0.289817323796232 +0.216613398464759 +0.130058583391486 +0.0461709281228193 +0.00570705792044662 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000170133670621075 +0.0272374284717376 +0.0822466678297279 +0.183227320307048 +0.270484002093510 +0.343134089323098 +0.387668998604327 +0.397002686671319 +0.365045952547104 +0.346064375436148 +0.320737264480112 +0.285038660153524 +0.219668649685973 +0.127614392882066 +0.0565027163293789 +0.00624734647592463 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.63877704117237e-05 +4.29117690160502e-05 +9.57438590369853e-05 +0.0255200907187718 +0.0867936584089323 +0.181601308443824 +0.243136601535241 +0.323972836706211 +0.348390963014655 +0.373581873691556 +0.370722051639916 +0.376286287508723 +0.351818248429867 +0.299726587578507 +0.196692550593161 +0.0963139392882066 +0.0281335013956734 +0.00329637561060712 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000210023098394976 +0.00971327215631542 +0.0382031018841591 +0.0962386304954641 +0.187051796929519 +0.285810415212840 +0.329618126308444 +0.379528314724355 +0.376937962316818 +0.344307536636427 +0.272715020935101 +0.193403663642708 +0.136089103279833 +0.0741537159804606 +0.0405889968597348 +0.00724870481507327 +4.06656664340544e-05 +5.34895847871598e-05 +4.65517376133985e-05 +5.69079815073273e-05 +6.00839776692254e-05 +5.00156908583391e-05 +6.06264602233078e-05 +5.41084403349616e-05 +0.000149904727843685 +0.0148467568039079 +0.0440004169574320 +0.0859154256803908 +0.155356130495464 +0.203451674808095 +0.290566817864620 +0.316307309839498 +0.340379780181438 +0.344784699930216 +0.325622540125611 +0.272151692254013 +0.207425872295883 +0.120117916957432 +0.0587515073272854 +0.00863462665736218 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.0238018056524773 +0.0832238136775994 +0.161721707955338 +0.232820952547104 +0.310672418004187 +0.366531664340544 +0.388433531053733 +0.399487194696441 +0.382018108862526 +0.356767847173761 +0.305131769016050 +0.231139515003489 +0.144224167829728 +0.0630661933007676 +0.0131959979064899 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000188269818562456 +0.0229307466852756 +0.0562633565945569 +0.143281245638521 +0.217225314026518 +0.287236531751570 +0.327780547801814 +0.359936025819958 +0.331960467550593 +0.289593527564550 +0.194049197487788 +0.192816434054431 +0.176010216329379 +0.124425645498953 +0.0364981175854850 +0.00522212561060712 +0.000225364933705513 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000289786130495464 +0.0160375697836706 +0.0666726622470342 +0.146879431263084 +0.247089846475925 +0.317063189113747 +0.359456036287509 +0.376454501046755 +0.383410205861828 +0.370748953244941 +0.323250645498953 +0.277582676203768 +0.192204535938590 +0.103733478715980 +0.0410782449406839 +0.00380950331472435 +0.000114017428471738 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000375519452198186 +0.0119420516399163 +0.0280194173063503 +0.0391177477320307 +0.0511011200279135 +0.0887072627355199 +0.0968709699930216 +0.130350593161200 +0.190829204466155 +0.191681594556874 +0.137583339148639 +0.0832908618283322 +0.0467506193300768 +0.0260206088625262 +0.00478510188415911 +0.000464516346824843 +0.000108050924633636 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +4.06656664340544e-05 +0.000502757187718074 +0.0156124092812282 +0.0467937281926029 +0.0915722836706211 +0.129240771109560 +0.194517428471738 +0.211246074668528 +0.224562020237264 +0.237608251919051 +0.258832292393580 +0.231590439637125 +0.230969748778786 +0.180339497557572 +0.129074448709002 +0.0564003227494766 +0.00885924180041870 +0.00150258775296581 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00160809211444522 +0.0271455163991626 +0.0833534612700628 +0.171480678646197 +0.248379797627355 +0.280462892533147 +0.284735013956734 +0.323667777390091 +0.283318387997209 +0.221810502442428 +0.177661950453594 +0.147872913468248 +0.0926264305652477 +0.0483310711793440 +0.0222165491974878 +0.00409894539427774 +0.00181055094207955 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00167475244242847 +0.0177317690160502 +0.0759625331472436 +0.161502739009072 +0.248012700628053 +0.308610833914864 +0.352093073970691 +0.380997923935799 +0.374024808094906 +0.357946493370551 +0.338460048848569 +0.271785362875087 +0.206375872295883 +0.0959586357292394 +0.0184546587578507 +0.00732709874389393 +0.00153173290300070 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00163901884159107 +0.0274913712491277 +0.0757871423586881 +0.166313729937195 +0.255099389392882 +0.322318178646197 +0.354914480111654 +0.334689811584089 +0.309571563154222 +0.253576064200977 +0.237579413817167 +0.210718004187020 +0.165804867411026 +0.129075341939986 +0.0495946737613399 +0.00977514776692254 +0.00153968056524773 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00176215265177948 +0.0258222958827634 +0.0746659769713887 +0.175423412421493 +0.256791852756455 +0.338159856943475 +0.352815544312631 +0.342577198185625 +0.338509298674110 +0.277060101186322 +0.250246598046057 +0.235803681088625 +0.137735816468946 +0.128416329378925 +0.0597151535240754 +0.0132075662944871 +0.00185236374738311 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00154547749476622 +0.0133477747732031 +0.0359783496161898 +0.0844243893928821 +0.142787466852756 +0.193858583391486 +0.271076168876483 +0.309576657362177 +0.257889427773901 +0.253200157013259 +0.202886182833217 +0.198998115840893 +0.130190247732031 +0.0831730076762038 +0.0506789375436148 +0.00740415212840196 +0.00154244408583391 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00176800401256106 +0.0162851570132589 +0.0463570376831821 +0.108680512909979 +0.158600872295883 +0.207490422191207 +0.242633670621075 +0.311430286113050 +0.329454117236567 +0.311910746685276 +0.253740334961619 +0.218089131193301 +0.152762744242847 +0.0940338695045360 +0.0531239881367760 +0.00961181123517097 +0.00212973133286811 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143584054431263 +0.00143263381018842 +0.00176764366713189 +0.0266474965108165 +0.0847934403349616 +0.177682030704815 +0.266888258897418 +0.335411985345429 +0.355061566643405 +0.351690596650384 +0.324171912072575 +0.318696266573622 +0.287071353803210 +0.239738712491277 +0.217668021632938 +0.120686606769016 +0.0598491102581996 +0.0115315289602233 +0.00153983443824145 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00158451186322401 +0.0268518806699232 +0.0860625366364271 +0.181668387997209 +0.278181803907886 +0.349822993719470 +0.377734647592463 +0.374048098394976 +0.392533914863922 +0.389134769713887 +0.345584438241452 +0.299808705512910 +0.224215143056525 +0.142107998953245 +0.0640795394277739 +0.0119730094207955 +0.00153829291695743 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00146504937194696 +0.00143984141660851 +0.00171649738311235 +0.0270656559665038 +0.0868597836706211 +0.187778768318214 +0.277623447313329 +0.354749528960223 +0.397565422191207 +0.406230826936497 +0.394882344731333 +0.375744225401256 +0.359352058618283 +0.308306524773203 +0.233586933007676 +0.141266496859735 +0.0644482379623168 +0.0128851552686671 +0.00181443440334962 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00193504710397767 +0.0260129745289602 +0.0837043667131891 +0.174277786113050 +0.268312334263782 +0.341759263782275 +0.385717393579902 +0.404599668527565 +0.394815177948360 +0.370718039078856 +0.322172156315422 +0.293635415212840 +0.207871039776692 +0.113886810886253 +0.0465378646196790 +0.00989426378227495 +0.00214488904396371 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00168888267620377 +0.0214425034891835 +0.0703503436845778 +0.140895621074669 +0.182739515003489 +0.197525907187718 +0.197447278436846 +0.178571085136078 +0.170729902302861 +0.204006350314027 +0.151371031053733 +0.126588398464759 +0.101201779483601 +0.0700868545010468 +0.0312771074668528 +0.00711822226099093 +0.00175489532449407 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00173916765526867 +0.00811889427773901 +0.0229794330076762 +0.0470987124912771 +0.0798109630146546 +0.136181507327285 +0.144150047103978 +0.156789968597348 +0.199543108862526 +0.193201727145848 +0.254759071877181 +0.212942568039079 +0.168531184577809 +0.0987646371249128 +0.0463734403349616 +0.00692529832519191 +0.00149832937892533 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00176368998604327 +0.0163902442428472 +0.0455837264480112 +0.0940770411723657 +0.173313747383112 +0.242854431263084 +0.280275226796930 +0.289161025819958 +0.288555198883461 +0.290203489183531 +0.249785397766923 +0.233069626657362 +0.191386427076064 +0.115045045359386 +0.0597164218422889 +0.0124307920446615 +0.00498607711095604 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 +0.00498607711095604 +0.0234502599441731 +0.0763792271458479 +0.149205348918353 +0.220922644801117 +0.272644120725750 +0.291182083042568 +0.326434961618981 +0.299810921144452 +0.275348237962317 +0.281702023726448 +0.234410345429170 +0.162883452547104 +0.106762339497558 +0.0611565282623866 +0.0122896510816469 +0.00498607711095604 +0.00143263381018842 +0.00143263381018842 +0.00143263381018842 \ No newline at end of file -- Gitee From e05ec2a06c28c57cfb1e0efede3dfdd3cfdb2e78 Mon Sep 17 00:00:00 2001 From: xudongliwhu <10111247+xudongliwhu@user.noreply.gitee.com> Date: Tue, 30 Nov 2021 14:25:42 +0000 Subject: [PATCH 5/5] =?UTF-8?q?=E5=88=A0=E9=99=A4=E6=96=87=E4=BB=B6=20code?= =?UTF-8?q?/2021=5Fautumn/=E6=9D=8E=E6=97=AD=E4=B8=9C=5F=E5=9F=BA=E4=BA=8E?= =?UTF-8?q?Mindspore=E6=B7=B1=E5=BA=A6=E5=AD=A6=E4=B9=A0=E6=A1=86=E6=9E=B6?= =?UTF-8?q?=E7=9A=84=E5=85=89=E4=BC=8F=E5=8F=91=E7=94=B5=E9=A2=84=E6=B5=8B?= =?UTF-8?q?=E6=A8=A1=E5=9E=8B/PV=5Ftest=5Fin?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../PV_test_in" | 24 ------------------- 1 file changed, 24 deletions(-) delete mode 100644 "code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" diff --git "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" "b/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" deleted file mode 100644 index 008fa65..0000000 --- "a/code/2021_autumn/\346\235\216\346\227\255\344\270\234_\345\237\272\344\272\216Mindspore\346\267\261\345\272\246\345\255\246\344\271\240\346\241\206\346\236\266\347\232\204\345\205\211\344\274\217\345\217\221\347\224\265\351\242\204\346\265\213\346\250\241\345\236\213/PV_test_in" +++ /dev/null @@ -1,24 +0,0 @@ -0 0 95.6200000000000 18.3600000000000 1.76479460561279 4.22440321708385 -0 0 96.4200000000000 17.9800000000000 2.11002369654940 359.728458054315 -0 0 95.7300000000000 17.9800000000000 1.84981080113616 351.607074812608 -0 0 96.0100000000000 17.7200000000000 1.52712147519443 336.456555132563 -23.2200000000000 18.5500000000000 97.1000000000000 17.3700000000000 1.39842768851307 343.379243086108 -93.2500000000000 76.0600000000000 97.3400000000000 17.3800000000000 1.46669696938393 354.522631271171 -211.750000000000 175.620000000000 90.2400000000000 20.2200000000000 1.42172430520126 344.497461208368 -380.380000000000 319.880000000000 89.4100000000000 20.3600000000000 1.22494897852931 354.847918297794 -549.500000000000 466.620000000000 88.6700000000000 21.2300000000000 1.43178210632764 12.0947570770121 -681.500000000000 582.250000000000 87.7400000000000 21.8000000000000 1.46731046476197 18.6819118603483 -715 612.250000000000 72.2500000000000 25.5800000000000 1.09416634932719 18.1037630345066 -691.500000000000 592.750000000000 61.8600000000000 26.1700000000000 1.10353975913875 14.1621680553128 -663.250000000000 566.750000000000 64.0400000000000 25.4800000000000 0.951314879522022 3.01278750418334 -614.750000000000 524.250000000000 78.6200000000000 23.7800000000000 0.708378429936994 18.9465046895091 -499.120000000000 424.500000000000 76.0200000000000 24.0700000000000 0.768439978137525 18.1991650530454 -392.120000000000 330.500000000000 75.3600000000000 24.8900000000000 0.586685605754905 330.376251248826 -288 239.120000000000 80.0300000000000 22.9800000000000 0.335410196624968 333.434948822922 -118.780000000000 97.4700000000000 82.3600000000000 22.5600000000000 1.44899965493440 26.2113780178315 -32.3800000000000 26.3000000000000 95.7700000000000 19.8700000000000 1.41484981535144 46.7183580016555 -0.0700000000000000 0.0500000000000000 93.1300000000000 19.9400000000000 1.72429695818325 322.066729716401 -0 0 91.3800000000000 19.7500000000000 1.94445365077186 308.107576877515 -0 0 91.8100000000000 19.4100000000000 1.95133287780430 319.780883874832 -0 0 93.1900000000000 19 2.04120062708201 339.345395623880 -0 0 95.9100000000000 18.1300000000000 2.53031618577600 359.094213339889 \ No newline at end of file -- Gitee