diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb new file mode 100644 index 00000000..73bc0b45 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb @@ -0,0 +1,74 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "bbeaaa45", + "metadata": {}, + "outputs": [], + "source": [ + "# Copy the RomPython folder to your own drive and run this cell to use the notebook in google colab\n", + "\n", + "from google.colab import drive\n", + "drive.mount('/content/drive/')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a2a6c2f6", + "metadata": {}, + "outputs": [], + "source": [ + "!pip install KratosMultiphysics\n", + "!pip install KratosRomApplication\n", + "!pip install KratosStructuralMechanicsApplication\n", + "!pip install KratosLinearSolversApplication\n", + "!pip install KratosConstitutiveLawsApplication" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "af25d338", + "metadata": {}, + "outputs": [], + "source": [ + "from KratosMultiphysics.StructuralMechanicsApplication.structural_mechanics_analysis import StructuralMechanicsAnalysis\n", + "from KratosMultiphysics.RomApplication.rom_testing_utilities import SetUpSimulationInstance\n", + "import KratosMultiphysics" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "98750e24", + "metadata": {}, + "outputs": [], + "source": [ + "with open(\"/content/drive/MyDrive/WinterSchool2023_Examples_test/stanford_bunny/ProjectParameters.json\",'r') as parameter_file:\n", + " parameters = KratosMultiphysics.Parameters(parameter_file.read())\n", + "model = KratosMultiphysics.Model()\n", + "simulation = StructuralMechanicsAnalysis(model,parameters)\n", + "simulation.Run()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e5bd6eb5", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa rename to rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM.py new file mode 100644 index 00000000..0d10f137 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM.py @@ -0,0 +1,280 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + +import json + +import numpy as np + +#for checking if paths exits +import os + +#importing training trajectory +from simulation_trajectories import TrainingTrajectory + + + +class FOM_Class(FluidDynamicsAnalysis): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.control_point = 538 #a node around the middle of the geometry to capture the bufurcation + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.time_step_solution_container = [] + self.reynolds_number_container = [] + + + def InitialMeshPosition(self): + self.training_trajectory = TrainingTrajectory(self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble()) + self.w = self.training_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.InitialMeshPosition() + + + + def MovePart(self, part_name, jacobian, centering_vector, extra_centering): + x_original = [] + y_original = [] + # first loop + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(1,-1) + y_original = np.array(y_original).reshape(1,-1) + matrix_of_coordinates = np.r_[x_original, y_original] + modified_matrix_of_coordinates = np.linalg.inv(jacobian) @ (matrix_of_coordinates - centering_vector) + modified_matrix_of_coordinates += centering_vector + extra_centering #re-locating + # second loop + i = 0 + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = modified_matrix_of_coordinates[0,i] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = modified_matrix_of_coordinates[1,i] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + # node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + # self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + # self.narrowing_width.append(self.w) + for node in self.model.GetModelPart("FluidModelPart.GENERIC_Meassure").Nodes: + pass + #node = self.model.GetModelPart("Meassure").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.w) + + + def MoveAllPartsAccordingToW(self): + ############################# + #### FREE ALL NODES #### + ############################# + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + #### FIXING OUTSIDE PART #### + ############################# + for node in self.model.GetModelPart("FluidModelPart.GENERIC_not_moving").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + ### MOVE EACH SUB-PART ### + ############################# + self.MovePart('GENERIC_green', np.array([[1,0],[0,1/self.w]]), np.array([[0],[1.5]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_up', np.array([[1,0],[0, (2/(3-self.w))]]), np.array([[0],[3]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_down', np.array([[1,0],[0, 2/(3-self.w)]]), np.array([[0],[0]]), np.array([[0],[0]])) + self.MovePart('GENERIC_blue', np.array([[1,0],[(self.w-1)/2, 1]]), np.array([[0],[0]]), np.array([[0],[(self.w-1)/4]])) + self.MovePart('GENERIC_grey', np.array([[1,0],[(1-self.w)/2, 1]]), np.array([[0],[0]]), np.array([[0],[- (self.w-1)/4]])) + + + + def UpdateNarrowing(self): + self.w = self.training_trajectory.UpdateW(self.w) + + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + print('The current Reynolds Number is: ', self.GetReynolds()) + + + + def GetReynolds(self): + #TODO Make values agree with papers. Parameter to modify: dunamic viscosity niu + velocities = [] + for node in self.model.GetModelPart("FluidModelPart.GENERIC_narrowing_zone").Nodes: + velocities.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + vel_np = np.array(velocities) + + vx = np.max(vel_np) #np.mean(vel_np) + Re = (vx*self.w) / 0.1 #TODO retrieve dynamic viscosity in a more robust way + return Re + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + self.reynolds_number_container.append(self.GetReynolds()) + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + def GetBifuracationData(self): + return np.array(self.velocity_y_at_control_point) , np.array(self.narrowing_width) + + def GetReynoldsData(self): + return np.array(self.reynolds_number_container) + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + + + + + + + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing = simulation.GetBifuracationData() + reynolds = simulation.GetReynoldsData() + np.save('Results/reynolds.npy', reynolds) + np.save('Results/narrowing.npy', narrowing) + np.save('Results/Velocity_y.npy', velocity_y) + np.save('Results/SnapshotMatrix.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + Train_ROM() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM_TestTrajectory.py new file mode 100644 index 00000000..4b2093f8 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FOM_TestTrajectory.py @@ -0,0 +1,164 @@ +import KratosMultiphysics +from FOM import FOM_Class + + + +import KratosMultiphysics.RomApplication as romapp +import json + +import numpy as np + +#for checking if paths exits +import os + + +#importing testing trajectory +from simulation_trajectories import TestingTrajectory + + + + +class FOM_Class_test(FOM_Class): + + def InitialMeshPosition(self): + self.testing_trajectory = TestingTrajectory(self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble()) + self.w = self.testing_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + def UpdateNarrowing(self): + self.w = self.testing_trajectory.UpdateW(self.w) + + + def InitializeSolutionStep(self): + super(FOM_Class, self).InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + print('The current Reynolds Number is: ', self.GetReynolds()) + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM_test' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + +def FOM_test(): + + if not os.path.exists(f'./Results/FOM_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class_test(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing = simulation.GetBifuracationData() + reynolds = simulation.GetReynoldsData() + np.save('Results/reynolds_test.npy', reynolds) + np.save('Results/narrowing_test.npy', narrowing) + np.save('Results/Velocity_y_test.npy', velocity_y) + np.save('Results/SnapshotMatrix_test.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + FOM_test() + + + + + + + + + + + + + + diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FluidMaterials.json similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/FluidMaterials.json rename to rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/FluidMaterials.json diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/HROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/HROM_TestTrajectory.py new file mode 100644 index 00000000..e3ade411 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/HROM_TestTrajectory.py @@ -0,0 +1,126 @@ +import KratosMultiphysics +from ROM_TestTrajectory import ROM_Class_test + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt +import os + + + + + + +class HROMClass_test(ROM_Class_test): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 4916 #TODO, get rid of this, load both elements and condition sets + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + + + + + + + + + + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass_test(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + + vy_rom, w_rom = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test' + updated_project_parameters["output_processes"]["vtk_output"][0]["Parameters"]["output_path"] = working_path +f'/Results/vtk_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test' + + + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ProjectParameters.json new file mode 100644 index 00000000..254fa63f --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ProjectParameters.json @@ -0,0 +1,162 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data" : { + "problem_name" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc", + "parallel_type" : "OpenMP", + "echo_level" : 0, + "start_time" : 0.0, + "end_time" : 244 + }, + "output_processes" : { + "gid_output" : [{ + "python_module" : "gid_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "GiDOutputProcess", + "help" : "This process writes postprocessing files for GiD", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_name" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc", + "postprocess_parameters" : { + "result_file_configuration" : { + "gidpost_flags" : { + "GiDPostMode" : "GiD_PostBinary", + "WriteDeformedMeshFlag" : "WriteDeformed", + "WriteConditionsFlag" : "WriteConditions", + "MultiFileFlag" : "SingleFile" + }, + "file_label" : "time", + "output_control_type" : "time", + "output_interval" : 0.5, + "body_output" : true, + "node_output" : false, + "skin_output" : false, + "plane_output" : [], + "nodal_results" : ["VELOCITY","PRESSURE","MESH_DISPLACEMENT"], + "gauss_point_results" : [], + "nodal_nonhistorical_results" : [] + }, + "point_data_configuration" : [] + } + } + }], + "vtk_output" : [{ + "python_module" : "vtk_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "VtkOutputProcess", + "help" : "This process writes postprocessing files for Paraview", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_control_type" : "step", + "output_interval" : 1, + "file_format" : "ascii", + "output_precision" : 7, + "output_sub_model_parts" : false, + "output_path" : "vtk_output", + "save_output_files_in_folder" : true, + "nodal_solution_step_data_variables" : ["VELOCITY","PRESSURE"], + "nodal_data_value_variables" : [], + "element_data_value_variables" : ["HROM_WEIGHT"], + "condition_data_value_variables" : [], + "gauss_point_variables_extrapolated_to_nodes" : [] + } + }], + "rom_output" : [] + }, + "solver_settings" : { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings" : { + "solver_type" : "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name" : "FluidModelPart", + "domain_size" : 2, + "solver_type" : "Monolithic", + "model_import_settings" : { + "input_type" : "mdpa", + "input_filename" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc" + }, + "material_import_settings" : { + "materials_filename" : "FluidMaterials.json" + }, + "echo_level" : 0, + "compute_reactions" : false, + "maximum_iterations" : 10, + "relative_velocity_tolerance" : 1e-8, + "absolute_velocity_tolerance" : 1e-8, + "relative_pressure_tolerance" : 1e-8, + "absolute_pressure_tolerance" : 1e-8, + "volume_model_part_name" : "FluidParts_Volume", + "skin_parts" : ["Outlet2D_Outlet","NoSlip2D_Wall"], + "no_skin_parts" : ["VelocityConstraints2D_Inlet-Total"], + "time_scheme" : "bdf2", + "time_stepping" : { + "automatic_time_step" : false, + "time_step" : 0.1 + }, + "formulation" : { + "element_type" : "weakly_compressible", + "dynamic_tau" : 1.0 + }, + "reform_dofs_at_each_step" : false + } + }, + "processes" : { + "initial_conditions_process_list" : [], + "boundary_conditions_process_list" : [{ + "python_module" : "apply_outlet_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyOutletProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.Outlet2D_Outlet", + "variable_name" : "PRESSURE", + "constrained" : true, + "value" : 0.0, + "hydrostatic_outlet" : false, + "h_top" : 0.0 + } + },{ + "python_module" : "apply_noslip_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyNoSlipProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.NoSlip2D_Wall" + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,1], + "constrained" : [true,true,true], + "value" : ["y*(3-y)*sin(pi*t*0.5)",0.0,0.0] + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,"End"], + "constrained" : [true,true,true], + "value" : ["y*(3-y)",0.0,0.0] + } + }], + "gravity" : [{ + "python_module" : "assign_vector_by_direction_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorByDirectionProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "variable_name" : "BODY_FORCE", + "modulus" : 0.0, + "constrained" : false, + "direction" : [0.0,-1.0,0.0] + } + }], + "auxiliar_process_list" : [] + } +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ROM_TestTrajectory.py new file mode 100644 index 00000000..1ad3f03b --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/ROM_TestTrajectory.py @@ -0,0 +1,144 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json + + +import numpy as np +import os + + +#importing testing trajectory +from simulation_trajectories import TestingTrajectory + + + +class ROM_Class_test(ROM_Class): + + + def InitialMeshPosition(self): + self.testing_trajectory = TestingTrajectory(self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble()) + self.w = self.testing_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + def UpdateNarrowing(self): + self.w = self.testing_trajectory.UpdateW(self.w) + + + + + def InitializeSolutionStep(self): + super(ROM_Class, self).InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + + + + + + + + + + + + + + + + + +def prepare_files(working_path,svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}_test' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(hard_impose_currect_cluster = False, Number_Of_Clusters=1, svd_truncation_tolerance=1e-4): + + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class_test(global_model, parameters, correct_clusters, hard_impose_currect_cluster, bases) + simulation.Run() + np.save(f'Results/ROM_snapshots_{svd_truncation_tolerance}_test.npy',simulation.GetSnapshotsMatrix()) + vy_rom,w_rom = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_{svd_truncation_tolerance}_test.npy', vy_rom) + np.save(f'Results/narrowing_ROM_{svd_truncation_tolerance}_test.npy', w_rom) + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path,svd_truncation_tolerance) + + + ROM(hard_impose_currect_cluster = True, Number_Of_Clusters=Number_Of_Clusters, svd_truncation_tolerance=svd_truncation_tolerance) + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_HROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_HROM.py new file mode 100644 index 00000000..1268863d --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_HROM.py @@ -0,0 +1,97 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + + + +import numpy as np +import os + + + +class HROMClass(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance,hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 4916 + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + vy_rom, w_rom = simulation.GetBifuracationData() + np.save(f'Results/y_velocity_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + updated_project_parameters["output_processes"]["vtk_output"][0]["Parameters"]["output_path"] = working_path +f'/Results/vtk_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_ROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_ROM.py new file mode 100644 index 00000000..f108fb0a --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/Run_ROM.py @@ -0,0 +1,272 @@ +import KratosMultiphysics +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np + + + + +import os.path + + + +#importing training trajectory +from simulation_trajectories import TrainingTrajectory + + + + + + + +class ROM_Class(FluidDynamicsAnalysisROM): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + self.bases = bases + self.w = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 + self.maximum = 2.9 + self.minimum = 0.1 + self.control_point = None + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.tttime = 0 #fake time step, useful to impose the correct cluster + self.time_step_solution_container = [] + + + def InitialMeshPosition(self): + self.training_trajectory = TrainingTrajectory(self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble()) + self.w = self.training_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.InitialMeshPosition() + + + def MovePart(self, part_name, jacobian, centering_vector, extra_centering): + x_original = [] + y_original = [] + # first loop + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(1,-1) + y_original = np.array(y_original).reshape(1,-1) + matrix_of_coordinates = np.r_[x_original, y_original] + modified_matrix_of_coordinates = np.linalg.inv(jacobian) @ (matrix_of_coordinates - centering_vector) + modified_matrix_of_coordinates += centering_vector + extra_centering #re-locating + # second loop + i = 0 + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = modified_matrix_of_coordinates[0,i] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = modified_matrix_of_coordinates[1,i] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + def MoveAllPartsAccordingToW(self): + ############################# + #### FREE ALL NODES #### + ############################# + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + #### FIXING OUTSIDE PART #### + ############################# + for node in self.model.GetModelPart("FluidModelPart.GENERIC_not_moving").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + ### MOVE EACH SUB-PART ### + ############################# + self.MovePart('GENERIC_green', np.array([[1,0],[0,1/self.w]]), np.array([[0],[1.5]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_up', np.array([[1,0],[0, (2/(3-self.w))]]), np.array([[0],[3]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_down', np.array([[1,0],[0, 2/(3-self.w)]]), np.array([[0],[0]]), np.array([[0],[0]])) + self.MovePart('GENERIC_blue', np.array([[1,0],[(self.w-1)/2, 1]]), np.array([[0],[0]]), np.array([[0],[(self.w-1)/4]])) + self.MovePart('GENERIC_grey', np.array([[1,0],[(1-self.w)/2, 1]]), np.array([[0],[0]]), np.array([[0],[- (self.w-1)/4]])) + + + def StoreBifurcationData(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_Meassure").Nodes: + pass + #node = self.model.GetModelPart("Meassure").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.w) + + + def UpdateNarrowing(self): + self.w = self.training_trajectory.UpdateW(self.w) + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + self.tttime += 1 + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + +def prepare_files(working_path,svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(hard_impose_currect_cluster = False, Number_Of_Clusters=1, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}.post.bin'): + if not os.path.exists(f'./ROM/'): + os.mkdir('./ROM') + basis = f'./ROM/Phi_{svd_truncation_tolerance}.npy' + if os.path.exists(basis): + u = np.load(basis) + else: + u,s,_,_ = RandomizedSingularValueDecomposition().Calculate(np.load(f'./Results/SnapshotMatrix.npy'), svd_truncation_tolerance) + np.save(basis,u) + + ### Saving the nodal basis ### (Need to make this more robust, hard coded here) + basis_POD={"rom_settings":{},"nodal_modes":{}} + basis_POD["rom_settings"]["nodal_unknowns"] = ["VELOCITY_X","VELOCITY_Y","PRESSURE"] + basis_POD["rom_settings"]["number_of_rom_dofs"] = np.shape(u)[1] + Dimensions = len(basis_POD["rom_settings"]["nodal_unknowns"]) + N_nodes=np.shape(u)[0]/Dimensions + N_nodes = int(N_nodes) + node_Id=np.linspace(1,N_nodes,N_nodes) + i = 0 + for j in range (0,N_nodes): + basis_POD["nodal_modes"][int(node_Id[j])] = (u[i:i+Dimensions].tolist()) + i=i+Dimensions + + with open('ProblemFiles/RomParameters.json', 'w') as f: + json.dump(basis_POD,f, indent=2) + + print('\n\nNodal basis printed in json format\n\n') + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class(global_model, parameters, correct_clusters, hard_impose_currect_cluster, bases) + simulation.Run() + np.save(f'./Results/ROM_snapshots_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom = simulation.GetBifuracationData() + + np.save(f'./Results/y_velocity_ROM_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'./Results/narrowing_ROM_{svd_truncation_tolerance}.npy', w_rom) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path,svd_truncation_tolerance) + + + ROM(hard_impose_currect_cluster = True, Number_Of_Clusters=Number_Of_Clusters, svd_truncation_tolerance=svd_truncation_tolerance) + + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step1.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step1.py new file mode 100644 index 00000000..5c1e8f3e --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step1.py @@ -0,0 +1,90 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json +import numpy as np + + + + +import os.path + + +class TrainHROMClass(ROM_Class): + + def __init__(self, model, project_parameters,svd_truncation_tolerance): + super().__init__(model, project_parameters, hrom="EmpiricalCubature") + self.svd_truncation_tolerance = svd_truncation_tolerance + + + + + + + +def Train_HROM(svd_truncation_tolerance): + + projected_residuals = f'HROM/Sr_{svd_truncation_tolerance}.npy' + + + if not os.path.exists(projected_residuals): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = TrainHROMClass(global_model, parameters, svd_truncation_tolerance) + simulation.Run() + + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"] = [] + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path) + + Train_HROM(svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step2.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step2.py new file mode 100644 index 00000000..f7d869c0 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/TrainHROM_Step2.py @@ -0,0 +1,76 @@ +import numpy as np +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition +from matplotlib import pyplot as plt + +import os.path + +def get_global_norm(number_bases): + norm = 0 + for i in range(number_bases): + norm_a = np.linalg.norm(np.load(f'HROM/Sr_{i}.npy')) + norm = np.sqrt(np.power(norm_a, 2) + np.power(norm, 2)) + return norm + + +def get_bases(number_bases, global_norm, tol, relative=False): + bases = [] + for i in range(number_bases): + if relative: + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=False).Calculate( np.load(f'HROM/Sr_{i}.npy'), tol* global_norm) #* global_norm + else: + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr_{i}.npy'), tol) #* global_norm + bases.append(u) + + return bases + +def select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance): + + weights = f'HROM/WeightsMatrix_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + elements = f'HROM/Elementsvector_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(weights) and not os.path.exists(elements): + #u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr.npy'), tol) # HEAVY!!! + u = np.load(f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy') + + hyper_reduction_element_selector = EmpiricalCubatureMethod() + hyper_reduction_element_selector.SetUp(u) #add again z + hyper_reduction_element_selector.Initialize() + hyper_reduction_element_selector.Calculate() + + + w = np.squeeze(hyper_reduction_element_selector.w) + z = np.squeeze(hyper_reduction_element_selector.z) + + WeightsMatrix = w.reshape(np.size(z),1) + + np.save(weights, WeightsMatrix ) + np.save(elements, z) + + +def get_basis(svd_truncation_tolerance, tol): + + basis = f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(basis): + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr_{svd_truncation_tolerance}.npy'), tol) + np.save( basis,u) + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance = float(argv[7]) + residuals_svd_relative_to_global_residuals_snapshots = bool(argv[8]) + + + get_basis(svd_truncation_tolerance, residuals_svd_truncation_tolerance) + select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/analytic_mapping.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/analytic_mapping.py new file mode 100644 index 00000000..f23a1702 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/analytic_mapping.py @@ -0,0 +1,65 @@ +import KratosMultiphysics +import numpy as np + +#Not working + + + +def MovePart(simulation, part_name, jacobian, centering_vector, extra_centering): + x_original = [] + y_original = [] + # first loop + for node in simulation.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(1,-1) + y_original = np.array(y_original).reshape(1,-1) + matrix_of_coordinates = np.r_[x_original, y_original] + modified_matrix_of_coordinates = np.linalg.inv(jacobian) @ (matrix_of_coordinates - centering_vector) + modified_matrix_of_coordinates += centering_vector + extra_centering #re-locating + # second loop + i = 0 + for node in simulation.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = modified_matrix_of_coordinates[0,i] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = modified_matrix_of_coordinates[1,i] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + +def phi(simulation): + ############################# + #### FREE ALL NODES #### + ############################# + for node in simulation.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + #### FIXING OUTSIDE PART #### + ############################# + for node in simulation.model.GetModelPart("FluidModelPart.GENERIC_not_moving").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + ### MOVE EACH SUB-PART ### + ############################# + simulation.MovePart('GENERIC_green', np.array([[1,0],[0,1/simulation.w]]), np.array([[0],[1.5]]), np.array([[0],[0]])) + simulation.MovePart('GENERIC_yellow_up', np.array([[1,0],[0, (2/(3-simulation.w))]]), np.array([[0],[3]]), np.array([[0],[0]])) + simulation.MovePart('GENERIC_yellow_down', np.array([[1,0],[0, 2/(3-simulation.w)]]), np.array([[0],[0]]), np.array([[0],[0]])) + simulation.MovePart('GENERIC_blue', np.array([[1,0],[(simulation.w-1)/2, 1]]), np.array([[0],[0]]), np.array([[0],[(simulation.w-1)/4]])) + simulation.MovePart('GENERIC_grey', np.array([[1,0],[(1-simulation.w)/2, 1]]), np.array([[0],[0]]), np.array([[0],[- (simulation.w-1)/4]])) + + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/overlapping_strategies.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/overlapping_strategies.py new file mode 100644 index 00000000..638238bf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/overlapping_strategies.py @@ -0,0 +1,323 @@ +import numpy as np +from matplotlib import pyplot as plt +from sklearn.cluster import KMeans + +def time_clustering(S, time_clusters = 3, overlaping_snapshots = 1 ): + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #get list containing snapshots to add to each overlapped cluster + if overlaping_snapshots is not 0: + snapshots_to_add = {} + for i in range(time_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == time_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(time_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + + +def ismember(A, B): + if isinstance(A, np.int_): + return [ np.sum(A == B) ] + else: + return [ np.sum(a == B) for a in A ] + +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + kmeans = KMeans(n_clusters=narrowing_clusters, random_state=0).fit(narrowing.reshape(-1,1)) + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(narrowing_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + correct_cluster = kmeans.labels_ + centroids = kmeans.cluster_centers_ + + if narrowing_clusters>1: + #try and use as is solution manifold neighbor identification + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + narrowing = narrowing.reshape(1,-1) + for i in range(np.shape(narrowing)[1]): + this_matrix = (kmeans.cluster_centers_).T - narrowing[:,i].reshape(np.shape(narrowing)[0], 1) + distance = np.zeros((narrowing_clusters)) + for j in range(narrowing_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + #get list containing snapshots to add to each overlapped cluster + if True: + #if overlaping_snapshots is not 0: + + snapshots_to_add = [] + for j in range(narrowing_clusters): + N_neighbors = len(neighbors[j]) + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + ith_narrowing_cluster = narrowing[:,kmeans.labels_==neighbors[j][i]] + this_matrix = ith_narrowing_cluster - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(narrowing)[0], 1) + distance = np.linalg.norm(this_matrix, axis = 0) + #distance = np.zeros(np.shape(ith_narrowing_cluster[1])) + #for k in range(len(distance)): + # distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + + return sub_snapshots, correct_cluster + + +def solution_manifold_clustering(): + pass + + + +if __name__=='__main__': + #S = np.load('SnapshotMatrix.npy') + #narrowing = np.load('narrowing.npy') + narrowing = np.linspace(0,1,12) + S = np.array([[1,2,3,4,5,6,7,8,9,10,11,12],[1,2,3,4,5,6,7,8,9,10,11,12]]) + #a = narrowing.reshape(1,-1) + #S = np.r_[a, a , a, a] + sub_snapshots, correct_cluster = time_clustering(S, 3,0) + #sub_snapshots, correct_cluster = narrowing_clustering(S, narrowing, 3, 2) + #sub_snapshots, correct_cluster = solution_manifold_clustering(S) + #sub_snapshots, correct_cluster = time_clustering(S) + kkk = 5 + + # + + +""" + +def solution_manifold_clustering(S, solution_manifold_clusters = 3, overlaping_snapshots = 1 ): + #S = np.load('SnapshotMatrix.npy') + kmeans = KMeans(n_clusters = solution_manifold_clusters, random_state=0).fit(S.T) + correct_cluster = kmeans.labels_ + + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(solution_manifold_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + for i in range(np.shape(S)[1]): + this_matrix = (kmeans.cluster_centers_).T - S[:,i].reshape(np.shape(S)[0], 1) + distance = np.zeros((solution_manifold_clusters)) + for j in range(solution_manifold_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + snapshots_to_add = [] + + for j in range(solution_manifold_clusters): + N_snaps = np.shape(sub_snapshots[j])[1] + N_neighbors = len(neighbors[j]) + + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + this_matrix = sub_snapshots[neighbors[j][i]] - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(S)[0], 1) + distance = np.zeros(np.shape(sub_snapshots[neighbors[j][i]][1])) + for k in range(len(distance)): + distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(solution_manifold_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + + +""" +This is wrong, but save for now as reference +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + # wrong implementation :( + # MINE (no k-means) + #S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + #narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + correct_cluster = np.empty(narrowing.shape) + for i in range(narrowing_clusters): + # In this implementation, I just shuffle (order) the snapshots to match the narrowing width. No time-relation whatsoever + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + correct_cluster[intersection] = i + ith_narrowing = narrowing[intersection] + ith_indexes_ordered = np.argsort(ith_narrowing) + sub_snapshots[i] = S[:,ith_indexes_ordered] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + # storing centroids + if i==0: + centroids = np.sum(ith_narrowing)/(ith_narrowing.shape[0]) + else: + centroids = np.c_[centroids, np.sum(ith_narrowing)/(ith_narrowing.shape[0])] + np.save('cluster_centroid.npy', centroids) + #overlapping after correct cluster definition + + #get list containing snapshots to add to each overlapped cluster + snapshots_to_add = {} + for i in range(narrowing_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == narrowing_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + +""" +def time_clustering(time_clusters = 5, overlaping_snapshots = 1 ): + #it works, but no overlapping + S = np.load('SnapshotMatrix.npy') + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + + return sub_snapshots, correct_cluster +""" + + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + #no overlapping. MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + return sub_snapshots, correct_cluster +""" + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + # MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + #overlapping after correct cluster definition + # In this implementation, I just shuffle the snapshots to match the narrowing width. No time relation whatsoever + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + if i == 0: + ith_narrowing = narrowing[intersection] + + ith_indexes = np.argsort(ith_narrowing) + ith_narrowing_ordered = ith_narrowing[ith_indexes] + plt.plot(ith_narrowing, 'b') + plt.plot(ith_narrowing_ordered, 'r') + plt.show() + + elif i == narrowing_clusters-1: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + else: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + sub_snapshots[i] = np.c_[sub_snapshots[i] , sub_snapshots[i+1][:, :overlaping_snapshots] ] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster +""" + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/simulation_trajectories.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/simulation_trajectories.py new file mode 100644 index 00000000..ca9b8ef1 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/simulation_trajectories.py @@ -0,0 +1,50 @@ +class TrainingTrajectory(): + + def __init__(self, time_step_size): + self.min_or_max_reached_flag = False + self.maximum = 2.9 + self.minimum = 0.1 + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 for a total time T=244 + + def SetUpInitialNarrowing(self): + return 2.9 # starting with a wide narrowing + + def UpdateW(self, w): + ####Train trajectory#### + if not self.min_or_max_reached_flag: #contraction + w -= self.delta_w + if w < self.minimum: + w =self.minimum + self.min_or_max_reached_flag = True + else: #expansion + w += self.delta_w + if w > self.maximum: + w = self.maximum + return w + + + +class TestingTrajectory(): + + def __init__(self, time_step_size): + self.min_or_max_reached_flag = False + self.maximum = 2.9 + self.minimum = 0.1 + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 for a total time T=244 + + def SetUpInitialNarrowing(self): + return 0.1 # starting with a narrow narrowing + + def UpdateW(self, w): + ####Test trajectory#### + if not self.min_or_max_reached_flag:#expansion + w += self.delta_w + if w > self.maximum: + w = self.maximum + self.min_or_max_reached_flag = True + else: #contraction + w -= self.delta_w + if w < self.minimum: + w =self.minimum + return w + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/test_ALE_ROM_stage4.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/test_ALE_ROM_stage4.py new file mode 100644 index 00000000..978729c2 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/ProblemFiles/test_ALE_ROM_stage4.py @@ -0,0 +1,128 @@ +import KratosMultiphysics +from test_ALE_ROM_stage2 import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + + + + + + + +class HROMClass(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 4916 + WeightsMatrix = np.load('HROM_Local/WeightsMatrix.npy') + ElementsVector = np.load('HROM_Local/Elementsvector.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + + + + + + + + + + + +def HROM(hard_impose_currect_cluster = False, Number_Of_Clusters=1, residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = HROMClass(global_model, parameters, correct_clusters, hard_impose_currect_cluster, bases) + simulation.Run() + np.save(f'Results/HROM_snapshots_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + return simulation.GetBifuracationData() + + + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + updated_project_parameters["output_processes"]["vtk_output"][0]["Parameters"]["output_path"] = working_path +f'/Results/vtk_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + vy_rom, w_rom = HROM(hard_impose_currect_cluster = True, Number_Of_Clusters=Number_Of_Clusters, residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + + np.save(f'Results/y_velocity_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + + + +4916 \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/launch_ale_rom.sh b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/launch_ale_rom.sh new file mode 100755 index 00000000..62fd38ff --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Affine/launch_ale_rom.sh @@ -0,0 +1,102 @@ +#!/bin/sh +#SBATCH -N 1 # nodes requested +#SBATCH -n 1 # tasks requested +#SBATCH -c 16 # cores requested +#SBATCH -t 20:00:00 # time requested in hour:minute:second +#SBATCH --constraint='highmem' + + +export OMP_NUM_THREADS=16 +export PROBLEMS_PATH=$PWD/ProblemFiles +export LANGUAGE=en_GB.utf8 +export LC_ALL=en_GB.utf8 + + +FOM=True #(storing results) +FOM_test=True #(storing results) +Run_ROM=True #3 (storing results) +ROM_test=True #4 = (storing results) +Train_HROM_Step1=True #5 = (creating projected residuals matrices {Sr_i}_i=1^k (one per basis)) +Train_HROM_Step2=True #6 = ontain a reduced set of elements and weights starting from the projected residuals matrices Sr_i +Run_HROM=True #7 = RunHROM Train Trajectory +HROM_test=True #8 = RunHROM Test Trajectory + +plot_partial_hysteresis=False + +#parameters used in Local POD: + +# parameters for the simulations +Launch_Simulation=1 +Number_Of_Clusters=1 #not used in global POD +svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +clustering="narrowing" #time # +overlapping=30 +residuals_svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +residuals_svd_relative_to_global_residuals_snapshots=1 + + +if [ $FOM = True ] + then + #### LAUNCH FOM TRAIN TRAJECTORY #### + # MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLauching FOM \n\n\n\n\n\n" + python3 ProblemFiles/FOM.py $PWD +fi +if [ $FOM_test = True ] + then + # NEW MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching FOM test trajectory \n\n\n\n\n\n" + python3 ProblemFiles/FOM_TestTrajectory.py $PWD +fi +for j in ${svd_truncation_tolerance_list[@]} +do + svd_truncation_tolerance=$j + if [ $Run_ROM = True ] + then + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching ROM \n\n\n\n\n\n" + python3 ProblemFiles/Run_ROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $ROM_test = True ] + then + #### LAUNCH ROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\nlaunching ROM test\n\n\n\n' + python3 ProblemFiles/ROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $Train_HROM_Step1 = True ] + then + #### TrainHROM (Creating Matrix of projected resduals Sr) #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\nlaunching TrainHROM train\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step1.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + for k in ${residuals_svd_truncation_tolerance_list[@]} + do + residuals_svd_truncation_tolerance=$k + if [ $Train_HROM_Step2 = True ] + then + ### Obtain Reduced Elements and Weights #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nlaunching HROM elements and Weights\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step2.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $Run_HROM = True ] + then + #### LAUNCH HROM TRAIN TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nLaunching HROM train\n\n\n\n\n\n\n' + python3 ProblemFiles/Run_HROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $HROM_test = True ] + then + #### LAUNCH HROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo 'Launching HROM test' + python3 ProblemFiles/HROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + done +done + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM.py new file mode 100644 index 00000000..740ccada --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM.py @@ -0,0 +1,480 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + +#importing overlapping strategies +from overlapping_strategies import time_clustering, narrowing_clustering, solution_manifold_clustering + +#for checking if paths exits +import os + +#importing PyGeM tools +from pygem import FFD, RBF + +import pdb + + +class FOM_Class(FluidDynamicsAnalysis): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.deformation_multiplier = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_deformation = time_step_size # this ensures to obtain the same deformation independently of the time step used + self.control_point = 854 #a node around the middle of the geometry to capture the bufurcation + self.maximum = 11 + self.minimum = 0 + ### ### ### + self.node_up = 412 #nodes to obtain the narrowing width + self.node_down = 673 + ### ### ### + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.deformation_multiplier_list = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 0 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.deformation_multiplier_list.append(self.deformation_multiplier) + node_up = self.model.GetModelPart("FluidModelPart").GetNode(self.node_up) + node_down = self.model.GetModelPart("FluidModelPart").GetNode(self.node_down) + self.narrowing_width.append(node_up.Y - node_down.Y) + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + + + + def SetUpFreeFormDeformation(self): + #creating a free form deformation object for each control domain + self.ffd_up = FFD([2,5,2]) #3D box of control points + self.ffd_down = FFD([2,5,2]) #3D box of control points + + #setting the centre and size of the upper box of control points + self.ffd_down.box_origin = np.array([1.25, 0, 0.5]) + self.ffd_down.box_length = np.array([1, 1.25, 1]) + + #setting the centre and size of the lower box of control points + self.ffd_up.box_origin = np.array([1.25, 1.75, 0.5]) + self.ffd_up.box_length = np.array([1, 1.25, 1]) + + self.list_of_ffds = [self.ffd_up, self.ffd_down] + + + + + def MoveControlPoints(self, scale_of_deformation=1): + + self.ffd_down.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + + self.ffd_down.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + self.ffd_up.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[0, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[0, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + + self.ffd_up.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[1, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[1, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + moved_up = self.ffd_up(self.up) + moved_down = self.ffd_down(self.down) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + def UpdateDeformationMultiplier(self): + ####Train trajectory#### + if self.time>10.0 and self.time<=21.0: # start modifying narrowing from 10 seconds onwards + self.deformation_multiplier+=self.delta_deformation + if self.deformation_multiplier > self.maximum: + self.deformation_multiplier = self.maximum + elif self.time>31.0 and self.time<41.9: # start modifying narrowing from 10 seconds onwards + self.deformation_multiplier-=self.delta_deformation + if self.deformation_multiplier < self.minimum: + self.deformation_multiplier = self.minimum + + + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width, self.deformation_multiplier_list + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing, deformation_multiplier = simulation.GetBifuracationData() + #reynolds = simulation.GetReynoldsData() + #np.save('Results/reynolds.npy', reynolds) + np.save('Results/deformation_multiplier.npy', deformation_multiplier) + np.save('Results/narrowing.npy', narrowing) + np.save('Results/Velocity_y.npy', velocity_y) + np.save('Results/SnapshotMatrix.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + + Train_ROM() + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM_TestTrajectory.py new file mode 100644 index 00000000..0ed0f912 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FOM_TestTrajectory.py @@ -0,0 +1,180 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + +from FOM import FOM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + +#importing overlapping strategies +from overlapping_strategies import time_clustering, narrowing_clustering, solution_manifold_clustering + +#for checking if paths exits +import os + + + +#importing PyGeM tools +from pygem import FFD, RBF + + + + + +class FOM_Class_test(FOM_Class): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.deformation_multiplier = 11 + + + + + def UpdateDeformationMultiplier(self): + #### Test trajectory#### + + if self.time>10.0 and self.time<=21.0: # start modifying narrowing from 1 second onwards + self.deformation_multiplier-= self.delta_deformation + if self.deformation_multiplier < self.minimum: + self.deformation_multiplier = self.minimum + elif self.time>31.0 and self.time<41.9: + self.deformation_multiplier+= self.delta_deformation + if self.deformation_multiplier > self.maximum: + self.deformation_multiplier = self.maximum + + + def InitializeSolutionStep(self): + super(FluidDynamicsAnalysis, self).InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM_test' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class_test(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing, deformation_multiplier = simulation.GetBifuracationData() + #reynolds = simulation.GetReynoldsData() + #np.save('Results/reynolds.npy', reynolds) + np.save('Results/deformation_multiplier_test.npy', deformation_multiplier) + np.save('Results/narrowing_test.npy', narrowing) + np.save('Results/Velocity_y_test.npy', velocity_y) + np.save('Results/SnapshotMatrix_test.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + + Train_ROM() + diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FluidMaterials.json similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/FluidMaterials.json rename to rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/FluidMaterials.json diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/HROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/HROM_TestTrajectory.py new file mode 100644 index 00000000..92fc4938 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/HROM_TestTrajectory.py @@ -0,0 +1,133 @@ +import KratosMultiphysics +from ROM_TestTrajectory import ROM_Class_test + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + +import os + + + + + +class HROMClass_test(ROM_Class_test): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 5152 #TODO, get rid of this, load both elements and condition sets + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + + + + + + + + + + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass_test(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_ROM_test_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/MainKratos.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/MainKratos.py new file mode 100644 index 00000000..7922e43b --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/MainKratos.py @@ -0,0 +1,383 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + + +#importing PyGeM tools +from pygem import FFD, RBF + +#Function from PyGeM tutorial +def scatter3d(arr, figsize=(8,8), s=10, draw=True, ax=None, alpha=1, labels=None, title=None): + if ax is None: + fig = plt.figure(figsize=figsize) + ax = fig.add_subplot(projection='3d') + + for idx,a in enumerate(arr): + if labels is not None: + ax.scatter(*a.T, s=s, alpha=alpha, label=labels[idx]) + else: + ax.scatter(*a.T, s=s, alpha=alpha) + + if draw: + if labels is not None: + plt.legend() + if title is not None: + plt.title(title) + plt.show() + else: + return ax + + +class FOM_Class(FluidDynamicsAnalysis): + + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.w = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.control_point = 363 #a node around the middle of the geometry to capture the bufurcation + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 0 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.deformation_multiplier) + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + + + + def SetUpFreeFormDeformation(self): + #creating a free form deformation object for each control domain + self.ffd_up = FFD([2,5,2]) #3D box of control points + self.ffd_down = FFD([2,5,2]) #3D box of control points + + #setting the centre and size of the upper box of control points + self.ffd_down.box_origin = np.array([1.25, 0, 0.5]) + self.ffd_down.box_length = np.array([1, 1.25, 1]) + + #setting the centre and size of the lower box of control points + self.ffd_up.box_origin = np.array([1.25, 1.75, 0.5]) + self.ffd_up.box_length = np.array([1, 1.25, 1]) + + self.list_of_ffds = [self.ffd_up, self.ffd_down] + + + + + def MoveControlPoints(self, scale_of_deformation=1): + + self.ffd_down.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + + self.ffd_down.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + self.ffd_up.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[0, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[0, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + + self.ffd_up.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[1, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[1, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + moved_up = self.ffd_up(self.up) + moved_down = self.ffd_down(self.down) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + print(node.Y0) + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + print(node.Y0) + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + if self.time>1.0 and self.time<16.0: # start modifying narrowing from 1 second onwards + self.deformation_multiplier+=.1 + elif self.time>21.0 and self.time<36: + self.deformation_multiplier-=.1 + + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def Train_ROM(): + with open("ProjectParameters.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + return simulation.GetBifuracationData() + + + + + + + +if __name__ == "__main__": + #Train_ROM() + vy, w = Train_ROM() + + plt.plot(vy, w, 'k-', label = 'FOM', linewidth = 3) + plt.legend() + plt.xlabel('velocity y', size=20) + plt.ylabel('narrowing w',size=20) + plt.show() diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/NonlinearInGiD.mdpa b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/NonlinearInGiD.mdpa similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/NonlinearInGiD.mdpa rename to rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/NonlinearInGiD.mdpa diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/ProjectParameters.json similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/ProblemFiles/ProjectParameters.json rename to rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/ProjectParameters.json diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/ROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/ROM_TestTrajectory.py new file mode 100644 index 00000000..600b9745 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/ROM_TestTrajectory.py @@ -0,0 +1,152 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + +import numpy as np + + +#importing PyGeM tools +from pygem import FFD, RBF + +import os + + + + + + + + + + + +class ROM_Class_test(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + self.deformation_multiplier = 11 + + + + + def UpdateDeformationMultiplier(self): + #### Test trajectory#### + if self.time>10.0 and self.time<=21.0: # start modifying narrowing from 1 second onwards + self.deformation_multiplier-=self.delta_deformation + if self.deformation_multiplier < self.minimum: + self.deformation_multiplier = self.minimum + elif self.time>31.0 and self.time<41.9: + self.deformation_multiplier+=self.delta_deformation + if self.deformation_multiplier > self.maximum: + self.deformation_multiplier = self.maximum + + + + def InitializeSolutionStep(self): + super(ROM_Class, self).InitializeSolutionStep() + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + + + +def prepare_files(working_path, svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_test_{svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(svd_truncation_tolerance): + + + if not os.path.exists(f'./Results/ROM_test_{svd_truncation_tolerance}.post.bin'): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class_test(global_model, parameters) + simulation.Run() + + + np.save(f'Results/ROM_snapshots_test_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_test_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_ROM_test_{svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_ROM_test_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path, svd_truncation_tolerance) + + + ROM(svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_HROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_HROM.py new file mode 100644 index 00000000..28bc60c8 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_HROM.py @@ -0,0 +1,102 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + + +import os +import numpy as np + + + +class HROMClass(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance,hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 5152 + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', deformation_multiplier) + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_ROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_ROM.py new file mode 100644 index 00000000..65f59ec1 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/Run_ROM.py @@ -0,0 +1,465 @@ +import KratosMultiphysics +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + +import os.path + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np + + +#importing PyGeM tools +from pygem import FFD, RBF + + + + + + + +class ROM_Class(FluidDynamicsAnalysisROM): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_deformation = time_step_size # this ensures to obtain the same deformation independently of the time step used + self.control_point = 854 #a node around the middle of the geometry to capture the bufurcation + self.maximum = 11 + self.minimum = 0 + ### ### ### + self.node_up = 412 #nodes to obtain the narrowing width + self.node_down = 673 + ### ### ### + self.deformation_multiplier_list = [] + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 0 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.deformation_multiplier_list.append(self.deformation_multiplier) + node_up = self.model.GetModelPart("FluidModelPart").GetNode(self.node_up) + node_down = self.model.GetModelPart("FluidModelPart").GetNode(self.node_down) + self.narrowing_width.append(node_up.Y - node_down.Y) + + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + + + + def SetUpFreeFormDeformation(self): + #creating a free form deformation object for each control domain + self.ffd_up = FFD([2,5,2]) #3D box of control points + self.ffd_down = FFD([2,5,2]) #3D box of control points + + #setting the centre and size of the upper box of control points + self.ffd_down.box_origin = np.array([1.25, 0, 0.5]) + self.ffd_down.box_length = np.array([1, 1.25, 1]) + + #setting the centre and size of the lower box of control points + self.ffd_up.box_origin = np.array([1.25, 1.75, 0.5]) + self.ffd_up.box_length = np.array([1, 1.25, 1]) + + self.list_of_ffds = [self.ffd_up, self.ffd_down] + + + + + def MoveControlPoints(self, scale_of_deformation=1): + + self.ffd_down.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + + self.ffd_down.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + self.ffd_up.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[0, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[0, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + + self.ffd_up.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[1, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[1, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + moved_up = self.ffd_up(self.up) + moved_down = self.ffd_down(self.down) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + + def UpdateDeformationMultiplier(self): + ####Train trajectory#### + if self.time>10.0 and self.time<=21.0: # start modifying narrowing from 10 seconds onwards + self.deformation_multiplier+=self.delta_deformation + if self.deformation_multiplier > self.maximum: + self.deformation_multiplier = self.maximum + elif self.time>31.0 and self.time<41.9: # start modifying narrowing from 10 seconds onwards + self.deformation_multiplier-=self.delta_deformation + if self.deformation_multiplier < self.minimum: + self.deformation_multiplier = self.minimum + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width, self.deformation_multiplier_list + + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def prepare_files(working_path, svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(svd_truncation_tolerance): + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}.post.bin'): + + basis = f'ROM/{svd_truncation_tolerance}.npy' + + if os.path.exists(basis): + u = np.load(basis) + else: + if not os.path.exists(f'./ROM/'): + os.mkdir(f'./ROM/') + u,s,_,_ = RandomizedSingularValueDecomposition().Calculate(np.load(f'Results/SnapshotMatrix.npy'), svd_truncation_tolerance) + np.save(basis,u) + + ### Saving the nodal basis ### (Need to make this more robust, hard coded here) + basis_POD={"rom_settings":{},"nodal_modes":{}} + basis_POD["rom_settings"]["nodal_unknowns"] = ["VELOCITY_X","VELOCITY_Y","PRESSURE"] + basis_POD["rom_settings"]["number_of_rom_dofs"] = np.shape(u)[1] + Dimensions = len(basis_POD["rom_settings"]["nodal_unknowns"]) + N_nodes=np.shape(u)[0]/Dimensions + N_nodes = int(N_nodes) + node_Id=np.linspace(1,N_nodes,N_nodes) + i = 0 + for j in range (0,N_nodes): + basis_POD["nodal_modes"][int(node_Id[j])] = (u[i:i+Dimensions].tolist()) + i=i+Dimensions + + with open('ProblemFiles/RomParameters.json', 'w') as f: + json.dump(basis_POD,f, indent=2) + + print('\n\nNodal basis printed in json format\n\n') + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class(global_model, parameters) + simulation.Run() + + np.save(f'Results/ROM_snapshots_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom,w_rom,deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_ROM_{svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + prepare_files(working_path, svd_truncation_tolerance) + + ROM(svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step1.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step1.py new file mode 100644 index 00000000..3fe72a60 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step1.py @@ -0,0 +1,104 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json +import numpy as np + + + + +import os.path + + +class TrainHROMClass(ROM_Class): + + def __init__(self, model, project_parameters,svd_truncation_tolerance): + super().__init__(model, project_parameters, hrom="EmpiricalCubature") + self.svd_truncation_tolerance = svd_truncation_tolerance + + + + + + + +def Train_HROM(svd_truncation_tolerance): + + projected_residuals = f'HROM/Sr_{svd_truncation_tolerance}.npy' + + + if not os.path.exists(projected_residuals): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = TrainHROMClass(global_model, parameters, svd_truncation_tolerance) + simulation.Run() + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path) + + Train_HROM(svd_truncation_tolerance) + + # np.save(f'Results/y_velocity_{Number_Of_Clusters}_clusters.npy', vy_rom) + # np.save(f'Results/narrowing_{Number_Of_Clusters}_clusters.npy', w_rom) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step2.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step2.py new file mode 100644 index 00000000..f7d869c0 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/TrainHROM_Step2.py @@ -0,0 +1,76 @@ +import numpy as np +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition +from matplotlib import pyplot as plt + +import os.path + +def get_global_norm(number_bases): + norm = 0 + for i in range(number_bases): + norm_a = np.linalg.norm(np.load(f'HROM/Sr_{i}.npy')) + norm = np.sqrt(np.power(norm_a, 2) + np.power(norm, 2)) + return norm + + +def get_bases(number_bases, global_norm, tol, relative=False): + bases = [] + for i in range(number_bases): + if relative: + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=False).Calculate( np.load(f'HROM/Sr_{i}.npy'), tol* global_norm) #* global_norm + else: + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr_{i}.npy'), tol) #* global_norm + bases.append(u) + + return bases + +def select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance): + + weights = f'HROM/WeightsMatrix_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + elements = f'HROM/Elementsvector_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(weights) and not os.path.exists(elements): + #u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr.npy'), tol) # HEAVY!!! + u = np.load(f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy') + + hyper_reduction_element_selector = EmpiricalCubatureMethod() + hyper_reduction_element_selector.SetUp(u) #add again z + hyper_reduction_element_selector.Initialize() + hyper_reduction_element_selector.Calculate() + + + w = np.squeeze(hyper_reduction_element_selector.w) + z = np.squeeze(hyper_reduction_element_selector.z) + + WeightsMatrix = w.reshape(np.size(z),1) + + np.save(weights, WeightsMatrix ) + np.save(elements, z) + + +def get_basis(svd_truncation_tolerance, tol): + + basis = f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(basis): + u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr_{svd_truncation_tolerance}.npy'), tol) + np.save( basis,u) + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance = float(argv[7]) + residuals_svd_relative_to_global_residuals_snapshots = bool(argv[8]) + + + get_basis(svd_truncation_tolerance, residuals_svd_truncation_tolerance) + select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/overlapping_strategies.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/overlapping_strategies.py new file mode 100644 index 00000000..638238bf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/overlapping_strategies.py @@ -0,0 +1,323 @@ +import numpy as np +from matplotlib import pyplot as plt +from sklearn.cluster import KMeans + +def time_clustering(S, time_clusters = 3, overlaping_snapshots = 1 ): + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #get list containing snapshots to add to each overlapped cluster + if overlaping_snapshots is not 0: + snapshots_to_add = {} + for i in range(time_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == time_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(time_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + + +def ismember(A, B): + if isinstance(A, np.int_): + return [ np.sum(A == B) ] + else: + return [ np.sum(a == B) for a in A ] + +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + kmeans = KMeans(n_clusters=narrowing_clusters, random_state=0).fit(narrowing.reshape(-1,1)) + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(narrowing_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + correct_cluster = kmeans.labels_ + centroids = kmeans.cluster_centers_ + + if narrowing_clusters>1: + #try and use as is solution manifold neighbor identification + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + narrowing = narrowing.reshape(1,-1) + for i in range(np.shape(narrowing)[1]): + this_matrix = (kmeans.cluster_centers_).T - narrowing[:,i].reshape(np.shape(narrowing)[0], 1) + distance = np.zeros((narrowing_clusters)) + for j in range(narrowing_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + #get list containing snapshots to add to each overlapped cluster + if True: + #if overlaping_snapshots is not 0: + + snapshots_to_add = [] + for j in range(narrowing_clusters): + N_neighbors = len(neighbors[j]) + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + ith_narrowing_cluster = narrowing[:,kmeans.labels_==neighbors[j][i]] + this_matrix = ith_narrowing_cluster - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(narrowing)[0], 1) + distance = np.linalg.norm(this_matrix, axis = 0) + #distance = np.zeros(np.shape(ith_narrowing_cluster[1])) + #for k in range(len(distance)): + # distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + + return sub_snapshots, correct_cluster + + +def solution_manifold_clustering(): + pass + + + +if __name__=='__main__': + #S = np.load('SnapshotMatrix.npy') + #narrowing = np.load('narrowing.npy') + narrowing = np.linspace(0,1,12) + S = np.array([[1,2,3,4,5,6,7,8,9,10,11,12],[1,2,3,4,5,6,7,8,9,10,11,12]]) + #a = narrowing.reshape(1,-1) + #S = np.r_[a, a , a, a] + sub_snapshots, correct_cluster = time_clustering(S, 3,0) + #sub_snapshots, correct_cluster = narrowing_clustering(S, narrowing, 3, 2) + #sub_snapshots, correct_cluster = solution_manifold_clustering(S) + #sub_snapshots, correct_cluster = time_clustering(S) + kkk = 5 + + # + + +""" + +def solution_manifold_clustering(S, solution_manifold_clusters = 3, overlaping_snapshots = 1 ): + #S = np.load('SnapshotMatrix.npy') + kmeans = KMeans(n_clusters = solution_manifold_clusters, random_state=0).fit(S.T) + correct_cluster = kmeans.labels_ + + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(solution_manifold_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + for i in range(np.shape(S)[1]): + this_matrix = (kmeans.cluster_centers_).T - S[:,i].reshape(np.shape(S)[0], 1) + distance = np.zeros((solution_manifold_clusters)) + for j in range(solution_manifold_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + snapshots_to_add = [] + + for j in range(solution_manifold_clusters): + N_snaps = np.shape(sub_snapshots[j])[1] + N_neighbors = len(neighbors[j]) + + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + this_matrix = sub_snapshots[neighbors[j][i]] - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(S)[0], 1) + distance = np.zeros(np.shape(sub_snapshots[neighbors[j][i]][1])) + for k in range(len(distance)): + distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(solution_manifold_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + + +""" +This is wrong, but save for now as reference +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + # wrong implementation :( + # MINE (no k-means) + #S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + #narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + correct_cluster = np.empty(narrowing.shape) + for i in range(narrowing_clusters): + # In this implementation, I just shuffle (order) the snapshots to match the narrowing width. No time-relation whatsoever + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + correct_cluster[intersection] = i + ith_narrowing = narrowing[intersection] + ith_indexes_ordered = np.argsort(ith_narrowing) + sub_snapshots[i] = S[:,ith_indexes_ordered] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + # storing centroids + if i==0: + centroids = np.sum(ith_narrowing)/(ith_narrowing.shape[0]) + else: + centroids = np.c_[centroids, np.sum(ith_narrowing)/(ith_narrowing.shape[0])] + np.save('cluster_centroid.npy', centroids) + #overlapping after correct cluster definition + + #get list containing snapshots to add to each overlapped cluster + snapshots_to_add = {} + for i in range(narrowing_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == narrowing_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + +""" +def time_clustering(time_clusters = 5, overlaping_snapshots = 1 ): + #it works, but no overlapping + S = np.load('SnapshotMatrix.npy') + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + + return sub_snapshots, correct_cluster +""" + + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + #no overlapping. MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + return sub_snapshots, correct_cluster +""" + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + # MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + #overlapping after correct cluster definition + # In this implementation, I just shuffle the snapshots to match the narrowing width. No time relation whatsoever + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + if i == 0: + ith_narrowing = narrowing[intersection] + + ith_indexes = np.argsort(ith_narrowing) + ith_narrowing_ordered = ith_narrowing[ith_indexes] + plt.plot(ith_narrowing, 'b') + plt.plot(ith_narrowing_ordered, 'r') + plt.show() + + elif i == narrowing_clusters-1: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + else: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + sub_snapshots[i] = np.c_[sub_snapshots[i] , sub_snapshots[i+1][:, :overlaping_snapshots] ] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster +""" + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_bifurcation.py new file mode 100644 index 00000000..8b56aa1e --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_bifurcation.py @@ -0,0 +1,65 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + #library for passing arguments to the script from bash + from sys import argv + + + Number_Of_Clusters= int(argv[1]) + + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + vy_rom = np.load(f'Results/y_velocity_ROM.npy') + w_rom = np.load(f'Results/narrowing_ROM.npy') + + + #plt.title(r'Singular Values for matrix $ S^{(2)} $', fontsize=15, fontweight='bold') + #plt.title(r'$\alpha $ \textbf{AA}!', fontsize=16, color='r') + #plt.title(f'ROM VS FOM') + + plt.rc('text', usetex=True) + plt.rc('font', family='serif') + + plt.plot(vy, w, 'b', label = 'FOM', linewidth = 3, alpha=0.5) #linewidth = 3 + plt.plot(vy_rom, w_rom, 'r', label = 'ROM', linewidth = 3, alpha=0.5) + #plt.title(r'FOM vs ROM', fontsize=20, fontweight='bold') + plt.legend() + #plt.grid() + # plt.xticks(np.arange(-3.5,0.25,0.25)) #TODO the ticks are not easily beautyfied, do it later :) + # plt.yticks(np.arange(0,3.1,0.25)) + plt.xlabel(r'$v_y^*$', size=15, fontweight='bold') + plt.ylabel(r'$w_c$',size=15,fontweight='bold') + + plt.savefig('Results/fom_vs_rom') + plt.show() + + + + + # import numpy as np + # import matplotlib.pyplot as plt + + + # # Example data + # t = np.arange(0.0, 1.0 + 0.01, 0.01) + # s = np.cos(4 * np.pi * t) + 2 + + # plt.rc('text', usetex=True) + # plt.rc('font', family='serif') + # plt.plot(t, s) + + # plt.xlabel(r'\textbf{time} (s)') + # plt.ylabel(r'\textit{voltage} (mV)',fontsize=16) + # plt.title(r"\TeX\ is Number " + # r"$\displaystyle\sum_{n=1}^\infty\frac{-e^{i\pi}}{2^n}$!", + # fontsize=16, color='gray') + # # Make room for the ridiculously large title. + # plt.subplots_adjust(top=0.8) + + # plt.savefig('tex_demo') + # plt.show() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_full_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_full_bifurcation.py new file mode 100644 index 00000000..9c96c6c6 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/ProblemFiles/plot_full_bifurcation.py @@ -0,0 +1,31 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + vy_rom = np.load(f'Results/y_velocity_ROM.npy') + w_rom = np.load(f'Results/narrowing_ROM.npy') + vy_hrom = np.load(f'Results/y_velocity_HROM.npy') + w_hrom = np.load(f'Results/narrowing_HROM.npy') + + plt.rc('text', usetex=True) + plt.rc('font', family='serif') + + plt.plot(vy, w, 'b', label = 'FOM', linewidth = 3, alpha=0.5) #linewidth = 3 + plt.plot(vy_rom, w_rom, 'r', label = 'ROM', linewidth = 3, alpha=0.5) + plt.plot(vy_hrom, w_hrom, 'm', label = 'HROM', linewidth = 3, alpha=0.5) + + plt.legend() + #plt.grid() + # plt.xticks(np.arange(-3.5,0.25,0.25)) #TODO the ticks are not easily beautyfied, do it later :) + # plt.yticks(np.arange(0,3.1,0.25)) + plt.xlabel(r'$v_y^*$', size=15, fontweight='bold') + plt.ylabel(r'$w_c$',size=15,fontweight='bold') + + plt.savefig('Results/fom_vs_rom_vs_hrom') + plt.show() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/launch_ale_rom.sh b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/launch_ale_rom.sh new file mode 100755 index 00000000..0fd2edd5 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example1/Nonaffine/launch_ale_rom.sh @@ -0,0 +1,102 @@ +#!/bin/sh +#SBATCH -N 1 # nodes requested +#SBATCH -n 1 # tasks requested +#SBATCH -c 16 # cores requested +#SBATCH -t 20:00:00 # time requested in hour:minute:second +##### --constraint='highmem' + + +export OMP_NUM_THREADS=16 +export PROBLEMS_PATH=$PWD/ProblemFiles +export LANGUAGE=en_GB.utf8 +export LC_ALL=en_GB.utf8 + + +FOM=True #(storing results) +FOM_test=True #(storing results) +Run_ROM=True #3 (storing results) +ROM_test=True #4 = (storing results) +Train_HROM_Step1=True #5 = (creating projected residuals matrices {Sr_i}_i=1^k (one per basis)) +Train_HROM_Step2=True #6 = ontain a reduced set of elements and weights starting from the projected residuals matrices Sr_i +Run_HROM=True #7 = RunHROM Train Trajectory +HROM_test=True #8 = RunHROM Test Trajectory + +plot_partial_hysteresis=False + +#parameters used in Local POD: + +# parameters for the simulations +Launch_Simulation=1 +Number_Of_Clusters=1 #not used in global POD +svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +clustering="narrowing" #time # +overlapping=30 +residuals_svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +residuals_svd_relative_to_global_residuals_snapshots=1 + + +if [ $FOM = True ] + then + #### LAUNCH FOM TRAIN TRAJECTORY #### + # MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLauching FOM \n\n\n\n\n\n" + python3 ProblemFiles/FOM.py $PWD +fi +if [ $FOM_test = True ] + then + # NEW MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching FOM test trajectory \n\n\n\n\n\n" + python3 ProblemFiles/FOM_TestTrajectory.py $PWD +fi +for j in ${svd_truncation_tolerance_list[@]} +do + svd_truncation_tolerance=$j + if [ $Run_ROM = True ] + then + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching ROM \n\n\n\n\n\n" + python3 ProblemFiles/Run_ROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $ROM_test = True ] + then + #### LAUNCH ROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\nlaunching ROM test\n\n\n\n' + python3 ProblemFiles/ROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $Train_HROM_Step1 = True ] + then + #### TrainHROM (Creating Matrix of projected resduals Sr) #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\nlaunching TrainHROM train\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step1.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + for k in ${residuals_svd_truncation_tolerance_list[@]} + do + residuals_svd_truncation_tolerance=$k + if [ $Train_HROM_Step2 = True ] + then + ### Obtain Reduced Elements and Weights #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nlaunching HROM elements and Weights\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step2.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $Run_HROM = True ] + then + #### LAUNCH HROM TRAIN TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nLaunching HROM train\n\n\n\n\n\n\n' + python3 ProblemFiles/Run_HROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $HROM_test = True ] + then + #### LAUNCH HROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo 'Launching HROM test' + python3 ProblemFiles/HROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + done +done + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb new file mode 100644 index 00000000..73bc0b45 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/.ipynb_checkpoints/Untitled-checkpoint.ipynb @@ -0,0 +1,74 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "bbeaaa45", + "metadata": {}, + "outputs": [], + "source": [ + "# Copy the RomPython folder to your own drive and run this cell to use the notebook in google colab\n", + "\n", + "from google.colab import drive\n", + "drive.mount('/content/drive/')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a2a6c2f6", + "metadata": {}, + "outputs": [], + "source": [ + "!pip install KratosMultiphysics\n", + "!pip install KratosRomApplication\n", + "!pip install KratosStructuralMechanicsApplication\n", + "!pip install KratosLinearSolversApplication\n", + "!pip install KratosConstitutiveLawsApplication" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "af25d338", + "metadata": {}, + "outputs": [], + "source": [ + "from KratosMultiphysics.StructuralMechanicsApplication.structural_mechanics_analysis import StructuralMechanicsAnalysis\n", + "from KratosMultiphysics.RomApplication.rom_testing_utilities import SetUpSimulationInstance\n", + "import KratosMultiphysics" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "98750e24", + "metadata": {}, + "outputs": [], + "source": [ + "with open(\"/content/drive/MyDrive/WinterSchool2023_Examples_test/stanford_bunny/ProjectParameters.json\",'r') as parameter_file:\n", + " parameters = KratosMultiphysics.Parameters(parameter_file.read())\n", + "model = KratosMultiphysics.Model()\n", + "simulation = StructuralMechanicsAnalysis(model,parameters)\n", + "simulation.Run()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e5bd6eb5", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa new file mode 100644 index 00000000..eab2848c --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa @@ -0,0 +1,18765 @@ +Begin ModelPartData +// VARIABLE_NAME value +End ModelPartData + +Begin Properties 0 +End Properties + +Begin Nodes + 1 0.0000000000 0.0000000000 0.0000000000 + 2 0.0000000000 0.1000000000 0.0000000000 + 3 0.1000000000 0.0000000000 0.0000000000 + 4 0.1214285714 0.1285076548 0.0000000000 + 5 0.0000000000 0.2000000000 0.0000000000 + 6 0.2000000000 0.0000000000 0.0000000000 + 7 0.1000000000 0.2287187079 0.0000000000 + 8 0.2500000000 0.1190754542 0.0000000000 + 9 0.0000000000 0.3000000000 0.0000000000 + 10 0.3000000000 0.0000000000 0.0000000000 + 11 0.2000000000 0.2287187079 0.0000000000 + 12 0.1416666667 0.3127677069 0.0000000000 + 13 0.3000000000 0.2287187079 0.0000000000 + 14 0.3785714286 0.1252161243 0.0000000000 + 15 0.0000000000 0.4000000000 0.0000000000 + 16 0.4000000000 0.0000000000 0.0000000000 + 17 0.2500000000 0.3153212483 0.0000000000 + 18 0.1000000000 0.4019237886 0.0000000000 + 19 0.2000000000 0.4019237886 0.0000000000 + 20 0.4000000000 0.2287187079 0.0000000000 + 21 0.3583333333 0.3127677069 0.0000000000 + 22 0.0000000000 0.5000000000 0.0000000000 + 23 0.5000000000 0.0000000000 0.0000000000 + 24 0.3000000000 0.4019237886 0.0000000000 + 25 0.5000000000 0.1000000000 0.0000000000 + 26 0.1500000000 0.4885263290 0.0000000000 + 27 0.5000000000 0.2000000000 0.0000000000 + 28 0.2500000000 0.4885263290 0.0000000000 + 29 0.4000000000 0.4019237886 0.0000000000 + 30 0.5535714286 0.1285714286 0.0000000000 + 31 0.5714285714 0.0714285714 0.0000000000 + 32 0.5000000000 0.3000000000 0.0000000000 + 33 0.1000000000 0.5751288694 0.0000000000 + 34 0.0000000000 0.6000000000 0.0000000000 + 35 0.6000000000 0.0000000000 0.0000000000 + 36 0.3500000000 0.4885263290 0.0000000000 + 37 0.2000000000 0.5751288694 0.0000000000 + 38 0.5866025404 0.2500000000 0.0000000000 + 39 0.5000000000 0.4000000000 0.0000000000 + 40 0.3000000000 0.5751288694 0.0000000000 + 41 0.6428571429 0.1428571429 0.0000000000 + 42 0.1416666667 0.6681095082 0.0000000000 + 43 0.5866025404 0.3500000000 0.0000000000 + 44 0.0000000000 0.7000000000 0.0000000000 + 45 0.7000000000 0.0000000000 0.0000000000 + 46 0.4000000000 0.5751288694 0.0000000000 + 47 0.5000000000 0.5000000000 0.0000000000 + 48 0.2500000000 0.6617314098 0.0000000000 + 49 0.6692820323 0.3000000000 0.0000000000 + 50 0.5866025404 0.4500000000 0.0000000000 + 51 0.7142857143 0.2142857143 0.0000000000 + 52 0.7500000000 0.0866025404 0.0000000000 + 53 0.1000000000 0.7483339502 0.0000000000 + 54 0.3583333333 0.6681095082 0.0000000000 + 55 0.2000000000 0.7483339502 0.0000000000 + 56 0.5000000000 0.6000000000 0.0000000000 + 57 0.6732050808 0.4000000000 0.0000000000 + 58 0.0000000000 0.8000000000 0.0000000000 + 59 0.8000000000 0.0000000000 0.0000000000 + 60 0.5866025404 0.5500000000 0.0000000000 + 61 0.3000000000 0.7483339502 0.0000000000 + 62 0.8000000000 0.1692820323 0.0000000000 + 63 0.7857142857 0.2857142857 0.0000000000 + 64 0.6732050808 0.5000000000 0.0000000000 + 65 0.1416666667 0.8291137421 0.0000000000 + 66 0.4000000000 0.7483339502 0.0000000000 + 67 0.8500000000 0.0866025404 0.0000000000 + 68 0.5000000000 0.7000000000 0.0000000000 + 69 0.2500000000 0.8349364905 0.0000000000 + 70 0.5866025404 0.6500000000 0.0000000000 + 71 0.7659141812 0.4321428571 0.0000000000 + 72 0.0000000000 0.9000000000 0.0000000000 + 73 0.9000000000 0.0000000000 0.0000000000 + 74 0.6732050808 0.6000000000 0.0000000000 + 75 0.3583333333 0.8291137421 0.0000000000 + 76 0.9000000000 0.1732050808 0.0000000000 + 77 0.1000000000 0.9215390309 0.0000000000 + 78 0.8571428571 0.3571428571 0.0000000000 + 79 0.7598076211 0.5500000000 0.0000000000 + 80 0.2000000000 0.9215390309 0.0000000000 + 81 0.5000000000 0.8000000000 0.0000000000 + 82 0.5866025404 0.7500000000 0.0000000000 + 83 0.9500000000 0.0866025404 0.0000000000 + 84 0.3000000000 0.9215390309 0.0000000000 + 85 0.9321428571 0.2659141812 0.0000000000 + 86 0.6732050808 0.7000000000 0.0000000000 + 87 0.8464101615 0.5000000000 0.0000000000 + 88 0.7598076211 0.6500000000 0.0000000000 + 89 0.0000000000 1.0000000000 0.0000000000 + 90 1.0000000000 0.0000000000 0.0000000000 + 91 0.4000000000 0.9215390309 0.0000000000 + 92 1.0000000000 0.1732050808 0.0000000000 + 93 0.1500000000 1.0081415713 0.0000000000 + 94 0.9285714286 0.4285714286 0.0000000000 + 95 0.5000000000 0.9000000000 0.0000000000 + 96 0.5866025404 0.8500000000 0.0000000000 + 97 0.8464101615 0.6000000000 0.0000000000 + 98 0.2500000000 1.0081415713 0.0000000000 + 99 0.6732050808 0.8000000000 0.0000000000 + 100 1.0500000000 0.0866025404 0.0000000000 + 101 1.0000000000 0.3464101615 0.0000000000 + 102 0.3500000000 1.0081415713 0.0000000000 + 103 0.7598076211 0.7500000000 0.0000000000 + 104 1.0500000000 0.2598076211 0.0000000000 + 105 0.9330127019 0.5500000000 0.0000000000 + 106 0.8464101615 0.7000000000 0.0000000000 + 107 0.1000000000 1.0947441117 0.0000000000 + 108 0.0000000000 1.1000000000 0.0000000000 + 109 1.1000000000 0.0000000000 0.0000000000 + 110 0.2000000000 1.0947441117 0.0000000000 + 111 1.1000000000 0.1732050808 0.0000000000 + 112 0.5866025404 0.9500000000 0.0000000000 + 113 0.5000000000 1.0000000000 0.0000000000 + 114 1.0000000000 0.5000000000 0.0000000000 + 115 0.6732050808 0.9000000000 0.0000000000 + 116 0.3000000000 1.0947441117 0.0000000000 + 117 1.0500000000 0.4330127019 0.0000000000 + 118 0.7598076211 0.8500000000 0.0000000000 + 119 0.9416482568 0.6452380952 0.0000000000 + 120 1.1000000000 0.3464101615 0.0000000000 + 121 1.1500000000 0.0866025404 0.0000000000 + 122 0.8464101615 0.8000000000 0.0000000000 + 123 0.4000000000 1.0947441117 0.0000000000 + 124 1.1500000000 0.2598076211 0.0000000000 + 125 0.1416666667 1.1844555434 0.0000000000 + 126 0.9330127019 0.7500000000 0.0000000000 + 127 0.0000000000 1.2000000000 0.0000000000 + 128 1.2000000000 0.0000000000 0.0000000000 + 129 0.5866025404 1.0500000000 0.0000000000 + 130 0.6732050808 1.0000000000 0.0000000000 + 131 0.2500000000 1.1813466521 0.0000000000 + 132 0.5000000000 1.1000000000 0.0000000000 + 133 1.2000000000 0.1732050808 0.0000000000 + 134 1.0714285714 0.5714285714 0.0000000000 + 135 0.7598076211 0.9500000000 0.0000000000 + 136 1.1452380952 0.4416482568 0.0000000000 + 137 0.3500000000 1.1813466521 0.0000000000 + 138 0.8464101615 0.9000000000 0.0000000000 + 139 1.0357966163 0.6932539683 0.0000000000 + 140 1.2000000000 0.3464101615 0.0000000000 + 141 1.2500000000 0.0866025404 0.0000000000 + 142 0.9330127019 0.8500000000 0.0000000000 + 143 0.1000000000 1.2679491924 0.0000000000 + 144 1.2500000000 0.2598076211 0.0000000000 + 145 0.2000000000 1.2679491924 0.0000000000 + 146 0.6732050808 1.1000000000 0.0000000000 + 147 0.5866025404 1.1500000000 0.0000000000 + 148 1.0196152423 0.8000000000 0.0000000000 + 149 0.7598076211 1.0500000000 0.0000000000 + 150 0.0000000000 1.3000000000 0.0000000000 + 151 0.5000000000 1.2000000000 0.0000000000 + 152 1.3000000000 0.0000000000 0.0000000000 + 153 0.3000000000 1.2679491924 0.0000000000 + 154 1.1932539683 0.5357966163 0.0000000000 + 155 0.8464101615 1.0000000000 0.0000000000 + 156 1.1428571429 0.6428571429 0.0000000000 + 157 1.3000000000 0.1732050808 0.0000000000 + 158 1.2500000000 0.4330127019 0.0000000000 + 159 0.4000000000 1.2679491924 0.0000000000 + 160 0.9330127019 0.9500000000 0.0000000000 + 161 1.1062177826 0.7500000000 0.0000000000 + 162 1.3000000000 0.3464101615 0.0000000000 + 163 0.1214285714 1.3532512377 0.0000000000 + 164 1.0196152423 0.9000000000 0.0000000000 + 165 1.3583333333 0.0888354503 0.0000000000 + 166 0.6732050808 1.2000000000 0.0000000000 + 167 0.2500000000 1.3545517328 0.0000000000 + 168 0.7598076211 1.1500000000 0.0000000000 + 169 0.5866025404 1.2500000000 0.0000000000 + 170 0.8464101615 1.1000000000 0.0000000000 + 171 1.2500000000 0.6062177826 0.0000000000 + 172 0.5000000000 1.3000000000 0.0000000000 + 173 1.1062177826 0.8500000000 0.0000000000 + 174 0.3500000000 1.3545517328 0.0000000000 + 175 0.0000000000 1.4000000000 0.0000000000 + 176 1.3000000000 0.5196152423 0.0000000000 + 177 1.4000000000 0.0000000000 0.0000000000 + 178 1.3785714286 0.2570054437 0.0000000000 + 179 0.9330127019 1.0500000000 0.0000000000 + 180 1.2142857143 0.7142857143 0.0000000000 + 181 1.4000000000 0.1732050808 0.0000000000 + 182 1.3583333333 0.4275105849 0.0000000000 + 183 1.1812608917 0.7978571429 0.0000000000 + 184 1.0196152423 1.0000000000 0.0000000000 + 185 0.0926190476 1.4435072378 0.0000000000 + 186 1.4073809524 0.3461852380 0.0000000000 + 187 0.2000000000 1.4411542732 0.0000000000 + 188 1.1062177826 0.9500000000 0.0000000000 + 189 0.7598076211 1.2500000000 0.0000000000 + 190 0.6732050808 1.3000000000 0.0000000000 + 191 0.8464101615 1.2000000000 0.0000000000 + 192 1.2997959184 0.6865412630 0.0000000000 + 193 0.5866025404 1.3500000000 0.0000000000 + 194 0.3000000000 1.4411542732 0.0000000000 + 195 1.3500000000 0.6062177826 0.0000000000 + 196 0.9330127019 1.1500000000 0.0000000000 + 197 0.5000000000 1.4000000000 0.0000000000 + 198 1.1938688934 0.8892857143 0.0000000000 + 199 1.4000000000 0.5196152423 0.0000000000 + 200 0.4000000000 1.4411542732 0.0000000000 + 201 1.0196152423 1.1000000000 0.0000000000 + 202 1.5000000000 0.0000000000 0.0000000000 + 203 0.0000000000 1.5000000000 0.0000000000 + 204 1.5000000000 0.1000000000 0.0000000000 + 205 1.2857142857 0.7857142857 0.0000000000 + 206 1.5000000000 0.2000000000 0.0000000000 + 207 1.1062177826 1.0500000000 0.0000000000 + 208 0.1416666667 1.5231306780 0.0000000000 + 209 1.5000000000 0.3000000000 0.0000000000 + 210 0.2500000000 1.5277568136 0.0000000000 + 211 1.5000000000 0.4000000000 0.0000000000 + 212 0.3583333333 1.5231306780 0.0000000000 + 213 0.6818181818 1.4090909091 0.0000000000 + 214 0.7727272727 1.3636363636 0.0000000000 + 215 0.5909090909 1.4545454545 0.0000000000 + 216 1.2051969779 1.0110930736 0.0000000000 + 217 1.3989795918 0.7202707498 0.0000000000 + 218 0.8636363636 1.3181818182 0.0000000000 + 219 0.5000000000 1.5000000000 0.0000000000 + 220 1.5000000000 0.5000000000 0.0000000000 + 221 0.9545454545 1.2727272727 0.0000000000 + 222 1.2794228634 0.9500000000 0.0000000000 + 223 0.0000000000 1.6000000000 0.0000000000 + 224 1.3571428571 0.8571428571 0.0000000000 + 225 1.0454545455 1.2272727273 0.0000000000 + 226 1.5000000000 0.6000000000 0.0000000000 + 227 0.1000000000 1.6143593539 0.0000000000 + 228 0.2000000000 1.6143593539 0.0000000000 + 229 1.1363636364 1.1818181818 0.0000000000 + 230 0.6626385370 1.5000000000 0.0000000000 + 231 0.3000000000 1.6143593539 0.0000000000 + 232 0.5909090909 1.5454545455 0.0000000000 + 233 1.5000000000 0.7000000000 0.0000000000 + 234 0.4000000000 1.6143593539 0.0000000000 + 235 1.2272727273 1.1363636364 0.0000000000 + 236 0.5000000000 1.6000000000 0.0000000000 + 237 0.7677381393 1.5000000000 0.0000000000 + 238 0.0000000000 1.7000000000 0.0000000000 + 239 1.5000000000 0.8000000000 0.0000000000 + 240 0.8937822174 1.4500000000 0.0000000000 + 241 1.4285714286 0.9285714286 0.0000000000 + 242 0.1500000000 1.7009618943 0.0000000000 + 243 0.9803847577 1.4000000000 0.0000000000 + 244 1.3181818182 1.0909090909 0.0000000000 + 245 0.2500000000 1.7009618943 0.0000000000 + 246 1.0669872981 1.3500000000 0.0000000000 + 247 0.6818181818 1.5909090909 0.0000000000 + 248 0.3500000000 1.7009618943 0.0000000000 + 249 1.1535898385 1.3000000000 0.0000000000 + 250 1.5000000000 0.9000000000 0.0000000000 + 251 0.5865783744 1.6499848982 0.0000000000 + 252 1.4090909091 1.0454545455 0.0000000000 + 253 1.2401923789 1.2500000000 0.0000000000 + 254 0.5000000000 1.7000000000 0.0000000000 + 255 1.3267949192 1.2000000000 0.0000000000 + 256 0.8937822174 1.5500000000 0.0000000000 + 257 0.1000000000 1.7875644347 0.0000000000 + 258 0.9803847577 1.5000000000 0.0000000000 + 259 0.2000000000 1.7875644347 0.0000000000 + 260 0.0000000000 1.8000000000 0.0000000000 + 261 1.0669872981 1.4500000000 0.0000000000 + 262 1.5000000000 1.0000000000 0.0000000000 + 263 0.7727272727 1.6363636364 0.0000000000 + 264 0.3000000000 1.7875644347 0.0000000000 + 265 1.1535898385 1.4000000000 0.0000000000 + 266 1.4133974596 1.1500000000 0.0000000000 + 267 0.6731703240 1.6999965527 0.0000000000 + 268 0.4000000000 1.7875644347 0.0000000000 + 269 1.2401923789 1.3500000000 0.0000000000 + 270 0.5865571968 1.7499715216 0.0000000000 + 271 1.3267949192 1.3000000000 0.0000000000 + 272 1.5000000000 1.1000000000 0.0000000000 + 273 0.5000000000 1.8000000000 0.0000000000 + 274 0.9803847577 1.6000000000 0.0000000000 + 275 1.0669872981 1.5500000000 0.0000000000 + 276 0.1416666667 1.8784724792 0.0000000000 + 277 1.6000000000 1.0000000000 0.0000000000 + 278 1.4133974596 1.2500000000 0.0000000000 + 279 0.8636363636 1.6818181818 0.0000000000 + 280 0.2500000000 1.8741669751 0.0000000000 + 281 1.1535898385 1.5000000000 0.0000000000 + 282 0.0000000000 1.9000000000 0.0000000000 + 283 0.3500000000 1.8741669751 0.0000000000 + 284 0.7597683804 1.7500386656 0.0000000000 + 285 1.2401923789 1.4500000000 0.0000000000 + 286 1.5000000000 1.2000000000 0.0000000000 + 287 0.6731400485 1.7999931072 0.0000000000 + 288 1.3267949192 1.4000000000 0.0000000000 + 289 0.5865178330 1.8499464956 0.0000000000 + 290 1.4133974596 1.3500000000 0.0000000000 + 291 1.5942194622 1.1397619048 0.0000000000 + 292 0.1000000000 1.9607695155 0.0000000000 + 293 0.5000000000 1.9000000000 0.0000000000 + 294 1.0669872981 1.6500000000 0.0000000000 + 295 0.2000000000 1.9607695155 0.0000000000 + 296 1.7000000000 1.0000000000 0.0000000000 + 297 1.1535898385 1.6000000000 0.0000000000 + 298 0.9545454545 1.7272727273 0.0000000000 + 299 0.3000000000 1.9607695155 0.0000000000 + 300 1.5000000000 1.3000000000 0.0000000000 + 301 1.2401923789 1.5500000000 0.0000000000 + 302 0.8463439891 1.8000850690 0.0000000000 + 303 0.7597145422 1.8500382216 0.0000000000 + 304 2.0000000000 0.0000000000 0.0000000000 + 305 0.0000000000 2.0000000000 0.0000000000 + 306 0.4000000000 1.9607695155 0.0000000000 + 307 2.0000000000 0.1000000000 0.0000000000 + 308 1.3267949192 1.5000000000 0.0000000000 + 309 2.0000000000 0.2000000000 0.0000000000 + 310 0.6730839822 1.8999862197 0.0000000000 + 311 1.5866025404 1.2500000000 0.0000000000 + 312 2.0000000000 0.3000000000 0.0000000000 + 313 1.7055091521 1.0885714286 0.0000000000 + 314 1.4133974596 1.4500000000 0.0000000000 + 315 0.5864450966 1.9498999019 0.0000000000 + 316 2.0000000000 0.4000000000 0.0000000000 + 317 0.1214285714 2.0481228970 0.0000000000 + 318 1.5000000000 1.4000000000 0.0000000000 + 319 1.1535898385 1.7000000000 0.0000000000 + 320 1.0454545455 1.7727272727 0.0000000000 + 321 1.6732050808 1.2000000000 0.0000000000 + 322 1.8000000000 1.0000000000 0.0000000000 + 323 2.0000000000 0.5000000000 0.0000000000 + 324 0.5000000000 2.0000000000 0.0000000000 + 325 0.2500000000 2.0473720558 0.0000000000 + 326 1.2401923789 1.6500000000 0.0000000000 + 327 0.9329195279 1.8501317946 0.0000000000 + 328 0.3500000000 2.0473720558 0.0000000000 + 329 1.3267949192 1.6000000000 0.0000000000 + 330 0.8462900112 1.9000850276 0.0000000000 + 331 1.5866025404 1.3500000000 0.0000000000 + 332 2.0000000000 0.6000000000 0.0000000000 + 333 0.7596349003 1.9500686820 0.0000000000 + 334 1.4133974596 1.5500000000 0.0000000000 + 335 2.1000000000 0.0000000000 0.0000000000 + 336 0.0000000000 2.1000000000 0.0000000000 + 337 1.7519615242 1.1700000000 0.0000000000 + 338 0.6729808297 1.9999724545 0.0000000000 + 339 2.1083333333 0.1090919555 0.0000000000 + 340 1.6732050808 1.3000000000 0.0000000000 + 341 2.0000000000 0.7000000000 0.0000000000 + 342 1.5000000000 1.5000000000 0.0000000000 + 343 2.1000000000 0.3071796770 0.0000000000 + 344 1.8162771759 1.1014285714 0.0000000000 + 345 0.5863116367 2.0498136484 0.0000000000 + 346 1.5808835240 1.4355872825 0.0000000000 + 347 0.1000000000 2.1339745962 0.0000000000 + 348 0.2000000000 2.1339745962 0.0000000000 + 349 1.1363636364 1.8181818182 0.0000000000 + 350 1.2401923789 1.7500000000 0.0000000000 + 351 1.9000000000 1.0000000000 0.0000000000 + 352 2.1430555556 0.2130005070 0.0000000000 + 353 2.0000000000 0.8000000000 0.0000000000 + 354 2.1000000000 0.4803847577 0.0000000000 + 355 0.3000000000 2.1339745962 0.0000000000 + 356 1.0194950623 1.9001785402 0.0000000000 + 357 1.3267949192 1.7000000000 0.0000000000 + 358 1.7598076211 1.2500000000 0.0000000000 + 359 0.5000000000 2.1000000000 0.0000000000 + 360 0.9328655413 1.9501317783 0.0000000000 + 361 0.4000000000 2.1339745962 0.0000000000 + 362 0.8462360180 2.0000850126 0.0000000000 + 363 1.4133974596 1.6500000000 0.0000000000 + 364 1.6732050808 1.4000000000 0.0000000000 + 365 1.8267949192 1.2000000000 0.0000000000 + 366 2.1500000000 0.3937822174 0.0000000000 + 367 0.7594890671 2.0501218168 0.0000000000 + 368 2.0000000000 0.9000000000 0.0000000000 + 369 1.5000000000 1.6000000000 0.0000000000 + 370 1.5686816265 1.5345748819 0.0000000000 + 371 2.0966666667 0.6519145805 0.0000000000 + 372 2.2000000000 0.0000000000 0.0000000000 + 373 0.0000000000 2.2000000000 0.0000000000 + 374 2.2000000000 0.1339745962 0.0000000000 + 375 0.6727925309 2.0999449467 0.0000000000 + 376 2.1416666667 0.5724894151 0.0000000000 + 377 1.7598076211 1.3500000000 0.0000000000 + 378 2.2000000000 0.3071796770 0.0000000000 + 379 0.1416666667 2.2171476138 0.0000000000 + 380 1.9094115925 1.1419047619 0.0000000000 + 381 0.5860688563 2.1496550705 0.0000000000 + 382 1.2272727273 1.8636363636 0.0000000000 + 383 1.6601472293 1.4948071233 0.0000000000 + 384 0.2500000000 2.2205771366 0.0000000000 + 385 2.0000000000 1.0000000000 0.0000000000 + 386 1.3267949192 1.8000000000 0.0000000000 + 387 1.1060705987 1.9502252908 0.0000000000 + 388 1.8267949192 1.3000000000 0.0000000000 + 389 1.0194410752 2.0001785256 0.0000000000 + 390 1.4133974596 1.7500000000 0.0000000000 + 391 2.2000000000 0.4803847577 0.0000000000 + 392 0.9328115497 2.0501317636 0.0000000000 + 393 0.5000000000 2.2000000000 0.0000000000 + 394 2.1000000000 0.8267949192 0.0000000000 + 395 2.2500000000 0.2205771366 0.0000000000 + 396 1.7414993331 1.4444014360 0.0000000000 + 397 2.1416666667 0.7334936491 0.0000000000 + 398 0.8461820261 2.1000849980 0.0000000000 + 399 1.5000000000 1.7000000000 0.0000000000 + 400 0.3804853514 2.2351008580 0.0000000000 + 401 0.7592243702 2.1502124084 0.0000000000 + 402 2.0000000000 1.1000000000 0.0000000000 + 403 2.2500000000 0.3937822174 0.0000000000 + 404 1.9133974596 1.2500000000 0.0000000000 + 405 1.5866025404 1.6500000000 0.0000000000 + 406 1.6510091314 1.5937003236 0.0000000000 + 407 2.2000000000 0.6535898385 0.0000000000 + 408 2.3000000000 0.0000000000 0.0000000000 + 409 0.0000000000 2.3000000000 0.0000000000 + 410 0.6724521333 2.1998899633 0.0000000000 + 411 1.8267949192 1.4000000000 0.0000000000 + 412 2.3000000000 0.1339745962 0.0000000000 + 413 0.1000000000 2.3071796770 0.0000000000 + 414 0.2000000000 2.3071796770 0.0000000000 + 415 1.3181818182 1.9090909091 0.0000000000 + 416 2.2500000000 0.5669872981 0.0000000000 + 417 2.3000000000 0.3071796770 0.0000000000 + 418 0.5856319919 2.2493659982 0.0000000000 + 419 1.2050744428 1.9890716356 0.0000000000 + 420 2.1000000000 1.0000000000 0.0000000000 + 421 0.3000000000 2.3071796770 0.0000000000 + 422 2.1416666667 0.9111645497 0.0000000000 + 423 1.4133974596 1.8500000000 0.0000000000 + 424 1.1060166074 2.0502252763 0.0000000000 + 425 1.7401923789 1.5500000000 0.0000000000 + 426 2.0000000000 1.2000000000 0.0000000000 + 427 1.0193870842 2.1001785118 0.0000000000 + 428 2.0909090909 1.0454545455 0.0000000000 + 429 1.9133974596 1.3500000000 0.0000000000 + 430 1.5000000000 1.8000000000 0.0000000000 + 431 0.9327575620 2.1501317493 0.0000000000 + 432 2.3000000000 0.4803847577 0.0000000000 + 433 2.2000000000 0.8267949192 0.0000000000 + 434 0.5000000000 2.3000000000 0.0000000000 + 435 0.8461280401 2.2000849867 0.0000000000 + 436 2.3500000000 0.2205771366 0.0000000000 + 437 1.5866025404 1.7500000000 0.0000000000 + 438 1.8267949192 1.5000000000 0.0000000000 + 439 2.2500000000 0.7401923789 0.0000000000 + 440 0.7587492567 2.2503617311 0.0000000000 + 441 2.0866025404 1.1500000000 0.0000000000 + 442 2.3500000000 0.3937822174 0.0000000000 + 443 1.6732050808 1.7000000000 0.0000000000 + 444 2.0000000000 1.3000000000 0.0000000000 + 445 0.4133974596 2.3500000000 0.0000000000 + 446 2.3000000000 0.6535898385 0.0000000000 + 447 0.6718445037 2.2997799136 0.0000000000 + 448 1.7401923789 1.6500000000 0.0000000000 + 449 0.1500000000 2.3937822174 0.0000000000 + 450 2.4000000000 0.0000000000 0.0000000000 + 451 0.0000000000 2.4000000000 0.0000000000 + 452 1.9133974596 1.4500000000 0.0000000000 + 453 2.4000000000 0.1339745962 0.0000000000 + 454 0.2500000000 2.3937822174 0.0000000000 + 455 1.4090909091 1.9545454545 0.0000000000 + 456 2.2000000000 1.0000000000 0.0000000000 + 457 1.2792216629 2.0503187910 0.0000000000 + 458 2.3500000000 0.5669872981 0.0000000000 + 459 1.1059626167 2.1502252617 0.0000000000 + 460 2.4000000000 0.3071796770 0.0000000000 + 461 0.3353589838 2.3962693304 0.0000000000 + 462 0.5848571880 2.3488448395 0.0000000000 + 463 1.5000000000 1.9000000000 0.0000000000 + 464 1.0193330956 2.2001784973 0.0000000000 + 465 1.1936832421 2.1109331827 0.0000000000 + 466 2.2500000000 0.9133974596 0.0000000000 + 467 1.8267949192 1.6000000000 0.0000000000 + 468 2.0866025404 1.2500000000 0.0000000000 + 469 0.9327035737 2.2501317347 0.0000000000 + 470 2.1818181818 1.0909090909 0.0000000000 + 471 2.0000000000 1.4000000000 0.0000000000 + 472 2.3000000000 0.8267949192 0.0000000000 + 473 1.5849679369 1.8605662433 0.0000000000 + 474 2.4000000000 0.4803847577 0.0000000000 + 475 0.8460740517 2.3000849721 0.0000000000 + 476 0.5000000000 2.4000000000 0.0000000000 + 477 1.6732050808 1.8000000000 0.0000000000 + 478 2.4500000000 0.2205771366 0.0000000000 + 479 1.9133974596 1.5500000000 0.0000000000 + 480 2.3500000000 0.7401923789 0.0000000000 + 481 1.7401923789 1.7500000000 0.0000000000 + 482 0.7579091866 2.3505943474 0.0000000000 + 483 2.4500000000 0.3937822174 0.0000000000 + 484 0.1000000000 2.4803847577 0.0000000000 + 485 2.1732050808 1.2000000000 0.0000000000 + 486 0.4133974596 2.4500000000 0.0000000000 + 487 2.0866025404 1.3500000000 0.0000000000 + 488 2.4000000000 0.6535898385 0.0000000000 + 489 0.2000000000 2.4803847577 0.0000000000 + 490 0.6707786696 2.3995587153 0.0000000000 + 491 1.8267949192 1.7000000000 0.0000000000 + 492 0.3000000000 2.4803847577 0.0000000000 + 493 2.5000000000 0.0000000000 0.0000000000 + 494 1.5000000000 2.0000000000 0.0000000000 + 495 2.0000000000 1.5000000000 0.0000000000 + 496 0.0000000000 2.5000000000 0.0000000000 + 497 1.1838262380 2.2051026750 0.0000000000 + 498 2.5000000000 0.1339745962 0.0000000000 + 499 2.3000000000 1.0000000000 0.0000000000 + 500 2.4500000000 0.5669872981 0.0000000000 + 501 1.4285714286 2.0714285714 0.0000000000 + 502 0.5835110557 2.4479194615 0.0000000000 + 503 2.5000000000 0.3071796770 0.0000000000 + 504 2.3500000000 0.9133974596 0.0000000000 + 505 1.1194853312 2.2643549305 0.0000000000 + 506 1.9133974596 1.6500000000 0.0000000000 + 507 1.6606913835 1.9082103189 0.0000000000 + 508 1.0378596459 2.3092072214 0.0000000000 + 509 2.1732050808 1.3000000000 0.0000000000 + 510 0.9413501607 2.3548638802 0.0000000000 + 511 1.3571428571 2.1428571429 0.0000000000 + 512 2.4000000000 0.8267949192 0.0000000000 + 513 2.0866025404 1.4500000000 0.0000000000 + 514 2.2727272727 1.1363636364 0.0000000000 + 515 0.8460200634 2.4000849576 0.0000000000 + 516 2.5000000000 0.4803847577 0.0000000000 + 517 0.5000000000 2.5000000000 0.0000000000 + 518 2.4500000000 0.7401923789 0.0000000000 + 519 2.5500000000 0.2205771366 0.0000000000 + 520 1.2857142857 2.2142857143 0.0000000000 + 521 1.6000000000 2.0000000000 0.0000000000 + 522 2.0000000000 1.6000000000 0.0000000000 + 523 1.8267949192 1.8000000000 0.0000000000 + 524 0.7564565944 2.4509171477 0.0000000000 + 525 1.7452838997 1.8804853514 0.0000000000 + 526 0.1416666667 2.5724894151 0.0000000000 + 527 0.2500000000 2.5669872981 0.0000000000 + 528 2.5500000000 0.3937822174 0.0000000000 + 529 1.5000000000 2.1000000000 0.0000000000 + 530 2.2598076211 1.2500000000 0.0000000000 + 531 2.5000000000 0.6535898385 0.0000000000 + 532 2.1732050808 1.4000000000 0.0000000000 + 533 0.3804853514 2.5577931047 0.0000000000 + 534 0.6689583863 2.4991090447 0.0000000000 + 535 1.2142857143 2.2857142857 0.0000000000 + 536 2.3500000000 1.0866025404 0.0000000000 + 537 1.9133974596 1.7500000000 0.0000000000 + 538 2.0866025404 1.5500000000 0.0000000000 + 539 2.6000000000 0.0000000000 0.0000000000 + 540 0.0000000000 2.6000000000 0.0000000000 + 541 2.4000000000 1.0000000000 0.0000000000 + 542 2.6000000000 0.1418206931 0.0000000000 + 543 0.5812464916 2.5463133163 0.0000000000 + 544 2.5500000000 0.5669872981 0.0000000000 + 545 2.4500000000 0.9133974596 0.0000000000 + 546 2.6000000000 0.3071796770 0.0000000000 + 547 1.1428571429 2.3571428571 0.0000000000 + 548 0.9325955970 2.4501317056 0.0000000000 + 549 1.7000000000 2.0000000000 0.0000000000 + 550 2.0000000000 1.7000000000 0.0000000000 + 551 2.2598076211 1.3500000000 0.0000000000 + 552 2.5000000000 0.8267949192 0.0000000000 + 553 1.8267949192 1.9000000000 0.0000000000 + 554 0.8459660750 2.5000849430 0.0000000000 + 555 2.1732050808 1.5000000000 0.0000000000 + 556 2.3636363636 1.1818181818 0.0000000000 + 557 2.6000000000 0.4803847577 0.0000000000 + 558 0.5000000000 2.6000000000 0.0000000000 + 559 1.0714285714 2.4285714286 0.0000000000 + 560 2.5500000000 0.7401923789 0.0000000000 + 561 0.0926190476 2.6538147620 0.0000000000 + 562 1.4133974596 2.2500000000 0.0000000000 + 563 1.3307179677 2.3000000000 0.0000000000 + 564 2.6500000000 0.2205771366 0.0000000000 + 565 2.0866025404 1.6500000000 0.0000000000 + 566 0.2000000000 2.6535898385 0.0000000000 + 567 1.5000000000 2.2000000000 0.0000000000 + 568 1.9111645497 1.8583333333 0.0000000000 + 569 0.3000000000 2.6535898385 0.0000000000 + 570 2.4363636364 1.0970493316 0.0000000000 + 571 0.7633716553 2.5675705713 0.0000000000 + 572 2.6500000000 0.3937822174 0.0000000000 + 573 2.6000000000 0.6535898385 0.0000000000 + 574 0.4060970703 2.6503150644 0.0000000000 + 575 0.6659917334 2.5981694353 0.0000000000 + 576 2.3464101615 1.3000000000 0.0000000000 + 577 2.2598076211 1.4500000000 0.0000000000 + 578 1.8000000000 2.0000000000 0.0000000000 + 579 2.0000000000 1.8000000000 0.0000000000 + 580 1.0000000000 2.5000000000 0.0000000000 + 581 2.5000000000 1.0000000000 0.0000000000 + 582 2.1732050808 1.6000000000 0.0000000000 + 583 2.7000000000 0.0000000000 0.0000000000 + 584 0.0000000000 2.7000000000 0.0000000000 + 585 2.7000000000 0.1339745962 0.0000000000 + 586 0.5776500535 2.6436288753 0.0000000000 + 587 2.5500000000 0.9133974596 0.0000000000 + 588 2.6500000000 0.5669872981 0.0000000000 + 589 2.7000000000 0.3071796770 0.0000000000 + 590 2.0866025404 1.7500000000 0.0000000000 + 591 1.2340858188 2.4321428571 0.0000000000 + 592 2.6000000000 0.8267949192 0.0000000000 + 593 2.3464101615 1.4000000000 0.0000000000 + 594 0.9285714286 2.5714285714 0.0000000000 + 595 2.2598076211 1.5500000000 0.0000000000 + 596 1.4133974596 2.3500000000 0.0000000000 + 597 1.3267949192 2.4000000000 0.0000000000 + 598 2.7000000000 0.4803847577 0.0000000000 + 599 2.4545454545 1.2272727273 0.0000000000 + 600 0.1214285714 2.7429945563 0.0000000000 + 601 0.5000000000 2.7000000000 0.0000000000 + 602 1.5000000000 2.3000000000 0.0000000000 + 603 2.6500000000 0.7401923789 0.0000000000 + 604 0.2500000000 2.7401923789 0.0000000000 + 605 1.1535898385 2.5000000000 0.0000000000 + 606 1.9000000000 2.0000000000 0.0000000000 + 607 2.0000000000 1.9000000000 0.0000000000 + 608 2.7500000000 0.2205771366 0.0000000000 + 609 2.1732050808 1.7000000000 0.0000000000 + 610 0.3500000000 2.7401923789 0.0000000000 + 611 1.0669872981 2.5500000000 0.0000000000 + 612 2.5500000000 1.0866025404 0.0000000000 + 613 2.7000000000 0.6535898385 0.0000000000 + 614 2.7500000000 0.3937822174 0.0000000000 + 615 0.8571428571 2.6428571429 0.0000000000 + 616 0.6677079267 2.7002582283 0.0000000000 + 617 2.4330127019 1.3500000000 0.0000000000 + 618 2.3464101615 1.5000000000 0.0000000000 + 619 2.6000000000 1.0000000000 0.0000000000 + 620 2.7846828546 0.1122743056 0.0000000000 + 621 2.0866025404 1.8500000000 0.0000000000 + 622 2.2598076211 1.6500000000 0.0000000000 + 623 2.8000000000 0.0000000000 0.0000000000 + 624 0.0000000000 2.8000000000 0.0000000000 + 625 2.6500000000 0.9133974596 0.0000000000 + 626 2.7500000000 0.5669872981 0.0000000000 + 627 2.8000000000 0.3071796770 0.0000000000 + 628 2.1732050808 1.8000000000 0.0000000000 + 629 0.5948978465 2.7594928310 0.0000000000 + 630 2.7000000000 0.8267949192 0.0000000000 + 631 0.7857142857 2.7142857143 0.0000000000 + 632 2.0000000000 2.0000000000 0.0000000000 + 633 1.4133974596 2.4500000000 0.0000000000 + 634 0.1000000000 2.8267949192 0.0000000000 + 635 1.5000000000 2.4000000000 0.0000000000 + 636 1.3267949192 2.5000000000 0.0000000000 + 637 2.4330127019 1.4500000000 0.0000000000 + 638 0.2000000000 2.8267949192 0.0000000000 + 639 1.2401923789 2.5500000000 0.0000000000 + 640 2.3464101615 1.6000000000 0.0000000000 + 641 2.8000000000 0.4803847577 0.0000000000 + 642 0.3000000000 2.8267949192 0.0000000000 + 643 0.5000000000 2.8000000000 0.0000000000 + 644 1.1535898385 2.6000000000 0.0000000000 + 645 2.5454545455 1.2727272727 0.0000000000 + 646 2.7500000000 0.7401923789 0.0000000000 + 647 1.0583517432 2.6452380952 0.0000000000 + 648 0.4000000000 2.8267949192 0.0000000000 + 649 2.2598076211 1.7500000000 0.0000000000 + 650 2.8500000000 0.2205771366 0.0000000000 + 651 0.9642033837 2.6932539683 0.0000000000 + 652 2.0909090909 1.9545454545 0.0000000000 + 653 2.5977272727 1.2019940059 0.0000000000 + 654 2.8000000000 0.6535898385 0.0000000000 + 655 0.7142857143 2.7857142857 0.0000000000 + 656 2.8500000000 0.3937822174 0.0000000000 + 657 2.6568813131 1.1056911025 0.0000000000 + 658 2.7000000000 1.0000000000 0.0000000000 + 659 2.5196152423 1.4000000000 0.0000000000 + 660 2.4330127019 1.5500000000 0.0000000000 + 661 0.5678776618 2.8338772742 0.0000000000 + 662 0.8937822174 2.7500000000 0.0000000000 + 663 2.3464101615 1.7000000000 0.0000000000 + 664 2.7500000000 0.9133974596 0.0000000000 + 665 2.1818181818 1.9090909091 0.0000000000 + 666 2.9000000000 0.0000000000 0.0000000000 + 667 2.1000000000 2.0000000000 0.0000000000 + 668 2.0000000000 2.1000000000 0.0000000000 + 669 0.0000000000 2.9000000000 0.0000000000 + 670 2.8500000000 0.5669872981 0.0000000000 + 671 2.9080971277 0.0985169642 0.0000000000 + 672 1.5000000000 2.5000000000 0.0000000000 + 673 1.4133974596 2.5500000000 0.0000000000 + 674 0.8134587370 2.7997959184 0.0000000000 + 675 2.9000000000 0.3071796770 0.0000000000 + 676 0.1500000000 2.9133974596 0.0000000000 + 677 1.3267949192 2.6000000000 0.0000000000 + 678 2.8000000000 0.8267949192 0.0000000000 + 679 0.2500000000 2.9133974596 0.0000000000 + 680 1.2401923789 2.6500000000 0.0000000000 + 681 0.6428571429 2.8571428571 0.0000000000 + 682 2.5196152423 1.5000000000 0.0000000000 + 683 0.3583333333 2.9111645497 0.0000000000 + 684 1.1535898385 2.7000000000 0.0000000000 + 685 2.2727272727 1.8636363636 0.0000000000 + 686 2.9000000000 0.4803847577 0.0000000000 + 687 2.4330127019 1.6500000000 0.0000000000 + 688 0.5000000000 2.9000000000 0.0000000000 + 689 2.8500000000 0.7401923789 0.0000000000 + 690 2.6363636364 1.3181818182 0.0000000000 + 691 1.0669872981 2.7500000000 0.0000000000 + 692 0.9803847577 2.8000000000 0.0000000000 + 693 2.9591175359 0.2121591004 0.0000000000 + 694 2.9000000000 0.6535898385 0.0000000000 + 695 2.0000000000 2.2000000000 0.0000000000 + 696 2.2000000000 2.0000000000 0.0000000000 + 697 2.8000000000 1.0000000000 0.0000000000 + 698 2.9500000000 0.3937822174 0.0000000000 + 699 2.0862200847 2.1282863896 0.0000000000 + 700 2.3636363636 1.8181818182 0.0000000000 + 701 2.6062177826 1.4500000000 0.0000000000 + 702 0.5714285714 2.9285714286 0.0000000000 + 703 2.5196152423 1.6000000000 0.0000000000 + 704 2.7705086580 1.1123863345 0.0000000000 + 705 0.8937822174 2.8500000000 0.0000000000 + 706 2.7230519481 1.2331637340 0.0000000000 + 707 2.8500000000 0.9133974596 0.0000000000 + 708 3.0000000000 0.0000000000 0.0000000000 + 709 0.0000000000 3.0000000000 0.0000000000 + 710 1.5000000000 2.6000000000 0.0000000000 + 711 0.1000000000 3.0000000000 0.0000000000 + 712 0.7797292502 2.8989795918 0.0000000000 + 713 1.4133974596 2.6500000000 0.0000000000 + 714 2.9500000000 0.5669872981 0.0000000000 + 715 0.2000000000 3.0000000000 0.0000000000 + 716 1.3267949192 2.7000000000 0.0000000000 + 717 0.3000000000 3.0000000000 0.0000000000 + 718 2.9000000000 0.8267949192 0.0000000000 + 719 3.0000000000 0.3071796770 0.0000000000 + 720 1.2401923789 2.7500000000 0.0000000000 + 721 0.4000000000 3.0000000000 0.0000000000 + 722 2.4545454545 1.7727272727 0.0000000000 + 723 1.1535898385 2.8000000000 0.0000000000 + 724 2.3500000000 1.9133974596 0.0000000000 + 725 2.6062177826 1.5500000000 0.0000000000 + 726 3.0000000000 0.4803847577 0.0000000000 + 727 0.5000000000 3.0000000000 0.0000000000 + 728 2.9500000000 0.7401923789 0.0000000000 + 729 2.1811004234 2.1208548116 0.0000000000 + 730 2.3000000000 2.0000000000 0.0000000000 + 731 2.0000000000 2.3000000000 0.0000000000 + 732 2.7272727273 1.3636363636 0.0000000000 + 733 3.0475623583 0.1229079165 0.0000000000 + 734 1.0724894151 2.8583333333 0.0000000000 + 735 0.6000000000 3.0000000000 0.0000000000 + 736 3.0513359788 0.2340007015 0.0000000000 + 737 0.9803847577 2.9000000000 0.0000000000 + 738 2.9000000000 1.0000000000 0.0000000000 + 739 3.0000000000 0.6535898385 0.0000000000 + 740 3.0500000000 0.3937822174 0.0000000000 + 741 2.5454545455 1.7272727273 0.0000000000 + 742 2.1362200847 2.2140129486 0.0000000000 + 743 0.7000000000 3.0000000000 0.0000000000 + 744 2.8784181097 1.1145858673 0.0000000000 + 745 2.9500000000 0.9133974596 0.0000000000 + 746 1.5000000000 2.7000000000 0.0000000000 + 747 2.4363636364 1.9029506684 0.0000000000 + 748 1.4133974596 2.7500000000 0.0000000000 + 749 2.8037012987 1.3067295641 0.0000000000 + 750 1.3267949192 2.8000000000 0.0000000000 + 751 3.1000000000 0.0000000000 0.0000000000 + 752 2.8500000000 1.2205771366 0.0000000000 + 753 3.0500000000 0.5669872981 0.0000000000 + 754 0.8000000000 3.0000000000 0.0000000000 + 755 2.2801834039 2.1159972802 0.0000000000 + 756 3.0000000000 0.8267949192 0.0000000000 + 757 1.2334936491 2.8583333333 0.0000000000 + 758 3.1000000000 0.3071796770 0.0000000000 + 759 2.7326073123 1.4986745930 0.0000000000 + 760 2.1000000000 2.3071796770 0.0000000000 + 761 1.1519145805 2.9033333333 0.0000000000 + 762 2.4000000000 2.0000000000 0.0000000000 + 763 2.0000000000 2.4000000000 0.0000000000 + 764 2.6363636364 1.6818181818 0.0000000000 + 765 0.9000000000 3.0000000000 0.0000000000 + 766 3.1000000000 0.4803847577 0.0000000000 + 767 3.0500000000 0.7401923789 0.0000000000 + 768 2.8181818182 1.4090909091 0.0000000000 + 769 2.5893939394 1.8059013367 0.0000000000 + 770 3.1500000000 0.2205771366 0.0000000000 + 771 2.2500000000 2.2205771366 0.0000000000 + 772 1.0000000000 3.0000000000 0.0000000000 + 773 3.0000000000 1.0000000000 0.0000000000 + 774 3.1000000000 0.6535898385 0.0000000000 + 775 3.1500000000 0.3937822174 0.0000000000 + 776 1.5000000000 2.8000000000 0.0000000000 + 777 3.1753873772 0.1101418434 0.0000000000 + 778 2.9809268278 1.1083788665 0.0000000000 + 779 2.7272727273 1.6363636364 0.0000000000 + 780 2.9000000000 1.3071796770 0.0000000000 + 781 3.0500000000 0.9133974596 0.0000000000 + 782 2.3800305673 2.1151876916 0.0000000000 + 783 1.4111645497 2.8583333333 0.0000000000 + 784 2.2000000000 2.3071796770 0.0000000000 + 785 2.5500000000 1.9133974596 0.0000000000 + 786 1.3267949192 2.9000000000 0.0000000000 + 787 2.9500000000 1.2205771366 0.0000000000 + 788 1.1000000000 3.0000000000 0.0000000000 + 789 3.2000000000 0.0000000000 0.0000000000 + 790 3.1500000000 0.5669872981 0.0000000000 + 791 2.5000000000 2.0000000000 0.0000000000 + 792 2.0000000000 2.5000000000 0.0000000000 + 793 3.1000000000 0.8267949192 0.0000000000 + 794 2.8374305534 1.4997349186 0.0000000000 + 795 3.2000000000 0.3071796770 0.0000000000 + 796 2.1500000000 2.3937822174 0.0000000000 + 797 1.2000000000 3.0000000000 0.0000000000 + 798 2.3500000000 2.2205771366 0.0000000000 + 799 3.1500000000 0.7401923789 0.0000000000 + 800 3.2000000000 0.4803847577 0.0000000000 + 801 2.8181818182 1.5909090909 0.0000000000 + 802 2.1000000000 2.4803847577 0.0000000000 + 803 2.9090909091 1.4545454545 0.0000000000 + 804 2.7500000000 1.7401923789 0.0000000000 + 805 3.1000000000 1.0000000000 0.0000000000 + 806 3.2500000000 0.2205771366 0.0000000000 + 807 2.3000000000 2.3071796770 0.0000000000 + 808 2.4800050946 2.1150527602 0.0000000000 + 809 2.7000000000 1.8267949192 0.0000000000 + 810 2.9500000000 1.3937822174 0.0000000000 + 811 1.5000000000 2.9000000000 0.0000000000 + 812 3.2000000000 0.6535898385 0.0000000000 + 813 2.6500000000 1.9133974596 0.0000000000 + 814 1.3000000000 3.0000000000 0.0000000000 + 815 3.0000000000 1.3071796770 0.0000000000 + 816 3.2500000000 0.3937822174 0.0000000000 + 817 3.1500000000 0.9133974596 0.0000000000 + 818 2.6000000000 2.0000000000 0.0000000000 + 819 2.0000000000 2.6000000000 0.0000000000 + 820 3.0500000000 1.2205771366 0.0000000000 + 821 2.2500000000 2.3937822174 0.0000000000 + 822 2.9090909091 1.5454545455 0.0000000000 + 823 3.1071428571 1.0945330585 0.0000000000 + 824 3.2500000000 0.5669872981 0.0000000000 + 825 3.3000000000 0.0000000000 0.0000000000 + 826 3.2000000000 0.8267949192 0.0000000000 + 827 3.3047619048 0.0967888707 0.0000000000 + 828 2.4500000000 2.2205771366 0.0000000000 + 829 1.4000000000 3.0000000000 0.0000000000 + 830 2.8350649351 1.7164053089 0.0000000000 + 831 3.3000000000 0.3071796770 0.0000000000 + 832 2.2000000000 2.4803847577 0.0000000000 + 833 2.4000000000 2.3071796770 0.0000000000 + 834 3.2500000000 0.7401923789 0.0000000000 + 835 3.3000000000 0.4803847577 0.0000000000 + 836 2.5800008491 2.1150302716 0.0000000000 + 837 2.9000000000 1.6535898385 0.0000000000 + 838 2.8000000000 1.8267949192 0.0000000000 + 839 2.1416666667 2.5724894151 0.0000000000 + 840 2.7500000000 1.9133974596 0.0000000000 + 841 3.2000000000 1.0000000000 0.0000000000 + 842 3.0500000000 1.3937822174 0.0000000000 + 843 1.5000000000 3.0000000000 0.0000000000 + 844 3.0000000000 1.5000000000 0.0000000000 + 845 2.3500000000 2.3937822174 0.0000000000 + 846 2.7000000000 2.0000000000 0.0000000000 + 847 2.0000000000 2.7000000000 0.0000000000 + 848 3.3000000000 0.6535898385 0.0000000000 + 849 3.1000000000 1.3071796770 0.0000000000 + 850 3.3646825397 0.2012206113 0.0000000000 + 851 3.3500000000 0.3937822174 0.0000000000 + 852 3.2500000000 0.9133974596 0.0000000000 + 853 2.0966666667 2.6519145805 0.0000000000 + 854 2.5500000000 2.2205771366 0.0000000000 + 855 2.3000000000 2.4803847577 0.0000000000 + 856 3.1678571429 1.1982128617 0.0000000000 + 857 3.3500000000 0.5669872981 0.0000000000 + 858 3.4000000000 0.0000000000 0.0000000000 + 859 2.5000000000 2.3071796770 0.0000000000 + 860 3.3000000000 0.8267949192 0.0000000000 + 861 2.2500000000 2.5669872981 0.0000000000 + 862 2.6800001415 2.1150265235 0.0000000000 + 863 3.0431818182 1.5666677130 0.0000000000 + 864 2.9500000000 1.7401923789 0.0000000000 + 865 2.4500000000 2.3937822174 0.0000000000 + 866 3.0000000000 1.6535898385 0.0000000000 + 867 3.2500000000 1.0866025404 0.0000000000 + 868 2.9000000000 1.8267949192 0.0000000000 + 869 3.3500000000 0.7401923789 0.0000000000 + 870 3.4191137566 0.2881629041 0.0000000000 + 871 2.8500000000 1.9133974596 0.0000000000 + 872 3.4000000000 0.4803847577 0.0000000000 + 873 3.1000000000 1.4803847577 0.0000000000 + 874 3.4365740741 0.0929695172 0.0000000000 + 875 2.8000000000 2.0000000000 0.0000000000 + 876 2.0000000000 2.8000000000 0.0000000000 + 877 2.2000000000 2.6535898385 0.0000000000 + 878 3.3000000000 1.0000000000 0.0000000000 + 879 3.1594080688 1.3855997596 0.0000000000 + 880 2.4000000000 2.4803847577 0.0000000000 + 881 2.6500000000 2.2205771366 0.0000000000 + 882 3.4000000000 0.6535898385 0.0000000000 + 883 3.3500000000 0.9133974596 0.0000000000 + 884 3.2279761905 1.2797662699 0.0000000000 + 885 2.1416666667 2.7334936491 0.0000000000 + 886 2.6000000000 2.3071796770 0.0000000000 + 887 2.3500000000 2.5669872981 0.0000000000 + 888 3.4627443416 0.3815312237 0.0000000000 + 889 2.7800000236 2.1150258988 0.0000000000 + 890 3.4500000000 0.5669872981 0.0000000000 + 891 2.5500000000 2.3937822174 0.0000000000 + 892 3.4000000000 0.8267949192 0.0000000000 + 893 3.5000000000 0.0000000000 0.0000000000 + 894 3.3000000000 1.1732050808 0.0000000000 + 895 3.5000000000 0.1732050808 0.0000000000 + 896 3.0500000000 1.7401923789 0.0000000000 + 897 2.3000000000 2.6535898385 0.0000000000 + 898 3.0000000000 1.8267949192 0.0000000000 + 899 3.1000000000 1.6535898385 0.0000000000 + 900 2.9500000000 1.9133974596 0.0000000000 + 901 3.1500000000 1.5669872981 0.0000000000 + 902 2.1000000000 2.8267949192 0.0000000000 + 903 2.5000000000 2.4803847577 0.0000000000 + 904 3.3500000000 1.0866025404 0.0000000000 + 905 2.9000000000 2.0000000000 0.0000000000 + 906 2.0000000000 2.9000000000 0.0000000000 + 907 3.2000000000 1.4803847577 0.0000000000 + 908 3.4500000000 0.7401923789 0.0000000000 + 909 2.7500000000 2.2205771366 0.0000000000 + 910 3.5090685014 0.4717634732 0.0000000000 + 911 3.5323522928 0.2763765156 0.0000000000 + 912 3.4000000000 1.0000000000 0.0000000000 + 913 2.2500000000 2.7401923789 0.0000000000 + 914 2.4500000000 2.5669872981 0.0000000000 + 915 3.5500000000 0.0866025404 0.0000000000 + 916 2.7000000000 2.3071796770 0.0000000000 + 917 3.2784722222 1.3721008779 0.0000000000 + 918 3.5000000000 0.6535898385 0.0000000000 + 919 3.4500000000 0.9133974596 0.0000000000 + 920 2.6500000000 2.3937822174 0.0000000000 + 921 2.8800000039 2.1150257947 0.0000000000 + 922 2.4000000000 2.6535898385 0.0000000000 + 923 3.3500000000 1.2598076211 0.0000000000 + 924 2.2000000000 2.8267949192 0.0000000000 + 925 2.6000000000 2.4803847577 0.0000000000 + 926 3.5750000000 0.3700961894 0.0000000000 + 927 3.5500000000 0.5669872981 0.0000000000 + 928 3.5000000000 0.8267949192 0.0000000000 + 929 3.4000000000 1.1732050808 0.0000000000 + 930 3.1000000000 1.8267949192 0.0000000000 + 931 3.1500000000 1.7401923789 0.0000000000 + 932 3.6000000000 0.0000000000 0.0000000000 + 933 3.0500000000 1.9133974596 0.0000000000 + 934 3.2000000000 1.6535898385 0.0000000000 + 935 3.6000000000 0.1732050808 0.0000000000 + 936 3.0000000000 2.0000000000 0.0000000000 + 937 2.0000000000 3.0000000000 0.0000000000 + 938 3.2500000000 1.5669872981 0.0000000000 + 939 2.3500000000 2.7401923789 0.0000000000 + 940 2.8500000000 2.2205771366 0.0000000000 + 941 2.1416666667 2.9111645497 0.0000000000 + 942 3.4500000000 1.0866025404 0.0000000000 + 943 2.5500000000 2.5669872981 0.0000000000 + 944 3.5500000000 0.7401923789 0.0000000000 + 945 2.8000000000 2.3071796770 0.0000000000 + 946 3.5000000000 1.0000000000 0.0000000000 + 947 2.3000000000 2.8267949192 0.0000000000 + 948 2.5000000000 2.6535898385 0.0000000000 + 949 2.7500000000 2.3937822174 0.0000000000 + 950 3.6166666667 0.4645940725 0.0000000000 + 951 3.6500000000 0.0866025404 0.0000000000 + 952 3.3428571429 1.4724542396 0.0000000000 + 953 2.9800000007 2.1150257774 0.0000000000 + 954 3.4000000000 1.3464101615 0.0000000000 + 955 3.6000000000 0.6535898385 0.0000000000 + 956 3.6500000000 0.2598076211 0.0000000000 + 957 2.1000000000 3.0000000000 0.0000000000 + 958 3.5500000000 0.9133974596 0.0000000000 + 959 2.7000000000 2.4803847577 0.0000000000 + 960 3.4500000000 1.2598076211 0.0000000000 + 961 2.4500000000 2.7401923789 0.0000000000 + 962 2.2500000000 2.9133974596 0.0000000000 + 963 3.2000000000 1.8267949192 0.0000000000 + 964 3.1500000000 1.9133974596 0.0000000000 + 965 3.2500000000 1.7401923789 0.0000000000 + 966 3.1000000000 2.0000000000 0.0000000000 + 967 2.6500000000 2.5669872981 0.0000000000 + 968 3.3000000000 1.6535898385 0.0000000000 + 969 3.5000000000 1.1732050808 0.0000000000 + 970 2.9500000000 2.2205771366 0.0000000000 + 971 3.6000000000 0.8267949192 0.0000000000 + 972 3.6500000000 0.5669872981 0.0000000000 + 973 3.7000000000 0.0000000000 0.0000000000 + 974 3.6861111111 0.3595690659 0.0000000000 + 975 3.3485714286 1.5827217026 0.0000000000 + 976 3.7000000000 0.1732050808 0.0000000000 + 977 2.9000000000 2.3071796770 0.0000000000 + 978 2.4000000000 2.8267949192 0.0000000000 + 979 3.5500000000 1.0866025404 0.0000000000 + 980 2.6000000000 2.6535898385 0.0000000000 + 981 2.2000000000 3.0000000000 0.0000000000 + 982 2.8500000000 2.3937822174 0.0000000000 + 983 3.6500000000 0.7401923789 0.0000000000 + 984 3.0800000001 2.1150257745 0.0000000000 + 985 3.6000000000 1.0000000000 0.0000000000 + 986 2.8000000000 2.4803847577 0.0000000000 + 987 2.3500000000 2.9133974596 0.0000000000 + 988 2.5500000000 2.7401923789 0.0000000000 + 989 3.7500000000 0.0866025404 0.0000000000 + 990 3.7250000000 0.4566987298 0.0000000000 + 991 3.7000000000 0.6535898385 0.0000000000 + 992 3.7500000000 0.2598076211 0.0000000000 + 993 2.7500000000 2.5669872981 0.0000000000 + 994 3.6500000000 0.9133974596 0.0000000000 + 995 3.4709986772 1.4608231383 0.0000000000 + 996 3.5500000000 1.2598076211 0.0000000000 + 997 3.5131889330 1.3604390670 0.0000000000 + 998 3.2500000000 1.9133974596 0.0000000000 + 999 3.3000000000 1.8267949192 0.0000000000 + 1000 3.0500000000 2.2205771366 0.0000000000 + 1001 3.2000000000 2.0000000000 0.0000000000 + 1002 2.5000000000 2.8267949192 0.0000000000 + 1003 3.3500000000 1.7401923789 0.0000000000 + 1004 2.3000000000 3.0000000000 0.0000000000 + 1005 3.4000000000 1.6535898385 0.0000000000 + 1006 3.0000000000 2.3071796770 0.0000000000 + 1007 2.7000000000 2.6535898385 0.0000000000 + 1008 3.6000000000 1.1732050808 0.0000000000 + 1009 3.4500000000 1.5669872981 0.0000000000 + 1010 3.7000000000 0.8267949192 0.0000000000 + 1011 2.9500000000 2.3937822174 0.0000000000 + 1012 3.8000000000 0.0000000000 0.0000000000 + 1013 3.8000000000 0.1732050808 0.0000000000 + 1014 2.4500000000 2.9133974596 0.0000000000 + 1015 3.6500000000 1.0866025404 0.0000000000 + 1016 3.7688657407 0.5491131196 0.0000000000 + 1017 2.6500000000 2.7401923789 0.0000000000 + 1018 3.8000000000 0.3464101615 0.0000000000 + 1019 2.9000000000 2.4803847577 0.0000000000 + 1020 3.7500000000 0.7401923789 0.0000000000 + 1021 3.7000000000 1.0000000000 0.0000000000 + 1022 2.8500000000 2.5669872981 0.0000000000 + 1023 2.6000000000 2.8267949192 0.0000000000 + 1024 2.4000000000 3.0000000000 0.0000000000 + 1025 3.2000000000 2.1339745962 0.0000000000 + 1026 3.8500000000 0.0866025404 0.0000000000 + 1027 3.1500000000 2.2205771366 0.0000000000 + 1028 2.8000000000 2.6535898385 0.0000000000 + 1029 3.3500000000 1.9133974596 0.0000000000 + 1030 3.3000000000 2.0000000000 0.0000000000 + 1031 3.8500000000 0.2598076211 0.0000000000 + 1032 3.7500000000 0.9133974596 0.0000000000 + 1033 3.4000000000 1.8267949192 0.0000000000 + 1034 3.6500000000 1.2598076211 0.0000000000 + 1035 3.8090277778 0.6450365506 0.0000000000 + 1036 3.4500000000 1.7401923789 0.0000000000 + 1037 3.1000000000 2.3071796770 0.0000000000 + 1038 3.5000000000 1.6535898385 0.0000000000 + 1039 3.5831349206 1.4656896707 0.0000000000 + 1040 2.5500000000 2.9133974596 0.0000000000 + 1041 3.8500000000 0.4330127019 0.0000000000 + 1042 3.6250000000 1.3700961894 0.0000000000 + 1043 3.0500000000 2.3937822174 0.0000000000 + 1044 3.5500000000 1.5669872981 0.0000000000 + 1045 3.7000000000 1.1732050808 0.0000000000 + 1046 2.7500000000 2.7401923789 0.0000000000 + 1047 3.8000000000 0.8267949192 0.0000000000 + 1048 3.0000000000 2.4803847577 0.0000000000 + 1049 3.9000000000 0.0000000000 0.0000000000 + 1050 3.9000000000 0.1732050808 0.0000000000 + 1051 3.7500000000 1.0866025404 0.0000000000 + 1052 2.5000000000 3.0000000000 0.0000000000 + 1053 2.7000000000 2.8267949192 0.0000000000 + 1054 2.9500000000 2.5669872981 0.0000000000 + 1055 3.9000000000 0.3464101615 0.0000000000 + 1056 3.8791666667 0.5393535989 0.0000000000 + 1057 3.8589451058 0.7326250317 0.0000000000 + 1058 3.8000000000 1.0000000000 0.0000000000 + 1059 3.3000000000 2.1339745962 0.0000000000 + 1060 2.9000000000 2.6535898385 0.0000000000 + 1061 3.2500000000 2.2205771366 0.0000000000 + 1062 2.6500000000 2.9133974596 0.0000000000 + 1063 3.4000000000 2.0000000000 0.0000000000 + 1064 3.2000000000 2.3071796770 0.0000000000 + 1065 3.4500000000 1.9133974596 0.0000000000 + 1066 3.5000000000 1.8267949192 0.0000000000 + 1067 3.9500000000 0.0866025404 0.0000000000 + 1068 3.5500000000 1.7401923789 0.0000000000 + 1069 2.8500000000 2.7401923789 0.0000000000 + 1070 3.1500000000 2.3937822174 0.0000000000 + 1071 3.8500000000 0.9133974596 0.0000000000 + 1072 3.9500000000 0.2598076211 0.0000000000 + 1073 3.6000000000 1.6535898385 0.0000000000 + 1074 2.6000000000 3.0000000000 0.0000000000 + 1075 3.1000000000 2.4803847577 0.0000000000 + 1076 3.6500000000 1.5669872981 0.0000000000 + 1077 3.6904431217 1.4713928397 0.0000000000 + 1078 3.9500000000 0.4330127019 0.0000000000 + 1079 3.9250000000 0.6299038106 0.0000000000 + 1080 2.8000000000 2.8267949192 0.0000000000 + 1081 3.7345238095 1.3782118242 0.0000000000 + 1082 3.0500000000 2.5669872981 0.0000000000 + 1083 3.9000000000 0.8267949192 0.0000000000 + 1084 3.7821428571 1.2848154021 0.0000000000 + 1085 3.8485714286 1.0708681359 0.0000000000 + 1086 4.0000000000 0.0000000000 0.0000000000 + 1087 4.0000000000 0.1732050808 0.0000000000 + 1088 3.0000000000 2.6535898385 0.0000000000 + 1089 2.7500000000 2.9133974596 0.0000000000 + 1090 3.4000000000 2.1339745962 0.0000000000 + 1091 4.0000000000 0.3464101615 0.0000000000 + 1092 3.8428089569 1.1720280732 0.0000000000 + 1093 3.3500000000 2.2205771366 0.0000000000 + 1094 3.9000000000 1.0000000000 0.0000000000 + 1095 2.9500000000 2.7401923789 0.0000000000 + 1096 3.3000000000 2.3071796770 0.0000000000 + 1097 3.5000000000 2.0000000000 0.0000000000 + 1098 3.5500000000 1.9133974596 0.0000000000 + 1099 4.0000000000 0.5196152423 0.0000000000 + 1100 3.9696428571 0.7270276119 0.0000000000 + 1101 2.7000000000 3.0000000000 0.0000000000 + 1102 3.2500000000 2.3937822174 0.0000000000 + 1103 3.6000000000 1.8267949192 0.0000000000 + 1104 3.6500000000 1.7401923789 0.0000000000 + 1105 3.2000000000 2.4803847577 0.0000000000 + 1106 2.9000000000 2.8267949192 0.0000000000 + 1107 4.0500000000 0.0866025404 0.0000000000 + 1108 3.7000000000 1.6535898385 0.0000000000 + 1109 3.9500000000 0.9133974596 0.0000000000 + 1110 4.0500000000 0.2598076211 0.0000000000 + 1111 3.1500000000 2.5669872981 0.0000000000 + 1112 3.7500000000 1.5669872981 0.0000000000 + 1113 4.0500000000 0.4330127019 0.0000000000 + 1114 2.8500000000 2.9133974596 0.0000000000 + 1115 3.8000000000 1.4803847577 0.0000000000 + 1116 3.1000000000 2.6535898385 0.0000000000 + 1117 4.0000000000 0.8267949192 0.0000000000 + 1118 4.0395833333 0.6224402584 0.0000000000 + 1119 3.8500000000 1.3937822174 0.0000000000 + 1120 3.9500000000 1.0866025404 0.0000000000 + 1121 3.5000000000 2.1339745962 0.0000000000 + 1122 4.1000000000 0.0000000000 0.0000000000 + 1123 3.0500000000 2.7401923789 0.0000000000 + 1124 3.4500000000 2.2205771366 0.0000000000 + 1125 2.8000000000 3.0000000000 0.0000000000 + 1126 4.1000000000 0.1732050808 0.0000000000 + 1127 3.4000000000 2.3071796770 0.0000000000 + 1128 3.9000000000 1.3071796770 0.0000000000 + 1129 4.1000000000 0.3464101615 0.0000000000 + 1130 3.3500000000 2.3937822174 0.0000000000 + 1131 3.6000000000 2.0000000000 0.0000000000 + 1132 3.6500000000 1.9133974596 0.0000000000 + 1133 3.0000000000 2.8267949192 0.0000000000 + 1134 4.0000000000 1.0000000000 0.0000000000 + 1135 3.7000000000 1.8267949192 0.0000000000 + 1136 3.3000000000 2.4803847577 0.0000000000 + 1137 4.1000000000 0.5196152423 0.0000000000 + 1138 3.7500000000 1.7401923789 0.0000000000 + 1139 3.2500000000 2.5669872981 0.0000000000 + 1140 3.8000000000 1.6535898385 0.0000000000 + 1141 3.9689484127 1.1949231356 0.0000000000 + 1142 2.9500000000 2.9133974596 0.0000000000 + 1143 4.1500000000 0.0866025404 0.0000000000 + 1144 4.0500000000 0.9133974596 0.0000000000 + 1145 3.8500000000 1.5669872981 0.0000000000 + 1146 3.2000000000 2.6535898385 0.0000000000 + 1147 4.0928571429 0.7322618607 0.0000000000 + 1148 4.1500000000 0.2598076211 0.0000000000 + 1149 3.9000000000 1.4803847577 0.0000000000 + 1150 2.9000000000 3.0000000000 0.0000000000 + 1151 4.1500000000 0.4330127019 0.0000000000 + 1152 3.1500000000 2.7401923789 0.0000000000 + 1153 4.1000000000 0.8267949192 0.0000000000 + 1154 3.6000000000 2.1339745962 0.0000000000 + 1155 3.5500000000 2.2205771366 0.0000000000 + 1156 3.9500000000 1.3937822174 0.0000000000 + 1157 3.5000000000 2.3071796770 0.0000000000 + 1158 4.0500000000 1.0866025404 0.0000000000 + 1159 4.1500000000 0.6062177826 0.0000000000 + 1160 3.1000000000 2.8267949192 0.0000000000 + 1161 3.4500000000 2.3937822174 0.0000000000 + 1162 4.2000000000 0.0000000000 0.0000000000 + 1163 4.2000000000 0.1732050808 0.0000000000 + 1164 3.7000000000 2.0000000000 0.0000000000 + 1165 4.0000000000 1.3071796770 0.0000000000 + 1166 3.4000000000 2.4803847577 0.0000000000 + 1167 3.7500000000 1.9133974596 0.0000000000 + 1168 4.2000000000 0.3464101615 0.0000000000 + 1169 3.8000000000 1.8267949192 0.0000000000 + 1170 3.0500000000 2.9133974596 0.0000000000 + 1171 4.1000000000 1.0000000000 0.0000000000 + 1172 3.3500000000 2.5669872981 0.0000000000 + 1173 3.8500000000 1.7401923789 0.0000000000 + 1174 4.2000000000 0.5196152423 0.0000000000 + 1175 3.3000000000 2.6535898385 0.0000000000 + 1176 3.9000000000 1.6535898385 0.0000000000 + 1177 3.0000000000 3.0000000000 0.0000000000 + 1178 4.0739914021 1.1965631132 0.0000000000 + 1179 4.1500000000 0.9133974596 0.0000000000 + 1180 3.9500000000 1.5669872981 0.0000000000 + 1181 4.2500000000 0.0866025404 0.0000000000 + 1182 3.2500000000 2.7401923789 0.0000000000 + 1183 4.2000000000 0.6928203230 0.0000000000 + 1184 4.2500000000 0.2598076211 0.0000000000 + 1185 4.1817176871 0.8119126854 0.0000000000 + 1186 4.0000000000 1.4803847577 0.0000000000 + 1187 3.2000000000 2.8267949192 0.0000000000 + 1188 3.7000000000 2.1339745962 0.0000000000 + 1189 4.2500000000 0.4330127019 0.0000000000 + 1190 3.6500000000 2.2205771366 0.0000000000 + 1191 3.6000000000 2.3071796770 0.0000000000 + 1192 3.5500000000 2.3937822174 0.0000000000 + 1193 4.0500000000 1.3937822174 0.0000000000 + 1194 3.5000000000 2.4803847577 0.0000000000 + 1195 4.1500000000 1.0866025404 0.0000000000 + 1196 3.1500000000 2.9133974596 0.0000000000 + 1197 4.2500000000 0.6062177826 0.0000000000 + 1198 3.8000000000 2.0000000000 0.0000000000 + 1199 3.8500000000 1.9133974596 0.0000000000 + 1200 4.3000000000 0.0000000000 0.0000000000 + 1201 3.4500000000 2.5669872981 0.0000000000 + 1202 4.1000000000 1.3071796770 0.0000000000 + 1203 4.3000000000 0.1732050808 0.0000000000 + 1204 3.9000000000 1.8267949192 0.0000000000 + 1205 3.4000000000 2.6535898385 0.0000000000 + 1206 3.1000000000 3.0000000000 0.0000000000 + 1207 4.3000000000 0.3464101615 0.0000000000 + 1208 3.9500000000 1.7401923789 0.0000000000 + 1209 4.2000000000 1.0000000000 0.0000000000 + 1210 3.3500000000 2.7401923789 0.0000000000 + 1211 4.0000000000 1.6535898385 0.0000000000 + 1212 4.3000000000 0.5196152423 0.0000000000 + 1213 4.0500000000 1.5669872981 0.0000000000 + 1214 4.1750000000 1.1968911087 0.0000000000 + 1215 3.3000000000 2.8267949192 0.0000000000 + 1216 4.2500000000 0.9133974596 0.0000000000 + 1217 4.3500000000 0.0866025404 0.0000000000 + 1218 4.3000000000 0.6928203230 0.0000000000 + 1219 4.3500000000 0.2598076211 0.0000000000 + 1220 3.7500000000 2.2205771366 0.0000000000 + 1221 3.8000000000 2.1339745962 0.0000000000 + 1222 4.1000000000 1.4803847577 0.0000000000 + 1223 3.7000000000 2.3071796770 0.0000000000 + 1224 3.2500000000 2.9133974596 0.0000000000 + 1225 3.6500000000 2.3937822174 0.0000000000 + 1226 4.2963951652 0.7910334077 0.0000000000 + 1227 4.3500000000 0.4330127019 0.0000000000 + 1228 3.6000000000 2.4803847577 0.0000000000 + 1229 4.1500000000 1.3937822174 0.0000000000 + 1230 3.5500000000 2.5669872981 0.0000000000 + 1231 3.9000000000 2.0000000000 0.0000000000 + 1232 3.2000000000 3.0000000000 0.0000000000 + 1233 4.2500000000 1.0866025404 0.0000000000 + 1234 3.9500000000 1.9133974596 0.0000000000 + 1235 4.3500000000 0.6062177826 0.0000000000 + 1236 3.5000000000 2.6535898385 0.0000000000 + 1237 4.0000000000 1.8267949192 0.0000000000 + 1238 4.2000000000 1.3071796770 0.0000000000 + 1239 4.4000000000 0.0000000000 0.0000000000 + 1240 4.4000000000 0.1732050808 0.0000000000 + 1241 3.4500000000 2.7401923789 0.0000000000 + 1242 4.0500000000 1.7401923789 0.0000000000 + 1243 4.4000000000 0.3464101615 0.0000000000 + 1244 4.3000000000 1.0000000000 0.0000000000 + 1245 4.1000000000 1.6535898385 0.0000000000 + 1246 3.4000000000 2.8267949192 0.0000000000 + 1247 4.4000000000 0.5196152423 0.0000000000 + 1248 4.1500000000 1.5669872981 0.0000000000 + 1249 4.3829081633 0.7029458701 0.0000000000 + 1250 3.3500000000 2.9133974596 0.0000000000 + 1251 4.2791666667 1.1929434374 0.0000000000 + 1252 3.8500000000 2.2205771366 0.0000000000 + 1253 4.3500000000 0.9133974596 0.0000000000 + 1254 3.8000000000 2.3071796770 0.0000000000 + 1255 3.9000000000 2.1339745962 0.0000000000 + 1256 3.7500000000 2.3937822174 0.0000000000 + 1257 4.4500000000 0.0866025404 0.0000000000 + 1258 4.2000000000 1.4803847577 0.0000000000 + 1259 3.7000000000 2.4803847577 0.0000000000 + 1260 4.4500000000 0.2598076211 0.0000000000 + 1261 3.3000000000 3.0000000000 0.0000000000 + 1262 3.6500000000 2.5669872981 0.0000000000 + 1263 4.4500000000 0.4330127019 0.0000000000 + 1264 4.0000000000 2.0000000000 0.0000000000 + 1265 3.6000000000 2.6535898385 0.0000000000 + 1266 4.2500000000 1.3937822174 0.0000000000 + 1267 4.0500000000 1.9133974596 0.0000000000 + 1268 4.3500000000 1.0866025404 0.0000000000 + 1269 4.4101403061 0.8099397330 0.0000000000 + 1270 3.5500000000 2.7401923789 0.0000000000 + 1271 4.1000000000 1.8267949192 0.0000000000 + 1272 4.4500000000 0.6062177826 0.0000000000 + 1273 3.5000000000 2.8267949192 0.0000000000 + 1274 4.5000000000 0.0000000000 0.0000000000 + 1275 4.1500000000 1.7401923789 0.0000000000 + 1276 4.5000000000 0.1732050808 0.0000000000 + 1277 4.3137538580 1.2941487064 0.0000000000 + 1278 4.4000000000 1.0000000000 0.0000000000 + 1279 4.5000000000 0.3464101615 0.0000000000 + 1280 4.2000000000 1.6535898385 0.0000000000 + 1281 3.4500000000 2.9133974596 0.0000000000 + 1282 4.2500000000 1.5669872981 0.0000000000 + 1283 4.5000000000 0.5196152423 0.0000000000 + 1284 3.9000000000 2.3071796770 0.0000000000 + 1285 3.9500000000 2.2205771366 0.0000000000 + 1286 3.8500000000 2.3937822174 0.0000000000 + 1287 4.0000000000 2.1339745962 0.0000000000 + 1288 3.4000000000 3.0000000000 0.0000000000 + 1289 4.4788548753 0.7106066903 0.0000000000 + 1290 3.8000000000 2.4803847577 0.0000000000 + 1291 4.3832175926 1.1891054236 0.0000000000 + 1292 4.4500000000 0.9133974596 0.0000000000 + 1293 3.7500000000 2.5669872981 0.0000000000 + 1294 4.3000000000 1.4803847577 0.0000000000 + 1295 4.5500000000 0.0866025404 0.0000000000 + 1296 3.7000000000 2.6535898385 0.0000000000 + 1297 4.5500000000 0.2598076211 0.0000000000 + 1298 4.1000000000 2.0000000000 0.0000000000 + 1299 3.6500000000 2.7401923789 0.0000000000 + 1300 4.3500000000 1.3937822174 0.0000000000 + 1301 4.1500000000 1.9133974596 0.0000000000 + 1302 4.5500000000 0.4330127019 0.0000000000 + 1303 4.5000000000 0.8267949192 0.0000000000 + 1304 3.6000000000 2.8267949192 0.0000000000 + 1305 4.2000000000 1.8267949192 0.0000000000 + 1306 4.4500000000 1.0866025404 0.0000000000 + 1307 4.5500000000 0.6062177826 0.0000000000 + 1308 3.5500000000 2.9133974596 0.0000000000 + 1309 4.2500000000 1.7401923789 0.0000000000 + 1310 4.6000000000 0.0000000000 0.0000000000 + 1311 4.6000000000 0.1732050808 0.0000000000 + 1312 4.4201388889 1.2880992656 0.0000000000 + 1313 4.3000000000 1.6535898385 0.0000000000 + 1314 4.1000000000 2.1013004951 0.0000000000 + 1315 3.5000000000 3.0000000000 0.0000000000 + 1316 4.5000000000 1.0000000000 0.0000000000 + 1317 4.6000000000 0.3464101615 0.0000000000 + 1318 4.0000000000 2.3071796770 0.0000000000 + 1319 3.9500000000 2.3937822174 0.0000000000 + 1320 4.0500000000 2.2205771366 0.0000000000 + 1321 3.9000000000 2.4803847577 0.0000000000 + 1322 4.3500000000 1.5669872981 0.0000000000 + 1323 3.8500000000 2.5669872981 0.0000000000 + 1324 4.6000000000 0.5196152423 0.0000000000 + 1325 3.8000000000 2.6535898385 0.0000000000 + 1326 4.5800807823 0.7115240544 0.0000000000 + 1327 4.5500000000 0.9133974596 0.0000000000 + 1328 4.4000000000 1.4803847577 0.0000000000 + 1329 3.7500000000 2.7401923789 0.0000000000 + 1330 4.5000000000 1.1732050808 0.0000000000 + 1331 4.6500000000 0.0866025404 0.0000000000 + 1332 4.2000000000 2.0000000000 0.0000000000 + 1333 3.7000000000 2.8267949192 0.0000000000 + 1334 4.6500000000 0.2598076211 0.0000000000 + 1335 4.2500000000 1.9133974596 0.0000000000 + 1336 4.4500000000 1.3937822174 0.0000000000 + 1337 4.6500000000 0.4330127019 0.0000000000 + 1338 3.6500000000 2.9133974596 0.0000000000 + 1339 4.3000000000 1.8267949192 0.0000000000 + 1340 4.6000000000 0.8267949192 0.0000000000 + 1341 4.5500000000 1.0866025404 0.0000000000 + 1342 4.3500000000 1.7401923789 0.0000000000 + 1343 3.6000000000 3.0000000000 0.0000000000 + 1344 4.6500000000 0.6062177826 0.0000000000 + 1345 4.7000000000 0.0000000000 0.0000000000 + 1346 4.4000000000 1.6535898385 0.0000000000 + 1347 4.5208333333 1.2874413204 0.0000000000 + 1348 4.7000000000 0.1732050808 0.0000000000 + 1349 4.0500000000 2.3937822174 0.0000000000 + 1350 4.1000000000 2.3071796770 0.0000000000 + 1351 4.0000000000 2.4803847577 0.0000000000 + 1352 4.1500000000 2.2205771366 0.0000000000 + 1353 4.6000000000 1.0000000000 0.0000000000 + 1354 3.9500000000 2.5669872981 0.0000000000 + 1355 4.7000000000 0.3464101615 0.0000000000 + 1356 3.9000000000 2.6535898385 0.0000000000 + 1357 4.4500000000 1.5669872981 0.0000000000 + 1358 4.2200000168 2.1095800744 0.0000000000 + 1359 3.8500000000 2.7401923789 0.0000000000 + 1360 4.7000000000 0.5196152423 0.0000000000 + 1361 4.6800134637 0.7117282969 0.0000000000 + 1362 3.8000000000 2.8267949192 0.0000000000 + 1363 4.5000000000 1.4803847577 0.0000000000 + 1364 4.6500000000 0.9133974596 0.0000000000 + 1365 4.3000000000 2.0000000000 0.0000000000 + 1366 4.6000000000 1.1732050808 0.0000000000 + 1367 3.7500000000 2.9133974596 0.0000000000 + 1368 4.7500000000 0.0866025404 0.0000000000 + 1369 4.3500000000 1.9133974596 0.0000000000 + 1370 4.7500000000 0.2598076211 0.0000000000 + 1371 4.5500000000 1.3937822174 0.0000000000 + 1372 3.7000000000 3.0000000000 0.0000000000 + 1373 4.4000000000 1.8267949192 0.0000000000 + 1374 4.7500000000 0.4330127019 0.0000000000 + 1375 4.7000000000 0.8267949192 0.0000000000 + 1376 4.6500000000 1.0866025404 0.0000000000 + 1377 4.4500000000 1.7401923789 0.0000000000 + 1378 4.7500000000 0.6062177826 0.0000000000 + 1379 4.1500000000 2.3937822174 0.0000000000 + 1380 4.1000000000 2.4803847577 0.0000000000 + 1381 4.2000000000 2.3071796770 0.0000000000 + 1382 4.5000000000 1.6535898385 0.0000000000 + 1383 4.0500000000 2.5669872981 0.0000000000 + 1384 4.2500000000 2.2205771366 0.0000000000 + 1385 4.8000000000 0.0000000000 0.0000000000 + 1386 4.0000000000 2.6535898385 0.0000000000 + 1387 4.6280092593 1.2806425531 0.0000000000 + 1388 4.8000000000 0.1732050808 0.0000000000 + 1389 4.7000000000 1.0000000000 0.0000000000 + 1390 3.9500000000 2.7401923789 0.0000000000 + 1391 4.3200001010 2.1150256782 0.0000000000 + 1392 4.5500000000 1.5669872981 0.0000000000 + 1393 4.8000000000 0.3464101615 0.0000000000 + 1394 3.9000000000 2.8267949192 0.0000000000 + 1395 4.8000000000 0.5196152423 0.0000000000 + 1396 3.8500000000 2.9133974596 0.0000000000 + 1397 4.6000000000 1.4803847577 0.0000000000 + 1398 4.4000000000 2.0000000000 0.0000000000 + 1399 4.7500000000 0.9133974596 0.0000000000 + 1400 3.8000000000 3.0000000000 0.0000000000 + 1401 4.4500000000 1.9133974596 0.0000000000 + 1402 4.7000000000 1.1732050808 0.0000000000 + 1403 4.8000000000 0.6928203230 0.0000000000 + 1404 4.8500000000 0.0866025404 0.0000000000 + 1405 4.5000000000 1.8267949192 0.0000000000 + 1406 4.8500000000 0.2598076211 0.0000000000 + 1407 4.6638888889 1.3806233130 0.0000000000 + 1408 4.8500000000 0.4330127019 0.0000000000 + 1409 4.8000000000 0.8267949192 0.0000000000 + 1410 4.5500000000 1.7401923789 0.0000000000 + 1411 4.7500000000 1.0866025404 0.0000000000 + 1412 4.2000000000 2.4803847577 0.0000000000 + 1413 4.2500000000 2.3937822174 0.0000000000 + 1414 4.1500000000 2.5669872981 0.0000000000 + 1415 4.3000000000 2.3071796770 0.0000000000 + 1416 4.1000000000 2.6535898385 0.0000000000 + 1417 4.3500000000 2.2205771366 0.0000000000 + 1418 4.8500000000 0.6062177826 0.0000000000 + 1419 4.6000000000 1.6535898385 0.0000000000 + 1420 4.0500000000 2.7401923789 0.0000000000 + 1421 4.0000000000 2.8267949192 0.0000000000 + 1422 4.4200006058 2.1150251999 0.0000000000 + 1423 4.9000000000 0.0000000000 0.0000000000 + 1424 4.7333333333 1.2755983064 0.0000000000 + 1425 4.9000000000 0.1732050808 0.0000000000 + 1426 4.8000000000 1.0000000000 0.0000000000 + 1427 4.6500000000 1.5669872981 0.0000000000 + 1428 3.9500000000 2.9133974596 0.0000000000 + 1429 4.9000000000 0.3464101615 0.0000000000 + 1430 3.9000000000 3.0000000000 0.0000000000 + 1431 4.5000000000 2.0000000000 0.0000000000 + 1432 4.9000000000 0.5196152423 0.0000000000 + 1433 4.7000000000 1.4803847577 0.0000000000 + 1434 4.8500000000 0.9133974596 0.0000000000 + 1435 4.5500000000 1.9133974596 0.0000000000 + 1436 4.8000000000 1.1732050808 0.0000000000 + 1437 4.9000000000 0.6928203230 0.0000000000 + 1438 4.6000000000 1.8267949192 0.0000000000 + 1439 4.9500000000 0.0866025404 0.0000000000 + 1440 4.9500000000 0.2598076211 0.0000000000 + 1441 4.3000000000 2.4803847577 0.0000000000 + 1442 4.6500000000 1.7401923789 0.0000000000 + 1443 4.2500000000 2.5669872981 0.0000000000 + 1444 4.3500000000 2.3937822174 0.0000000000 + 1445 4.7750000000 1.3700961894 0.0000000000 + 1446 4.2000000000 2.6535898385 0.0000000000 + 1447 4.4000000000 2.3071796770 0.0000000000 + 1448 4.9500000000 0.4330127019 0.0000000000 + 1449 4.9000000000 0.8267949192 0.0000000000 + 1450 4.8500000000 1.0866025404 0.0000000000 + 1451 4.1500000000 2.7401923789 0.0000000000 + 1452 4.4500000000 2.2205771366 0.0000000000 + 1453 4.1000000000 2.8267949192 0.0000000000 + 1454 4.7000000000 1.6535898385 0.0000000000 + 1455 4.9500000000 0.6062177826 0.0000000000 + 1456 4.0500000000 2.9133974596 0.0000000000 + 1457 4.5200036348 2.1150223302 0.0000000000 + 1458 5.0000000000 0.0000000000 0.0000000000 + 1459 4.0000000000 3.0000000000 0.0000000000 + 1460 4.9000000000 1.0000000000 0.0000000000 + 1461 4.7500000000 1.5669872981 0.0000000000 + 1462 5.0000000000 0.1732050808 0.0000000000 + 1463 4.8402777778 1.2690188542 0.0000000000 + 1464 5.0000000000 0.3464101615 0.0000000000 + 1465 4.6000000000 2.0000000000 0.0000000000 + 1466 4.8000000000 1.4803847577 0.0000000000 + 1467 5.0000000000 0.5196152423 0.0000000000 + 1468 4.6500000000 1.9133974596 0.0000000000 + 1469 4.9500000000 0.9133974596 0.0000000000 + 1470 4.9000000000 1.1732050808 0.0000000000 + 1471 4.7000000000 1.8267949192 0.0000000000 + 1472 5.0000000000 0.6928203230 0.0000000000 + 1473 5.0500000000 0.0866025404 0.0000000000 + 1474 4.3500000000 2.5669872981 0.0000000000 + 1475 4.4000000000 2.4803847577 0.0000000000 + 1476 4.3000000000 2.6535898385 0.0000000000 + 1477 4.4500000000 2.3937822174 0.0000000000 + 1478 5.0500000000 0.2598076211 0.0000000000 + 1479 4.2500000000 2.7401923789 0.0000000000 + 1480 4.5000000000 2.3071796770 0.0000000000 + 1481 4.7500000000 1.7401923789 0.0000000000 + 1482 4.2000000000 2.8267949192 0.0000000000 + 1483 4.5500000000 2.2205771366 0.0000000000 + 1484 4.9500000000 1.0866025404 0.0000000000 + 1485 5.0000000000 0.8267949192 0.0000000000 + 1486 5.0500000000 0.4330127019 0.0000000000 + 1487 4.8833333333 1.3622008468 0.0000000000 + 1488 4.1500000000 2.9133974596 0.0000000000 + 1489 4.8000000000 1.6535898385 0.0000000000 + 1490 4.1000000000 3.0000000000 0.0000000000 + 1491 4.6200218086 2.1150051116 0.0000000000 + 1492 5.0500000000 0.6062177826 0.0000000000 + 1493 4.8500000000 1.5669872981 0.0000000000 + 1494 5.0000000000 1.0000000000 0.0000000000 + 1495 5.1000000000 0.0000000000 0.0000000000 + 1496 5.1000000000 0.1732050808 0.0000000000 + 1497 4.9500000000 1.2598076211 0.0000000000 + 1498 4.7000000000 2.0000000000 0.0000000000 + 1499 5.1000000000 0.3464101615 0.0000000000 + 1500 4.7500000000 1.9133974596 0.0000000000 + 1501 5.1000000000 0.5196152423 0.0000000000 + 1502 4.9187500000 1.4626202368 0.0000000000 + 1503 5.0500000000 0.9133974596 0.0000000000 + 1504 5.0000000000 1.1732050808 0.0000000000 + 1505 4.8000000000 1.8267949192 0.0000000000 + 1506 4.4500000000 2.5669872981 0.0000000000 + 1507 4.4000000000 2.6535898385 0.0000000000 + 1508 4.5000000000 2.4803847577 0.0000000000 + 1509 4.3500000000 2.7401923789 0.0000000000 + 1510 4.5500000000 2.3937822174 0.0000000000 + 1511 4.3000000000 2.8267949192 0.0000000000 + 1512 4.6000000000 2.3071796770 0.0000000000 + 1513 5.1000000000 0.6928203230 0.0000000000 + 1514 5.1500000000 0.0866025404 0.0000000000 + 1515 4.2500000000 2.9133974596 0.0000000000 + 1516 4.8500000000 1.7401923789 0.0000000000 + 1517 4.6500000000 2.2205771366 0.0000000000 + 1518 5.1500000000 0.2598076211 0.0000000000 + 1519 4.2000000000 3.0000000000 0.0000000000 + 1520 5.0500000000 1.0866025404 0.0000000000 + 1521 5.1000000000 0.8267949192 0.0000000000 + 1522 5.1500000000 0.4330127019 0.0000000000 + 1523 4.9000000000 1.6535898385 0.0000000000 + 1524 4.7201308513 2.1149017999 0.0000000000 + 1525 5.0000000000 1.3464101615 0.0000000000 + 1526 5.1500000000 0.6062177826 0.0000000000 + 1527 4.9500000000 1.5669872981 0.0000000000 + 1528 5.1000000000 1.0000000000 0.0000000000 + 1529 5.2000000000 0.0000000000 0.0000000000 + 1530 4.8000000000 2.0000000000 0.0000000000 + 1531 5.2000000000 0.1732050808 0.0000000000 + 1532 5.0500000000 1.2598076211 0.0000000000 + 1533 5.2000000000 0.3464101615 0.0000000000 + 1534 4.8500000000 1.9133974596 0.0000000000 + 1535 4.5000000000 2.6535898385 0.0000000000 + 1536 4.5500000000 2.5669872981 0.0000000000 + 1537 5.2000000000 0.5196152423 0.0000000000 + 1538 4.4500000000 2.7401923789 0.0000000000 + 1539 4.6000000000 2.4803847577 0.0000000000 + 1540 4.9000000000 1.8267949192 0.0000000000 + 1541 4.4000000000 2.8267949192 0.0000000000 + 1542 4.6500000000 2.3937822174 0.0000000000 + 1543 5.1500000000 0.9133974596 0.0000000000 + 1544 5.1000000000 1.1732050808 0.0000000000 + 1545 5.0291666667 1.4527510585 0.0000000000 + 1546 4.3500000000 2.9133974596 0.0000000000 + 1547 4.7000000000 2.3071796770 0.0000000000 + 1548 4.3000000000 3.0000000000 0.0000000000 + 1549 4.7500000000 2.2205771366 0.0000000000 + 1550 5.2000000000 0.6928203230 0.0000000000 + 1551 4.9500000000 1.7401923789 0.0000000000 + 1552 5.2500000000 0.0866025404 0.0000000000 + 1553 5.2500000000 0.2598076211 0.0000000000 + 1554 5.1500000000 1.0866025404 0.0000000000 + 1555 4.8207851080 2.1142819303 0.0000000000 + 1556 5.2000000000 0.8267949192 0.0000000000 + 1557 5.0000000000 1.6535898385 0.0000000000 + 1558 5.2500000000 0.4330127019 0.0000000000 + 1559 5.1000000000 1.3464101615 0.0000000000 + 1560 5.2500000000 0.6062177826 0.0000000000 + 1561 4.9000000000 2.0000000000 0.0000000000 + 1562 5.2000000000 1.0000000000 0.0000000000 + 1563 5.0626478909 1.5550041662 0.0000000000 + 1564 5.3000000000 0.0000000000 0.0000000000 + 1565 5.1500000000 1.2598076211 0.0000000000 + 1566 5.3000000000 0.1732050808 0.0000000000 + 1567 4.9500000000 1.9133974596 0.0000000000 + 1568 4.6000000000 2.6535898385 0.0000000000 + 1569 5.3000000000 0.3464101615 0.0000000000 + 1570 4.5500000000 2.7401923789 0.0000000000 + 1571 4.6500000000 2.5669872981 0.0000000000 + 1572 4.5000000000 2.8267949192 0.0000000000 + 1573 4.7000000000 2.4803847577 0.0000000000 + 1574 4.4500000000 2.9133974596 0.0000000000 + 1575 4.7500000000 2.3937822174 0.0000000000 + 1576 5.0000000000 1.8267949192 0.0000000000 + 1577 4.4000000000 3.0000000000 0.0000000000 + 1578 5.3000000000 0.5196152423 0.0000000000 + 1579 4.8000000000 2.3071796770 0.0000000000 + 1580 5.2500000000 0.9133974596 0.0000000000 + 1581 5.2000000000 1.1732050808 0.0000000000 + 1582 5.1298611111 1.4520931133 0.0000000000 + 1583 4.8500000000 2.2205771366 0.0000000000 + 1584 5.0500000000 1.7401923789 0.0000000000 + 1585 5.3000000000 0.6928203230 0.0000000000 + 1586 5.3500000000 0.0866025404 0.0000000000 + 1587 5.3500000000 0.2598076211 0.0000000000 + 1588 4.9247106481 2.1105627121 0.0000000000 + 1589 5.2500000000 1.0866025404 0.0000000000 + 1590 5.1000000000 1.6535898385 0.0000000000 + 1591 5.3500000000 0.4330127019 0.0000000000 + 1592 5.2000000000 1.3464101615 0.0000000000 + 1593 5.3166666667 0.8188467370 0.0000000000 + 1594 5.3500000000 0.6062177826 0.0000000000 + 1595 5.0000000000 2.0000000000 0.0000000000 + 1596 5.3000000000 1.0000000000 0.0000000000 + 1597 5.1668595679 1.5510138503 0.0000000000 + 1598 4.6500000000 2.7401923789 0.0000000000 + 1599 4.7000000000 2.6535898385 0.0000000000 + 1600 5.2500000000 1.2598076211 0.0000000000 + 1601 4.6000000000 2.8267949192 0.0000000000 + 1602 4.7500000000 2.5669872981 0.0000000000 + 1603 5.4000000000 0.0000000000 0.0000000000 + 1604 5.0500000000 1.9133974596 0.0000000000 + 1605 5.4000000000 0.1732050808 0.0000000000 + 1606 4.5500000000 2.9133974596 0.0000000000 + 1607 4.8000000000 2.4803847577 0.0000000000 + 1608 4.5000000000 3.0000000000 0.0000000000 + 1609 4.8500000000 2.3937822174 0.0000000000 + 1610 5.4000000000 0.3464101615 0.0000000000 + 1611 4.9000000000 2.3071796770 0.0000000000 + 1612 5.1000000000 1.8267949192 0.0000000000 + 1613 5.4000000000 0.5196152423 0.0000000000 + 1614 5.3500000000 0.9133974596 0.0000000000 + 1615 5.3000000000 1.1732050808 0.0000000000 + 1616 4.9625000000 2.2087341226 0.0000000000 + 1617 5.1500000000 1.7401923789 0.0000000000 + 1618 5.2500000000 1.4330127019 0.0000000000 + 1619 5.4000000000 0.7254944242 0.0000000000 + 1620 5.4500000000 0.0866025404 0.0000000000 + 1621 5.0357638889 2.1000904174 0.0000000000 + 1622 5.4500000000 0.2598076211 0.0000000000 + 1623 5.2000000000 1.6535898385 0.0000000000 + 1624 5.3500000000 1.0866025404 0.0000000000 + 1625 5.4000000000 0.8411758364 0.0000000000 + 1626 5.4500000000 0.4330127019 0.0000000000 + 1627 5.3000000000 1.3464101615 0.0000000000 + 1628 5.1000000000 2.0000000000 0.0000000000 + 1629 5.4500000000 0.6062177826 0.0000000000 + 1630 4.7500000000 2.7401923789 0.0000000000 + 1631 4.7000000000 2.8267949192 0.0000000000 + 1632 4.8000000000 2.6535898385 0.0000000000 + 1633 4.6500000000 2.9133974596 0.0000000000 + 1634 4.8500000000 2.5669872981 0.0000000000 + 1635 4.6000000000 3.0000000000 0.0000000000 + 1636 5.4000000000 1.0000000000 0.0000000000 + 1637 4.9000000000 2.4803847577 0.0000000000 + 1638 5.2712962963 1.5468103114 0.0000000000 + 1639 5.1500000000 1.9133974596 0.0000000000 + 1640 5.3500000000 1.2598076211 0.0000000000 + 1641 4.9500000000 2.3937822174 0.0000000000 + 1642 5.5000000000 0.0000000000 0.0000000000 + 1643 5.5000000000 0.1732050808 0.0000000000 + 1644 5.0000000000 2.3071796770 0.0000000000 + 1645 5.5000000000 0.3464101615 0.0000000000 + 1646 5.2000000000 1.8267949192 0.0000000000 + 1647 5.5000000000 0.5196152423 0.0000000000 + 1648 5.4000000000 1.1732050808 0.0000000000 + 1649 5.4500000000 0.9133974596 0.0000000000 + 1650 5.0712384259 2.2004549786 0.0000000000 + 1651 5.2500000000 1.7401923789 0.0000000000 + 1652 5.3500000000 1.4330127019 0.0000000000 + 1653 5.5500000000 0.0866025404 0.0000000000 + 1654 5.3000000000 1.6535898385 0.0000000000 + 1655 5.5500000000 0.2598076211 0.0000000000 + 1656 5.1500000000 2.0866025404 0.0000000000 + 1657 5.4500000000 1.0866025404 0.0000000000 + 1658 5.5000000000 0.8267949192 0.0000000000 + 1659 5.4000000000 1.3464101615 0.0000000000 + 1660 5.5199999908 0.7172148096 0.0000000000 + 1661 5.5500000000 0.4330127019 0.0000000000 + 1662 4.8000000000 2.8267949192 0.0000000000 + 1663 4.8500000000 2.7401923789 0.0000000000 + 1664 5.2000000000 2.0000000000 0.0000000000 + 1665 4.7500000000 2.9133974596 0.0000000000 + 1666 4.9000000000 2.6535898385 0.0000000000 + 1667 4.7000000000 3.0000000000 0.0000000000 + 1668 4.9500000000 2.5669872981 0.0000000000 + 1669 5.0000000000 2.4803847577 0.0000000000 + 1670 5.5500000000 0.6062177826 0.0000000000 + 1671 5.2500000000 1.9133974596 0.0000000000 + 1672 5.0500000000 2.3937822174 0.0000000000 + 1673 5.5000000000 1.0000000000 0.0000000000 + 1674 5.4500000000 1.2598076211 0.0000000000 + 1675 5.3777777778 1.5406694893 0.0000000000 + 1676 5.1000000000 2.3071796770 0.0000000000 + 1677 5.6000000000 0.0000000000 0.0000000000 + 1678 5.6000000000 0.1732050808 0.0000000000 + 1679 5.3000000000 1.8267949192 0.0000000000 + 1680 5.6000000000 0.3464101615 0.0000000000 + 1681 5.5000000000 1.1732050808 0.0000000000 + 1682 5.6000000000 0.5196152423 0.0000000000 + 1683 5.1791666667 2.1929434374 0.0000000000 + 1684 5.5500000000 0.9133974596 0.0000000000 + 1685 5.3500000000 1.7401923789 0.0000000000 + 1686 5.4500000000 1.4330127019 0.0000000000 + 1687 5.2500000000 2.0866025404 0.0000000000 + 1688 5.5899999893 0.8182280995 0.0000000000 + 1689 5.6500000000 0.0866025404 0.0000000000 + 1690 5.5500000000 1.0866025404 0.0000000000 + 1691 5.6500000000 0.2598076211 0.0000000000 + 1692 4.9000000000 2.8267949192 0.0000000000 + 1693 4.8500000000 2.9133974596 0.0000000000 + 1694 4.9500000000 2.7401923789 0.0000000000 + 1695 5.4166666667 1.6377991532 0.0000000000 + 1696 4.8000000000 3.0000000000 0.0000000000 + 1697 5.0000000000 2.6535898385 0.0000000000 + 1698 5.5000000000 1.3464101615 0.0000000000 + 1699 5.3000000000 2.0000000000 0.0000000000 + 1700 5.6199999450 0.7117690298 0.0000000000 + 1701 5.0500000000 2.5669872981 0.0000000000 + 1702 5.6500000000 0.4330127019 0.0000000000 + 1703 5.1000000000 2.4803847577 0.0000000000 + 1704 5.1500000000 2.3937822174 0.0000000000 + 1705 5.3500000000 1.9133974596 0.0000000000 + 1706 5.6500000000 0.6062177826 0.0000000000 + 1707 5.6000000000 1.0000000000 0.0000000000 + 1708 5.5500000000 1.2598076211 0.0000000000 + 1709 5.4878472222 1.5311292836 0.0000000000 + 1710 5.2173611111 2.2907310465 0.0000000000 + 1711 5.7000000000 0.0000000000 0.0000000000 + 1712 5.4000000000 1.8267949192 0.0000000000 + 1713 5.7000000000 0.1732050808 0.0000000000 + 1714 5.7000000000 0.3464101615 0.0000000000 + 1715 5.4500000000 1.7401923789 0.0000000000 + 1716 5.6000000000 1.1732050808 0.0000000000 + 1717 5.6500000000 0.9133974596 0.0000000000 + 1718 5.7000000000 0.5196152423 0.0000000000 + 1719 5.3000000000 2.1732050808 0.0000000000 + 1720 5.5500000000 1.4330127019 0.0000000000 + 1721 5.3500000000 2.0866025404 0.0000000000 + 1722 4.9500000000 2.9133974596 0.0000000000 + 1723 5.0000000000 2.8267949192 0.0000000000 + 1724 4.9000000000 3.0000000000 0.0000000000 + 1725 5.0500000000 2.7401923789 0.0000000000 + 1726 5.1000000000 2.6535898385 0.0000000000 + 1727 5.7500000000 0.0866025404 0.0000000000 + 1728 5.6500000000 1.0866025404 0.0000000000 + 1729 5.1500000000 2.5669872981 0.0000000000 + 1730 5.7500000000 0.2598076211 0.0000000000 + 1731 5.4000000000 2.0000000000 0.0000000000 + 1732 5.6000000000 1.3464101615 0.0000000000 + 1733 5.7000000000 0.8267949192 0.0000000000 + 1734 5.2000000000 2.4803847577 0.0000000000 + 1735 5.7199996702 0.7117684522 0.0000000000 + 1736 5.5326388889 1.6226664131 0.0000000000 + 1737 5.7500000000 0.4330127019 0.0000000000 + 1738 5.2500000000 2.3937822174 0.0000000000 + 1739 5.4500000000 1.9133974596 0.0000000000 + 1740 5.7500000000 0.6062177826 0.0000000000 + 1741 5.7000000000 1.0000000000 0.0000000000 + 1742 5.6500000000 1.2598076211 0.0000000000 + 1743 5.3250000000 2.2834936491 0.0000000000 + 1744 5.8000000000 0.0000000000 0.0000000000 + 1745 5.5090277778 1.8182416314 0.0000000000 + 1746 5.6000000000 1.5196152423 0.0000000000 + 1747 5.8000000000 0.1732050808 0.0000000000 + 1748 5.8000000000 0.3464101615 0.0000000000 + 1749 5.7000000000 1.1732050808 0.0000000000 + 1750 5.4000000000 2.1732050808 0.0000000000 + 1751 5.7500000000 0.9133974596 0.0000000000 + 1752 5.8000000000 0.5196152423 0.0000000000 + 1753 5.6500000000 1.4330127019 0.0000000000 + 1754 5.0500000000 2.9133974596 0.0000000000 + 1755 5.0000000000 3.0000000000 0.0000000000 + 1756 5.1000000000 2.8267949192 0.0000000000 + 1757 5.1500000000 2.7401923789 0.0000000000 + 1758 5.4500000000 2.0866025404 0.0000000000 + 1759 5.5791666667 1.7125586796 0.0000000000 + 1760 5.2000000000 2.6535898385 0.0000000000 + 1761 5.2500000000 2.5669872981 0.0000000000 + 1762 5.8500000000 0.0866025404 0.0000000000 + 1763 5.3000000000 2.4803847577 0.0000000000 + 1764 5.7500000000 1.0866025404 0.0000000000 + 1765 5.5000000000 2.0000000000 0.0000000000 + 1766 5.8500000000 0.2598076211 0.0000000000 + 1767 5.7000000000 1.3464101615 0.0000000000 + 1768 5.8000000000 0.8267949192 0.0000000000 + 1769 5.8199980214 0.7117649862 0.0000000000 + 1770 5.8500000000 0.4330127019 0.0000000000 + 1771 5.3629436728 2.3815188495 0.0000000000 + 1772 5.6500000000 1.6062177826 0.0000000000 + 1773 5.5584490741 1.9053924594 0.0000000000 + 1774 5.8500000000 0.6062177826 0.0000000000 + 1775 5.8000000000 1.0000000000 0.0000000000 + 1776 5.7500000000 1.2598076211 0.0000000000 + 1777 5.4325231481 2.2763659092 0.0000000000 + 1778 5.7000000000 1.5196152423 0.0000000000 + 1779 5.9000000000 0.0000000000 0.0000000000 + 1780 5.9000000000 0.1732050808 0.0000000000 + 1781 5.6250000000 1.8031088913 0.0000000000 + 1782 5.9000000000 0.3464101615 0.0000000000 + 1783 5.5000000000 2.1732050808 0.0000000000 + 1784 5.1000000000 3.0000000000 0.0000000000 + 1785 5.1500000000 2.9133974596 0.0000000000 + 1786 5.8000000000 1.1732050808 0.0000000000 + 1787 5.2000000000 2.8267949192 0.0000000000 + 1788 5.8500000000 0.9133974596 0.0000000000 + 1789 5.2500000000 2.7401923789 0.0000000000 + 1790 5.9000000000 0.5196152423 0.0000000000 + 1791 5.7500000000 1.4330127019 0.0000000000 + 1792 5.3000000000 2.6535898385 0.0000000000 + 1793 5.5500000000 2.0866025404 0.0000000000 + 1794 5.3500000000 2.5669872981 0.0000000000 + 1795 5.4000000000 2.4803847577 0.0000000000 + 1796 5.7000000000 1.6928203230 0.0000000000 + 1797 5.6000000000 2.0000000000 0.0000000000 + 1798 5.8500000000 1.0866025404 0.0000000000 + 1799 5.9500000000 0.0866025404 0.0000000000 + 1800 5.8000000000 1.3464101615 0.0000000000 + 1801 5.9500000000 0.2598076211 0.0000000000 + 1802 5.9000000000 0.8267949192 0.0000000000 + 1803 5.9199881285 0.7117441906 0.0000000000 + 1804 5.4701388889 2.3747018060 0.0000000000 + 1805 5.9500000000 0.4330127019 0.0000000000 + 1806 5.7500000000 1.6062177826 0.0000000000 + 1807 5.6666666667 1.8976067743 0.0000000000 + 1808 5.9500000000 0.6062177826 0.0000000000 + 1809 5.8500000000 1.2598076211 0.0000000000 + 1810 5.9000000000 1.0000000000 0.0000000000 + 1811 5.5378086420 2.2713582150 0.0000000000 + 1812 5.8000000000 1.5196152423 0.0000000000 + 1813 6.0000000000 0.0000000000 0.0000000000 + 1814 6.0000000000 0.1732050808 0.0000000000 + 1815 5.2000000000 3.0000000000 0.0000000000 + 1816 5.2500000000 2.9133974596 0.0000000000 + 1817 5.3000000000 2.8267949192 0.0000000000 + 1818 5.6000000000 2.1732050808 0.0000000000 + 1819 6.0000000000 0.3464101615 0.0000000000 + 1820 5.7365740741 1.7921431377 0.0000000000 + 1821 5.3500000000 2.7401923789 0.0000000000 + 1822 5.9000000000 1.1732050808 0.0000000000 + 1823 5.4000000000 2.6535898385 0.0000000000 + 1824 5.9500000000 0.9133974596 0.0000000000 + 1825 6.0000000000 0.5196152423 0.0000000000 + 1826 5.8500000000 1.4330127019 0.0000000000 + 1827 5.6500000000 2.0866025404 0.0000000000 + 1828 5.4500000000 2.5669872981 0.0000000000 + 1829 5.5000000000 2.4803847577 0.0000000000 + 1830 5.7000000000 2.0000000000 0.0000000000 + 1831 5.8000000000 1.6928203230 0.0000000000 + 1832 5.9500000000 1.0866025404 0.0000000000 + 1833 6.0500000000 0.0866025404 0.0000000000 + 1834 5.9000000000 1.3464101615 0.0000000000 + 1835 6.0500000000 0.2598076211 0.0000000000 + 1836 6.0000000000 0.8267949192 0.0000000000 + 1837 5.5741898148 2.3708637922 0.0000000000 + 1838 6.0199287709 0.7116194170 0.0000000000 + 1839 6.0500000000 0.4330127019 0.0000000000 + 1840 5.8500000000 1.6062177826 0.0000000000 + 1841 5.7777777778 1.8870796508 0.0000000000 + 1842 6.0500000000 0.6062177826 0.0000000000 + 1843 5.9500000000 1.2598076211 0.0000000000 + 1844 6.0000000000 1.0000000000 0.0000000000 + 1845 5.6500000000 2.2598076211 0.0000000000 + 1846 5.3000000000 3.0000000000 0.0000000000 + 1847 5.3500000000 2.9133974596 0.0000000000 + 1848 5.9000000000 1.5196152423 0.0000000000 + 1849 5.4000000000 2.8267949192 0.0000000000 + 1850 6.1000000000 0.0000000000 0.0000000000 + 1851 5.4500000000 2.7401923789 0.0000000000 + 1852 5.7000000000 2.1732050808 0.0000000000 + 1853 6.1000000000 0.1732050808 0.0000000000 + 1854 5.5000000000 2.6535898385 0.0000000000 + 1855 6.1000000000 0.3464101615 0.0000000000 + 1856 6.0000000000 1.1732050808 0.0000000000 + 1857 5.8500000000 1.7794228634 0.0000000000 + 1858 5.5500000000 2.5669872981 0.0000000000 + 1859 5.7500000000 2.0866025404 0.0000000000 + 1860 6.0500000000 0.9133974596 0.0000000000 + 1861 5.9500000000 1.4330127019 0.0000000000 + 1862 6.1000000000 0.5196152423 0.0000000000 + 1863 5.6000000000 2.4803847577 0.0000000000 + 1864 5.8000000000 2.0000000000 0.0000000000 + 1865 5.9000000000 1.6928203230 0.0000000000 + 1866 6.0500000000 1.0866025404 0.0000000000 + 1867 6.0000000000 1.3464101615 0.0000000000 + 1868 5.6750000000 2.3700961894 0.0000000000 + 1869 6.1500000000 0.0866025404 0.0000000000 + 1870 6.1500000000 0.2598076211 0.0000000000 + 1871 6.1000000000 0.8267949192 0.0000000000 + 1872 6.1195726253 0.7108707751 0.0000000000 + 1873 5.9500000000 1.6062177826 0.0000000000 + 1874 6.1500000000 0.4330127019 0.0000000000 + 1875 5.8796296296 1.8853251302 0.0000000000 + 1876 5.7452380952 2.2697649290 0.0000000000 + 1877 5.4000000000 3.0000000000 0.0000000000 + 1878 6.0500000000 1.2598076211 0.0000000000 + 1879 6.1500000000 0.6062177826 0.0000000000 + 1880 5.4500000000 2.9133974596 0.0000000000 + 1881 6.1000000000 1.0000000000 0.0000000000 + 1882 5.5000000000 2.8267949192 0.0000000000 + 1883 6.0000000000 1.5196152423 0.0000000000 + 1884 5.5500000000 2.7401923789 0.0000000000 + 1885 5.8000000000 2.1732050808 0.0000000000 + 1886 5.6000000000 2.6535898385 0.0000000000 + 1887 6.2000000000 0.0000000000 0.0000000000 + 1888 6.2000000000 0.1732050808 0.0000000000 + 1889 5.6500000000 2.5669872981 0.0000000000 + 1890 6.2000000000 0.3464101615 0.0000000000 + 1891 5.9500000000 1.7794228634 0.0000000000 + 1892 5.8500000000 2.0866025404 0.0000000000 + 1893 6.1000000000 1.1732050808 0.0000000000 + 1894 5.7000000000 2.4803847577 0.0000000000 + 1895 6.0500000000 1.4330127019 0.0000000000 + 1896 6.1500000000 0.9133974596 0.0000000000 + 1897 6.2000000000 0.5196152423 0.0000000000 + 1898 5.9000000000 2.0000000000 0.0000000000 + 1899 6.0000000000 1.6928203230 0.0000000000 + 1900 6.1500000000 1.0866025404 0.0000000000 + 1901 6.1000000000 1.3464101615 0.0000000000 + 1902 6.2500000000 0.0866025404 0.0000000000 + 1903 6.2000000000 0.8267949192 0.0000000000 + 1904 6.2500000000 0.2598076211 0.0000000000 + 1905 6.2174357521 0.7063789240 0.0000000000 + 1906 6.0500000000 1.6062177826 0.0000000000 + 1907 5.5000000000 3.0000000000 0.0000000000 + 1908 6.2500000000 0.4330127019 0.0000000000 + 1909 5.7952006079 2.3881597039 0.0000000000 + 1910 5.5500000000 2.9133974596 0.0000000000 + 1911 5.9799382716 1.8850327101 0.0000000000 + 1912 5.8500000000 2.2598076211 0.0000000000 + 1913 5.6000000000 2.8267949192 0.0000000000 + 1914 6.1500000000 1.2598076211 0.0000000000 + 1915 6.2500000000 0.6062177826 0.0000000000 + 1916 5.6500000000 2.7401923789 0.0000000000 + 1917 6.2000000000 1.0000000000 0.0000000000 + 1918 6.1000000000 1.5196152423 0.0000000000 + 1919 5.7000000000 2.6535898385 0.0000000000 + 1920 5.9000000000 2.1732050808 0.0000000000 + 1921 5.7500000000 2.5669872981 0.0000000000 + 1922 6.3000000000 0.0000000000 0.0000000000 + 1923 6.3000000000 0.1732050808 0.0000000000 + 1924 5.9500000000 2.0866025404 0.0000000000 + 1925 6.0500000000 1.7794228634 0.0000000000 + 1926 6.3000000000 0.3464101615 0.0000000000 + 1927 6.2000000000 1.1732050808 0.0000000000 + 1928 5.7992857143 2.4954424185 0.0000000000 + 1929 6.1500000000 1.4330127019 0.0000000000 + 1930 6.2500000000 0.9133974596 0.0000000000 + 1931 6.3000000000 0.5196152423 0.0000000000 + 1932 6.0000000000 2.0000000000 0.0000000000 + 1933 6.1000000000 1.6928203230 0.0000000000 + 1934 6.2899354371 0.8084285063 0.0000000000 + 1935 6.2500000000 1.0866025404 0.0000000000 + 1936 6.2000000000 1.3464101615 0.0000000000 + 1937 6.3500000000 0.0866025404 0.0000000000 + 1938 5.6000000000 3.0000000000 0.0000000000 + 1939 6.3500000000 0.2598076211 0.0000000000 + 1940 6.3175850340 0.7000539972 0.0000000000 + 1941 6.1500000000 1.6062177826 0.0000000000 + 1942 5.6500000000 2.9133974596 0.0000000000 + 1943 5.7000000000 2.8267949192 0.0000000000 + 1944 5.9500000000 2.2598076211 0.0000000000 + 1945 6.3500000000 0.4330127019 0.0000000000 + 1946 6.0799897119 1.8904296570 0.0000000000 + 1947 5.7500000000 2.7401923789 0.0000000000 + 1948 5.9142613980 2.3685086926 0.0000000000 + 1949 6.2500000000 1.2598076211 0.0000000000 + 1950 5.8000000000 2.6535898385 0.0000000000 + 1951 6.3000000000 1.0000000000 0.0000000000 + 1952 6.3500000000 0.6062177826 0.0000000000 + 1953 5.8826190476 2.4731133191 0.0000000000 + 1954 6.0000000000 2.1732050808 0.0000000000 + 1955 6.2000000000 1.5196152423 0.0000000000 + 1956 5.8500000000 2.5669872981 0.0000000000 + 1957 6.0500000000 2.0866025404 0.0000000000 + 1958 6.4000000000 0.0000000000 0.0000000000 + 1959 6.1500000000 1.7794228634 0.0000000000 + 1960 6.4000000000 0.1732050808 0.0000000000 + 1961 6.3000000000 1.1732050808 0.0000000000 + 1962 6.4000000000 0.3464101615 0.0000000000 + 1963 6.2500000000 1.4330127019 0.0000000000 + 1964 6.3500000000 0.9133974596 0.0000000000 + 1965 6.1000000000 2.0000000000 0.0000000000 + 1966 6.4000000000 0.5196152423 0.0000000000 + 1967 6.2000000000 1.6928203230 0.0000000000 + 1968 6.4009183673 0.6777248979 0.0000000000 + 1969 5.7000000000 3.0000000000 0.0000000000 + 1970 6.3000000000 1.3464101615 0.0000000000 + 1971 6.3500000000 1.0866025404 0.0000000000 + 1972 5.7500000000 2.9133974596 0.0000000000 + 1973 6.4500000000 0.0866025404 0.0000000000 + 1974 5.8000000000 2.8267949192 0.0000000000 + 1975 6.2500000000 1.6062177826 0.0000000000 + 1976 6.4045918367 0.7905482780 0.0000000000 + 1977 6.4500000000 0.2598076211 0.0000000000 + 1978 6.0500000000 2.2598076211 0.0000000000 + 1979 5.8500000000 2.7401923789 0.0000000000 + 1980 6.4500000000 0.4330127019 0.0000000000 + 1981 6.0199996691 2.3653577847 0.0000000000 + 1982 5.9000000000 2.6535898385 0.0000000000 + 1983 6.3500000000 1.2598076211 0.0000000000 + 1984 6.1000000000 2.1732050808 0.0000000000 + 1985 5.9865210997 2.4704978287 0.0000000000 + 1986 6.4000000000 1.0000000000 0.0000000000 + 1987 6.4500000000 0.6062177826 0.0000000000 + 1988 5.9500000000 2.5669872981 0.0000000000 + 1989 6.3000000000 1.5196152423 0.0000000000 + 1990 6.2000000000 1.8986995049 0.0000000000 + 1991 6.1500000000 2.0866025404 0.0000000000 + 1992 6.2500000000 1.7794228634 0.0000000000 + 1993 6.5000000000 0.0000000000 0.0000000000 + 1994 6.5000000000 0.1732050808 0.0000000000 + 1995 6.4000000000 1.1732050808 0.0000000000 + 1996 6.5000000000 0.3464101615 0.0000000000 + 1997 6.3500000000 1.4330127019 0.0000000000 + 1998 6.4500000000 0.9133974596 0.0000000000 + 1999 6.2000000000 2.0000000000 0.0000000000 + 2000 6.5000000000 0.5196152423 0.0000000000 + 2001 6.3000000000 1.6928203230 0.0000000000 + 2002 5.8000000000 3.0000000000 0.0000000000 + 2003 5.8500000000 2.9133974596 0.0000000000 + 2004 6.5000000000 0.6928203230 0.0000000000 + 2005 6.4000000000 1.3464101615 0.0000000000 + 2006 6.4500000000 1.0866025404 0.0000000000 + 2007 5.9000000000 2.8267949192 0.0000000000 + 2008 6.3500000000 1.6062177826 0.0000000000 + 2009 6.5500000000 0.0866025404 0.0000000000 + 2010 5.9500000000 2.7401923789 0.0000000000 + 2011 6.1500000000 2.2598076211 0.0000000000 + 2012 6.5500000000 0.2598076211 0.0000000000 + 2013 6.0000000000 2.6535898385 0.0000000000 + 2014 6.1199980149 2.3653517891 0.0000000000 + 2015 6.5500000000 0.4330127019 0.0000000000 + 2016 6.2000000000 2.1732050808 0.0000000000 + 2017 6.3000000000 1.8660254038 0.0000000000 + 2018 6.4500000000 1.2598076211 0.0000000000 + 2019 6.0500000000 2.5669872981 0.0000000000 + 2020 6.5000000000 1.0000000000 0.0000000000 + 2021 6.4000000000 1.5196152423 0.0000000000 + 2022 6.5500000000 0.6062177826 0.0000000000 + 2023 6.5329081633 0.7957460314 0.0000000000 + 2024 6.1000000000 2.4803847577 0.0000000000 + 2025 6.2500000000 2.0866025404 0.0000000000 + 2026 6.3500000000 1.7794228634 0.0000000000 + 2027 6.6000000000 0.0000000000 0.0000000000 + 2028 6.6000000000 0.1732050808 0.0000000000 + 2029 6.5000000000 1.1732050808 0.0000000000 + 2030 6.4500000000 1.4330127019 0.0000000000 + 2031 6.6000000000 0.3464101615 0.0000000000 + 2032 6.3000000000 2.0000000000 0.0000000000 + 2033 5.9000000000 3.0000000000 0.0000000000 + 2034 6.4000000000 1.6928203230 0.0000000000 + 2035 6.6000000000 0.5196152423 0.0000000000 + 2036 5.9500000000 2.9133974596 0.0000000000 + 2037 6.0000000000 2.8267949192 0.0000000000 + 2038 6.6000000000 0.6928203230 0.0000000000 + 2039 6.5000000000 1.3464101615 0.0000000000 + 2040 6.5500000000 1.0866025404 0.0000000000 + 2041 6.0500000000 2.7401923789 0.0000000000 + 2042 6.2500000000 2.2598076211 0.0000000000 + 2043 6.4500000000 1.6062177826 0.0000000000 + 2044 6.6500000000 0.0866025404 0.0000000000 + 2045 6.1000000000 2.6535898385 0.0000000000 + 2046 6.2199880891 2.3653158152 0.0000000000 + 2047 6.5928571429 0.9054669415 0.0000000000 + 2048 6.6500000000 0.2598076211 0.0000000000 + 2049 6.6500000000 0.4330127019 0.0000000000 + 2050 6.1500000000 2.5669872981 0.0000000000 + 2051 6.3000000000 2.1732050808 0.0000000000 + 2052 6.4000000000 1.8660254038 0.0000000000 + 2053 6.5500000000 1.2598076211 0.0000000000 + 2054 6.5000000000 1.5196152423 0.0000000000 + 2055 6.6000000000 1.0000000000 0.0000000000 + 2056 6.6500000000 0.6062177826 0.0000000000 + 2057 6.2000000000 2.4803847577 0.0000000000 + 2058 6.3500000000 2.0866025404 0.0000000000 + 2059 6.4500000000 1.7794228634 0.0000000000 + 2060 6.6500000000 0.7794228634 0.0000000000 + 2061 6.7000000000 0.0000000000 0.0000000000 + 2062 6.7000000000 0.1732050808 0.0000000000 + 2063 6.6000000000 1.1732050808 0.0000000000 + 2064 6.5500000000 1.4330127019 0.0000000000 + 2065 6.4000000000 2.0000000000 0.0000000000 + 2066 6.0000000000 3.0000000000 0.0000000000 + 2067 6.7000000000 0.3464101615 0.0000000000 + 2068 6.0500000000 2.9133974596 0.0000000000 + 2069 6.5000000000 1.6928203230 0.0000000000 + 2070 6.7000000000 0.5196152423 0.0000000000 + 2071 6.1000000000 2.8267949192 0.0000000000 + 2072 6.1500000000 2.7401923789 0.0000000000 + 2073 6.7000000000 0.6928203230 0.0000000000 + 2074 6.6000000000 1.3464101615 0.0000000000 + 2075 6.6500000000 1.0866025404 0.0000000000 + 2076 6.3500000000 2.2598076211 0.0000000000 + 2077 6.2000000000 2.6535898385 0.0000000000 + 2078 6.5500000000 1.6062177826 0.0000000000 + 2079 6.3199285347 2.3650999720 0.0000000000 + 2080 6.7500000000 0.0866025404 0.0000000000 + 2081 6.7500000000 0.2598076211 0.0000000000 + 2082 6.2500000000 2.5669872981 0.0000000000 + 2083 6.4000000000 2.1732050808 0.0000000000 + 2084 6.5000000000 1.8660254038 0.0000000000 + 2085 6.7500000000 0.4330127019 0.0000000000 + 2086 6.6500000000 1.2598076211 0.0000000000 + 2087 6.3000000000 2.4803847577 0.0000000000 + 2088 6.6000000000 1.5196152423 0.0000000000 + 2089 6.7000000000 1.0000000000 0.0000000000 + 2090 6.7500000000 0.6062177826 0.0000000000 + 2091 6.7188095238 0.8915478157 0.0000000000 + 2092 6.4500000000 2.0866025404 0.0000000000 + 2093 6.5500000000 1.7794228634 0.0000000000 + 2094 6.7500000000 0.7794228634 0.0000000000 + 2095 6.1000000000 3.0000000000 0.0000000000 + 2096 6.8000000000 0.0000000000 0.0000000000 + 2097 6.5000000000 2.0000000000 0.0000000000 + 2098 6.7000000000 1.1732050808 0.0000000000 + 2099 6.8000000000 0.1732050808 0.0000000000 + 2100 6.6500000000 1.4330127019 0.0000000000 + 2101 6.1500000000 2.9133974596 0.0000000000 + 2102 6.8000000000 0.3464101615 0.0000000000 + 2103 6.6000000000 1.6928203230 0.0000000000 + 2104 6.2000000000 2.8267949192 0.0000000000 + 2105 6.8000000000 0.5196152423 0.0000000000 + 2106 6.2500000000 2.7401923789 0.0000000000 + 2107 6.7000000000 1.3464101615 0.0000000000 + 2108 6.4500000000 2.2598076211 0.0000000000 + 2109 6.8000000000 0.6928203230 0.0000000000 + 2110 6.3000000000 2.6535898385 0.0000000000 + 2111 6.7500000000 1.0866025404 0.0000000000 + 2112 6.4195712081 2.3638049126 0.0000000000 + 2113 6.6500000000 1.6062177826 0.0000000000 + 2114 6.3500000000 2.5669872981 0.0000000000 + 2115 6.8500000000 0.0866025404 0.0000000000 + 2116 6.5000000000 2.1732050808 0.0000000000 + 2117 6.8500000000 0.2598076211 0.0000000000 + 2118 6.6000000000 1.8660254038 0.0000000000 + 2119 6.8500000000 0.4330127019 0.0000000000 + 2120 6.4000000000 2.4803847577 0.0000000000 + 2121 6.7500000000 1.2598076211 0.0000000000 + 2122 6.7000000000 1.5196152423 0.0000000000 + 2123 6.8000000000 1.0000000000 0.0000000000 + 2124 6.5500000000 2.0866025404 0.0000000000 + 2125 6.8500000000 0.6062177826 0.0000000000 + 2126 6.8200000000 0.8849742261 0.0000000000 + 2127 6.6500000000 1.7794228634 0.0000000000 + 2128 6.2000000000 3.0000000000 0.0000000000 + 2129 6.8500000000 0.7794228634 0.0000000000 + 2130 6.2500000000 2.9133974596 0.0000000000 + 2131 6.6000000000 2.0000000000 0.0000000000 + 2132 6.9000000000 0.0000000000 0.0000000000 + 2133 6.7500000000 1.4330127019 0.0000000000 + 2134 6.8000000000 1.1732050808 0.0000000000 + 2135 6.9000000000 0.1732050808 0.0000000000 + 2136 6.3000000000 2.8267949192 0.0000000000 + 2137 6.9000000000 0.3464101615 0.0000000000 + 2138 6.7000000000 1.6928203230 0.0000000000 + 2139 6.3500000000 2.7401923789 0.0000000000 + 2140 6.9000000000 0.5196152423 0.0000000000 + 2141 6.4000000000 2.6535898385 0.0000000000 + 2142 6.5500000000 2.2598076211 0.0000000000 + 2143 6.5174272487 2.3560345566 0.0000000000 + 2144 6.8000000000 1.3464101615 0.0000000000 + 2145 6.9000000000 0.6928203230 0.0000000000 + 2146 6.8500000000 1.0866025404 0.0000000000 + 2147 6.7500000000 1.6062177826 0.0000000000 + 2148 6.4902603248 2.4629309733 0.0000000000 + 2149 6.4500000000 2.5669872981 0.0000000000 + 2150 6.6000000000 2.1732050808 0.0000000000 + 2151 6.9500000000 0.0866025404 0.0000000000 + 2152 6.9500000000 0.2598076211 0.0000000000 + 2153 6.7000000000 1.8660254038 0.0000000000 + 2154 6.9500000000 0.4330127019 0.0000000000 + 2155 6.8500000000 1.2598076211 0.0000000000 + 2156 6.8000000000 1.5196152423 0.0000000000 + 2157 6.6500000000 2.0866025404 0.0000000000 + 2158 6.9000000000 1.0000000000 0.0000000000 + 2159 6.9199999998 0.8849742259 0.0000000000 + 2160 6.9500000000 0.6062177826 0.0000000000 + 2161 6.3000000000 3.0000000000 0.0000000000 + 2162 6.7500000000 1.7794228634 0.0000000000 + 2163 6.3500000000 2.9133974596 0.0000000000 + 2164 6.7000000000 2.0000000000 0.0000000000 + 2165 6.9500000000 0.7794228634 0.0000000000 + 2166 6.4000000000 2.8267949192 0.0000000000 + 2167 6.8500000000 1.4330127019 0.0000000000 + 2168 6.9000000000 1.1732050808 0.0000000000 + 2169 7.0000000000 0.0000000000 0.0000000000 + 2170 7.0000000000 0.1732050808 0.0000000000 + 2171 6.6000000000 2.3464101615 0.0000000000 + 2172 6.8000000000 1.6928203230 0.0000000000 + 2173 6.4500000000 2.7401923789 0.0000000000 + 2174 7.0000000000 0.3464101615 0.0000000000 + 2175 7.0000000000 0.5196152423 0.0000000000 + 2176 6.5000000000 2.6535898385 0.0000000000 + 2177 6.6500000000 2.2598076211 0.0000000000 + 2178 6.9000000000 1.3464101615 0.0000000000 + 2179 7.0000000000 0.6928203230 0.0000000000 + 2180 6.9500000000 1.0866025404 0.0000000000 + 2181 6.5500000000 2.5669872981 0.0000000000 + 2182 6.8500000000 1.6062177826 0.0000000000 + 2183 6.6045634921 2.4433870166 0.0000000000 + 2184 6.7000000000 2.1732050808 0.0000000000 + 2185 7.0500000000 0.0866025404 0.0000000000 + 2186 6.8000000000 1.8660254038 0.0000000000 + 2187 7.0500000000 0.2598076211 0.0000000000 + 2188 6.9500000000 1.2598076211 0.0000000000 + 2189 7.0500000000 0.4330127019 0.0000000000 + 2190 6.7500000000 2.0866025404 0.0000000000 + 2191 6.9000000000 1.5196152423 0.0000000000 + 2192 6.4000000000 3.0000000000 0.0000000000 + 2193 7.0000000000 1.0000000000 0.0000000000 + 2194 7.0199999990 0.8849742245 0.0000000000 + 2195 7.0500000000 0.6062177826 0.0000000000 + 2196 6.8500000000 1.7794228634 0.0000000000 + 2197 6.4500000000 2.9133974596 0.0000000000 + 2198 6.8000000000 2.0000000000 0.0000000000 + 2199 6.5000000000 2.8267949192 0.0000000000 + 2200 7.0500000000 0.7794228634 0.0000000000 + 2201 6.9500000000 1.4330127019 0.0000000000 + 2202 7.0000000000 1.1732050808 0.0000000000 + 2203 6.7000000000 2.3464101615 0.0000000000 + 2204 7.1000000000 0.0000000000 0.0000000000 + 2205 6.5500000000 2.7401923789 0.0000000000 + 2206 7.1000000000 0.1732050808 0.0000000000 + 2207 6.9000000000 1.6928203230 0.0000000000 + 2208 7.1000000000 0.3464101615 0.0000000000 + 2209 6.6000000000 2.6535898385 0.0000000000 + 2210 6.7500000000 2.2598076211 0.0000000000 + 2211 7.1000000000 0.5196152423 0.0000000000 + 2212 7.0000000000 1.3464101615 0.0000000000 + 2213 6.6569444444 2.5604078459 0.0000000000 + 2214 6.9500000000 1.6062177826 0.0000000000 + 2215 7.0500000000 1.0866025404 0.0000000000 + 2216 7.1000000000 0.6928203230 0.0000000000 + 2217 6.8000000000 2.1732050808 0.0000000000 + 2218 6.9000000000 1.8660254038 0.0000000000 + 2219 7.1500000000 0.0866025404 0.0000000000 + 2220 7.1500000000 0.2598076211 0.0000000000 + 2221 6.5000000000 3.0000000000 0.0000000000 + 2222 6.7250000000 2.4566987298 0.0000000000 + 2223 6.8500000000 2.0866025404 0.0000000000 + 2224 7.0500000000 1.2598076211 0.0000000000 + 2225 7.0000000000 1.5196152423 0.0000000000 + 2226 7.1500000000 0.4330127019 0.0000000000 + 2227 6.5500000000 2.9133974596 0.0000000000 + 2228 7.1000000000 1.0000000000 0.0000000000 + 2229 6.9500000000 1.7794228634 0.0000000000 + 2230 7.1199999940 0.8849742167 0.0000000000 + 2231 7.1500000000 0.6062177826 0.0000000000 + 2232 6.6000000000 2.8267949192 0.0000000000 + 2233 6.9000000000 2.0000000000 0.0000000000 + 2234 7.1500000000 0.7794228634 0.0000000000 + 2235 6.6500000000 2.7401923789 0.0000000000 + 2236 6.8000000000 2.3464101615 0.0000000000 + 2237 7.0500000000 1.4330127019 0.0000000000 + 2238 7.1000000000 1.1732050808 0.0000000000 + 2239 7.2000000000 0.0000000000 0.0000000000 + 2240 7.0000000000 1.6928203230 0.0000000000 + 2241 7.2000000000 0.1732050808 0.0000000000 + 2242 6.7000000000 2.6535898385 0.0000000000 + 2243 7.2000000000 0.3464101615 0.0000000000 + 2244 6.8500000000 2.2598076211 0.0000000000 + 2245 7.2000000000 0.5196152423 0.0000000000 + 2246 7.1000000000 1.3464101615 0.0000000000 + 2247 7.0500000000 1.6062177826 0.0000000000 + 2248 6.7666666667 2.5511966128 0.0000000000 + 2249 7.1500000000 1.0866025404 0.0000000000 + 2250 7.2000000000 0.6928203230 0.0000000000 + 2251 6.9000000000 2.1732050808 0.0000000000 + 2252 7.0000000000 1.8660254038 0.0000000000 + 2253 6.6000000000 3.0000000000 0.0000000000 + 2254 7.2500000000 0.0866025404 0.0000000000 + 2255 7.2500000000 0.2598076211 0.0000000000 + 2256 6.9500000000 2.0866025404 0.0000000000 + 2257 7.1500000000 1.2598076211 0.0000000000 + 2258 6.6500000000 2.9133974596 0.0000000000 + 2259 6.8361111111 2.4461716063 0.0000000000 + 2260 7.1000000000 1.5196152423 0.0000000000 + 2261 7.2500000000 0.4330127019 0.0000000000 + 2262 7.2000000000 1.0000000000 0.0000000000 + 2263 7.0500000000 1.7794228634 0.0000000000 + 2264 6.7000000000 2.8267949192 0.0000000000 + 2265 7.2199999643 0.8849741694 0.0000000000 + 2266 7.2500000000 0.6062177826 0.0000000000 + 2267 7.0000000000 2.0000000000 0.0000000000 + 2268 6.7500000000 2.7401923789 0.0000000000 + 2269 6.9000000000 2.3464101615 0.0000000000 + 2270 7.2500000000 0.7794228634 0.0000000000 + 2271 7.1500000000 1.4330127019 0.0000000000 + 2272 7.2000000000 1.1732050808 0.0000000000 + 2273 7.1000000000 1.6928203230 0.0000000000 + 2274 7.3000000000 0.0000000000 0.0000000000 + 2275 7.3000000000 0.1732050808 0.0000000000 + 2276 6.8104166667 2.6437206602 0.0000000000 + 2277 6.9500000000 2.2598076211 0.0000000000 + 2278 7.3000000000 0.3464101615 0.0000000000 + 2279 7.3000000000 0.5196152423 0.0000000000 + 2280 7.2000000000 1.3464101615 0.0000000000 + 2281 7.1500000000 1.6062177826 0.0000000000 + 2282 7.0000000000 2.1732050808 0.0000000000 + 2283 7.2500000000 1.0866025404 0.0000000000 + 2284 7.3000000000 0.6928203230 0.0000000000 + 2285 6.8806712963 2.5379280509 0.0000000000 + 2286 6.7000000000 3.0000000000 0.0000000000 + 2287 7.1000000000 1.8660254038 0.0000000000 + 2288 7.3500000000 0.0866025404 0.0000000000 + 2289 6.7500000000 2.9133974596 0.0000000000 + 2290 7.0500000000 2.0866025404 0.0000000000 + 2291 7.3500000000 0.2598076211 0.0000000000 + 2292 7.2000000000 1.5196152423 0.0000000000 + 2293 7.2500000000 1.2598076211 0.0000000000 + 2294 7.3500000000 0.4330127019 0.0000000000 + 2295 6.9500000000 2.4330127019 0.0000000000 + 2296 6.8000000000 2.8267949192 0.0000000000 + 2297 7.1500000000 1.7794228634 0.0000000000 + 2298 7.3000000000 1.0000000000 0.0000000000 + 2299 7.3199997857 0.8849738857 0.0000000000 + 2300 7.3500000000 0.6062177826 0.0000000000 + 2301 7.1000000000 2.0000000000 0.0000000000 + 2302 6.8500000000 2.7401923789 0.0000000000 + 2303 7.0000000000 2.3464101615 0.0000000000 + 2304 7.2500000000 1.4330127019 0.0000000000 + 2305 7.3500000000 0.7794228634 0.0000000000 + 2306 7.3000000000 1.1732050808 0.0000000000 + 2307 7.2000000000 1.6928203230 0.0000000000 + 2308 7.4000000000 0.0000000000 0.0000000000 + 2309 7.4000000000 0.1732050808 0.0000000000 + 2310 7.0500000000 2.2598076211 0.0000000000 + 2311 6.9208333333 2.6338514819 0.0000000000 + 2312 7.4000000000 0.3464101615 0.0000000000 + 2313 7.4000000000 0.5196152423 0.0000000000 + 2314 7.3000000000 1.3464101615 0.0000000000 + 2315 7.1000000000 2.1732050808 0.0000000000 + 2316 7.2500000000 1.6062177826 0.0000000000 + 2317 7.3500000000 1.0866025404 0.0000000000 + 2318 6.8000000000 3.0000000000 0.0000000000 + 2319 7.4000000000 0.6928203230 0.0000000000 + 2320 7.2000000000 1.8660254038 0.0000000000 + 2321 7.0000000000 2.5196152423 0.0000000000 + 2322 6.8500000000 2.9133974596 0.0000000000 + 2323 7.1500000000 2.0866025404 0.0000000000 + 2324 7.4500000000 0.0866025404 0.0000000000 + 2325 7.4500000000 0.2598076211 0.0000000000 + 2326 7.3000000000 1.5196152423 0.0000000000 + 2327 6.9000000000 2.8267949192 0.0000000000 + 2328 7.3500000000 1.2598076211 0.0000000000 + 2329 7.0500000000 2.4330127019 0.0000000000 + 2330 7.4500000000 0.4330127019 0.0000000000 + 2331 7.4000000000 1.0000000000 0.0000000000 + 2332 7.4199987140 0.8849721834 0.0000000000 + 2333 7.2000000000 2.0000000000 0.0000000000 + 2334 7.2558686654 1.7889585391 0.0000000000 + 2335 7.4500000000 0.6062177826 0.0000000000 + 2336 7.1000000000 2.3464101615 0.0000000000 + 2337 6.9630787037 2.7278010772 0.0000000000 + 2338 7.3500000000 1.4330127019 0.0000000000 + 2339 7.4500000000 0.7794228634 0.0000000000 + 2340 7.4000000000 1.1732050808 0.0000000000 + 2341 7.3000000000 1.6928203230 0.0000000000 + 2342 7.1500000000 2.2598076211 0.0000000000 + 2343 7.5000000000 0.0000000000 0.0000000000 + 2344 7.5000000000 0.1732050808 0.0000000000 + 2345 7.0326388889 2.6226664131 0.0000000000 + 2346 7.5000000000 0.3464101615 0.0000000000 + 2347 7.5000000000 0.5196152423 0.0000000000 + 2348 7.2000000000 2.1732050808 0.0000000000 + 2349 7.4000000000 1.3464101615 0.0000000000 + 2350 7.3500000000 1.6062177826 0.0000000000 + 2351 6.9000000000 3.0000000000 0.0000000000 + 2352 7.4500000000 1.0866025404 0.0000000000 + 2353 7.5000000000 0.6928203230 0.0000000000 + 2354 7.1000000000 2.5196152423 0.0000000000 + 2355 6.9500000000 2.9133974596 0.0000000000 + 2356 7.3008583134 1.8785310442 0.0000000000 + 2357 7.2500000000 2.0866025404 0.0000000000 + 2358 7.0000000000 2.8267949192 0.0000000000 + 2359 7.5500000000 0.0866025404 0.0000000000 + 2360 7.1500000000 2.4330127019 0.0000000000 + 2361 7.4000000000 1.5196152423 0.0000000000 + 2362 7.5500000000 0.2598076211 0.0000000000 + 2363 7.4500000000 1.2598076211 0.0000000000 + 2364 7.5500000000 0.4330127019 0.0000000000 + 2365 7.5000000000 1.0000000000 0.0000000000 + 2366 7.3000000000 2.0000000000 0.0000000000 + 2367 7.5199922840 0.8849619695 0.0000000000 + 2368 7.2000000000 2.3464101615 0.0000000000 + 2369 7.5500000000 0.6062177826 0.0000000000 + 2370 7.0750000000 2.7165063509 0.0000000000 + 2371 7.4500000000 1.4330127019 0.0000000000 + 2372 7.5500000000 0.7794228634 0.0000000000 + 2373 7.5000000000 1.1732050808 0.0000000000 + 2374 7.2500000000 2.2598076211 0.0000000000 + 2375 7.6000000000 0.0000000000 0.0000000000 + 2376 7.6000000000 0.1732050808 0.0000000000 + 2377 7.4089784655 1.7023216405 0.0000000000 + 2378 7.3843536793 1.8241312769 0.0000000000 + 2379 7.6000000000 0.3464101615 0.0000000000 + 2380 7.1500000000 2.6062177826 0.0000000000 + 2381 7.0000000000 3.0000000000 0.0000000000 + 2382 7.3000000000 2.1732050808 0.0000000000 + 2383 7.3699378877 1.9230756771 0.0000000000 + 2384 7.6000000000 0.5196152423 0.0000000000 + 2385 7.5000000000 1.3464101615 0.0000000000 + 2386 7.4500000000 1.6062177826 0.0000000000 + 2387 7.5500000000 1.0866025404 0.0000000000 + 2388 7.2000000000 2.5196152423 0.0000000000 + 2389 7.0500000000 2.9133974596 0.0000000000 + 2390 7.6000000000 0.6928203230 0.0000000000 + 2391 7.4818632795 1.5112426357 0.0000000000 + 2392 7.3500000000 2.0866025404 0.0000000000 + 2393 7.2500000000 2.4330127019 0.0000000000 + 2394 7.6500000000 0.0866025404 0.0000000000 + 2395 7.1166666667 2.8110042340 0.0000000000 + 2396 7.5500000000 1.2598076211 0.0000000000 + 2397 7.6500000000 0.2598076211 0.0000000000 + 2398 7.6500000000 0.4330127019 0.0000000000 + 2399 7.4000000000 2.0000000000 0.0000000000 + 2400 7.6000000000 1.0000000000 0.0000000000 + 2401 7.3000000000 2.3464101615 0.0000000000 + 2402 7.6199537037 0.8849006864 0.0000000000 + 2403 7.6500000000 0.6062177826 0.0000000000 + 2404 7.1861111111 2.7059792274 0.0000000000 + 2405 7.5423290994 1.4473674518 0.0000000000 + 2406 7.4922486183 1.6972634639 0.0000000000 + 2407 7.4483710993 1.9018602979 0.0000000000 + 2408 7.4772684952 1.7872792140 0.0000000000 + 2409 7.3500000000 2.2598076211 0.0000000000 + 2410 7.6500000000 0.7794228634 0.0000000000 + 2411 7.6000000000 1.1732050808 0.0000000000 + 2412 7.7000000000 0.0000000000 0.0000000000 + 2413 7.7000000000 0.1732050808 0.0000000000 + 2414 7.2500000000 2.6062177826 0.0000000000 + 2415 7.1000000000 3.0000000000 0.0000000000 + 2416 7.7000000000 0.3464101615 0.0000000000 + 2417 7.4000000000 2.1732050808 0.0000000000 + 2418 7.7000000000 0.5196152423 0.0000000000 + 2419 7.6000000000 1.3464101615 0.0000000000 + 2420 7.1500000000 2.9133974596 0.0000000000 + 2421 7.3000000000 2.5196152423 0.0000000000 + 2422 7.5669872981 1.5500000000 0.0000000000 + 2423 7.6500000000 1.0866025404 0.0000000000 + 2424 7.7000000000 0.6928203230 0.0000000000 + 2425 7.4500000000 2.0866025404 0.0000000000 + 2426 7.3500000000 2.4330127019 0.0000000000 + 2427 7.5669872981 1.6500000000 0.0000000000 + 2428 7.2250000000 2.8031088913 0.0000000000 + 2429 7.7500000000 0.0866025404 0.0000000000 + 2430 7.6500000000 1.2598076211 0.0000000000 + 2431 7.7500000000 0.2598076211 0.0000000000 + 2432 7.5000000000 2.0000000000 0.0000000000 + 2433 7.7500000000 0.4330127019 0.0000000000 + 2434 7.4000000000 2.3464101615 0.0000000000 + 2435 7.7000000000 1.0000000000 0.0000000000 + 2436 7.5669872981 1.7500000000 0.0000000000 + 2437 7.7197222222 0.8845329880 0.0000000000 + 2438 7.7500000000 0.6062177826 0.0000000000 + 2439 7.3000000000 2.6928203230 0.0000000000 + 2440 7.5586665334 1.8766756195 0.0000000000 + 2441 7.7000000000 1.1732050808 0.0000000000 + 2442 7.7500000000 0.7794228634 0.0000000000 + 2443 7.4611645497 2.2604059275 0.0000000000 + 2444 7.3500000000 2.6062177826 0.0000000000 + 2445 7.6535898385 1.5000000000 0.0000000000 + 2446 7.2000000000 3.0000000000 0.0000000000 + 2447 7.8000000000 0.0000000000 0.0000000000 + 2448 7.8000000000 0.1732050808 0.0000000000 + 2449 7.8000000000 0.3464101615 0.0000000000 + 2450 7.5000000000 2.1732050808 0.0000000000 + 2451 7.4000000000 2.5196152423 0.0000000000 + 2452 7.8000000000 0.5196152423 0.0000000000 + 2453 7.6535898385 1.6000000000 0.0000000000 + 2454 7.7500000000 1.0866025404 0.0000000000 + 2455 7.2696428571 2.9002326926 0.0000000000 + 2456 7.8000000000 0.6928203230 0.0000000000 + 2457 7.5500000000 2.0866025404 0.0000000000 + 2458 7.6535898385 1.7000000000 0.0000000000 + 2459 7.7401923789 1.2500000000 0.0000000000 + 2460 7.4617949192 2.4351345418 0.0000000000 + 2461 7.7401923789 1.3500000000 0.0000000000 + 2462 7.3500000000 2.7794228634 0.0000000000 + 2463 7.6000000000 2.0000000000 0.0000000000 + 2464 7.8583333333 0.0888354503 0.0000000000 + 2465 7.6535898385 1.8000000000 0.0000000000 + 2466 7.8000000000 1.0000000000 0.0000000000 + 2467 7.8183333333 0.8823267973 0.0000000000 + 2468 7.8583333333 0.4275105849 0.0000000000 + 2469 7.8500000000 0.6062177826 0.0000000000 + 2470 7.4000000000 2.6928203230 0.0000000000 + 2471 7.7401923789 1.4500000000 0.0000000000 + 2472 7.5556303696 2.2433247420 0.0000000000 + 2473 7.8785714286 0.2570054437 0.0000000000 + 2474 7.7968252168 1.1714446475 0.0000000000 + 2475 7.6500000000 1.9133974596 0.0000000000 + 2476 7.3000000000 3.0000000000 0.0000000000 + 2477 7.4559676785 2.5921628878 0.0000000000 + 2478 7.7401923789 1.5500000000 0.0000000000 + 2479 7.4867949192 2.5117691454 0.0000000000 + 2480 7.9000000000 0.0000000000 0.0000000000 + 2481 7.9000000000 0.1732050808 0.0000000000 + 2482 7.8630555556 0.7860799934 0.0000000000 + 2483 7.6000000000 2.1732050808 0.0000000000 + 2484 7.7401923789 1.6500000000 0.0000000000 + 2485 7.9073809524 0.3461852380 0.0000000000 + 2486 7.9000000000 0.5196152423 0.0000000000 + 2487 7.5669872981 2.3500000000 0.0000000000 + 2488 7.8500000000 1.0866025404 0.0000000000 + 2489 7.6500000000 2.0866025404 0.0000000000 + 2490 7.9000000000 0.6928203230 0.0000000000 + 2491 7.8267949192 1.3000000000 0.0000000000 + 2492 7.7401923789 1.7500000000 0.0000000000 + 2493 7.3956632653 2.9035862605 0.0000000000 + 2494 7.8267949192 1.4000000000 0.0000000000 + 2495 7.4500000000 2.7794228634 0.0000000000 + 2496 7.7328953426 1.8605662433 0.0000000000 + 2497 7.5669872981 2.4500000000 0.0000000000 + 2498 7.7000000000 2.0000000000 0.0000000000 + 2499 7.9100000000 0.8690896534 0.0000000000 + 2500 7.9000000000 1.0000000000 0.0000000000 + 2501 7.8267949192 1.5000000000 0.0000000000 + 2502 7.6500000000 2.2598076211 0.0000000000 + 2503 7.4000000000 3.0000000000 0.0000000000 + 2504 7.5669872981 2.5500000000 0.0000000000 + 2505 7.8267949192 1.6000000000 0.0000000000 + 2506 7.5320238536 2.6725548332 0.0000000000 + 2507 7.9120445353 1.1616094376 0.0000000000 + 2508 8.0000000000 0.0000000000 0.0000000000 + 2509 8.0000000000 0.1000000000 0.0000000000 + 2510 7.7000000000 2.1732050808 0.0000000000 + 2511 8.0000000000 0.2000000000 0.0000000000 + 2512 8.0000000000 0.3000000000 0.0000000000 + 2513 7.8267949192 1.7000000000 0.0000000000 + 2514 8.0000000000 0.4000000000 0.0000000000 + 2515 7.9133974596 1.2500000000 0.0000000000 + 2516 8.0000000000 0.5000000000 0.0000000000 + 2517 7.6535898385 2.4000000000 0.0000000000 + 2518 8.0000000000 0.6000000000 0.0000000000 + 2519 7.7500000000 2.0866025404 0.0000000000 + 2520 7.9133974596 1.3500000000 0.0000000000 + 2521 8.0000000000 0.7000000000 0.0000000000 + 2522 7.8267949192 1.8000000000 0.0000000000 + 2523 8.0000000000 0.8000000000 0.0000000000 + 2524 7.9133974596 1.4500000000 0.0000000000 + 2525 7.5500000000 2.7794228634 0.0000000000 + 2526 8.0000000000 0.9000000000 0.0000000000 + 2527 7.6535898385 2.5000000000 0.0000000000 + 2528 7.8000000000 2.0000000000 0.0000000000 + 2529 7.8267949192 1.9000000000 0.0000000000 + 2530 7.5199378280 2.8908344497 0.0000000000 + 2531 8.0000000000 1.0000000000 0.0000000000 + 2532 7.9133974596 1.5500000000 0.0000000000 + 2533 7.7500000000 2.2598076211 0.0000000000 + 2534 8.0000000000 1.1000000000 0.0000000000 + 2535 7.5000000000 3.0000000000 0.0000000000 + 2536 7.6535898385 2.6000000000 0.0000000000 + 2537 7.9133974596 1.6500000000 0.0000000000 + 2538 7.7401923789 2.3500000000 0.0000000000 + 2539 8.0000000000 1.2000000000 0.0000000000 + 2540 7.9133974596 1.7500000000 0.0000000000 + 2541 8.0000000000 1.3000000000 0.0000000000 + 2542 7.6449313814 2.7086629494 0.0000000000 + 2543 7.8128846256 2.1899175519 0.0000000000 + 2544 7.7401923789 2.4500000000 0.0000000000 + 2545 8.0000000000 1.4000000000 0.0000000000 + 2546 7.8500000000 2.0866025404 0.0000000000 + 2547 7.9111645497 1.8583333333 0.0000000000 + 2548 8.0000000000 1.5000000000 0.0000000000 + 2549 7.9000000000 2.0000000000 0.0000000000 + 2550 7.7401923789 2.5500000000 0.0000000000 + 2551 7.6535898385 2.8000000000 0.0000000000 + 2552 7.6239637029 2.8825747112 0.0000000000 + 2553 7.8267949192 2.3000000000 0.0000000000 + 2554 8.0000000000 1.6000000000 0.0000000000 + 2555 7.6000000000 3.0000000000 0.0000000000 + 2556 8.0000000000 1.7000000000 0.0000000000 + 2557 7.7401923789 2.6500000000 0.0000000000 + 2558 7.8267949192 2.4000000000 0.0000000000 + 2559 7.9000000000 2.1732050808 0.0000000000 + 2560 8.0000000000 1.8000000000 0.0000000000 + 2561 7.7401923789 2.7500000000 0.0000000000 + 2562 7.8267949192 2.5000000000 0.0000000000 + 2563 8.0000000000 1.9000000000 0.0000000000 + 2564 7.9133974596 2.2500000000 0.0000000000 + 2565 8.0000000000 2.0000000000 0.0000000000 + 2566 7.8267949192 2.6000000000 0.0000000000 + 2567 7.9133974596 2.3500000000 0.0000000000 + 2568 7.7387622512 2.8760821016 0.0000000000 + 2569 7.7000000000 3.0000000000 0.0000000000 + 2570 8.0000000000 2.1000000000 0.0000000000 + 2571 7.8267949192 2.7000000000 0.0000000000 + 2572 7.9133974596 2.4500000000 0.0000000000 + 2573 8.0000000000 2.2000000000 0.0000000000 + 2574 7.8267949192 2.8000000000 0.0000000000 + 2575 7.9133974596 2.5500000000 0.0000000000 + 2576 8.0000000000 2.3000000000 0.0000000000 + 2577 7.9133974596 2.6500000000 0.0000000000 + 2578 7.8267949192 2.9000000000 0.0000000000 + 2579 8.0000000000 2.4000000000 0.0000000000 + 2580 7.8000000000 3.0000000000 0.0000000000 + 2581 7.9133974596 2.7500000000 0.0000000000 + 2582 8.0000000000 2.5000000000 0.0000000000 + 2583 7.9111645497 2.8583333333 0.0000000000 + 2584 8.0000000000 2.6000000000 0.0000000000 + 2585 8.0000000000 2.7000000000 0.0000000000 + 2586 7.9000000000 3.0000000000 0.0000000000 + 2587 8.0000000000 2.8000000000 0.0000000000 + 2588 8.0000000000 2.9000000000 0.0000000000 + 2589 8.0000000000 3.0000000000 0.0000000000 +End Nodes + + +Begin Elements Element2D3N// GUI group identifier: Volume + 1 0 219 197 215 + 2 0 132 113 129 + 3 0 68 56 70 + 4 0 32 27 38 + 5 0 129 113 112 + 6 0 70 56 60 + 7 0 32 38 43 + 8 0 112 113 95 + 9 0 60 56 47 + 10 0 43 38 49 + 11 0 112 95 96 + 12 0 49 38 51 + 13 0 49 51 63 + 14 0 43 49 57 + 15 0 96 95 81 + 16 0 57 49 63 + 17 0 43 57 50 + 18 0 96 81 82 + 19 0 50 57 64 + 20 0 43 50 39 + 21 0 82 81 68 + 22 0 64 57 71 + 23 0 39 50 47 + 24 0 82 68 70 + 25 0 71 57 63 + 26 0 47 50 60 + 27 0 60 50 64 + 28 0 60 64 74 + 29 0 74 64 79 + 30 0 60 74 70 + 31 0 79 64 71 + 32 0 74 79 88 + 33 0 70 74 86 + 34 0 79 71 87 + 35 0 88 79 97 + 36 0 86 74 88 + 37 0 87 71 78 + 38 0 97 79 87 + 39 0 97 87 105 + 40 0 105 87 94 + 41 0 97 105 119 + 42 0 119 105 134 + 43 0 97 119 106 + 44 0 106 119 126 + 45 0 97 106 88 + 46 0 126 119 139 + 47 0 88 106 103 + 48 0 139 119 134 + 49 0 126 139 148 + 50 0 103 106 122 + 51 0 148 139 161 + 52 0 126 148 142 + 53 0 122 106 126 + 54 0 161 139 156 + 55 0 142 148 164 + 56 0 122 126 142 + 57 0 164 148 173 + 58 0 142 164 160 + 59 0 173 148 161 + 60 0 164 173 188 + 61 0 160 164 184 + 62 0 173 161 183 + 63 0 188 173 198 + 64 0 184 164 188 + 65 0 160 184 179 + 66 0 183 161 180 + 67 0 183 180 205 + 68 0 183 205 198 + 69 0 198 173 183 + 70 0 184 188 207 + 71 0 179 184 201 + 72 0 207 188 216 + 73 0 184 207 201 + 74 0 216 188 198 + 75 0 207 216 235 + 76 0 201 207 229 + 77 0 216 198 222 + 78 0 222 198 205 + 79 0 216 222 244 + 80 0 132 129 147 + 81 0 147 129 146 + 82 0 132 147 151 + 83 0 146 129 130 + 84 0 147 146 166 + 85 0 151 147 169 + 86 0 130 129 112 + 87 0 166 146 168 + 88 0 147 166 169 + 89 0 130 112 115 + 90 0 168 146 149 + 91 0 169 166 190 + 92 0 115 112 96 + 93 0 130 115 135 + 94 0 149 146 130 + 95 0 190 166 189 + 96 0 115 96 99 + 97 0 135 115 118 + 98 0 189 166 168 + 99 0 190 189 214 + 100 0 99 96 82 + 101 0 118 115 99 + 102 0 189 168 191 + 103 0 99 82 86 + 104 0 118 99 103 + 105 0 191 168 170 + 106 0 189 191 218 + 107 0 86 82 70 + 108 0 103 99 86 + 109 0 170 168 149 + 110 0 170 149 155 + 111 0 155 149 135 + 112 0 135 149 130 + 113 0 155 135 138 + 114 0 138 135 118 + 115 0 155 138 160 + 116 0 138 118 122 + 117 0 160 138 142 + 118 0 155 160 179 + 119 0 122 118 103 + 120 0 142 138 122 + 121 0 155 179 170 + 122 0 170 179 196 + 123 0 196 179 201 + 124 0 170 196 191 + 125 0 196 201 225 + 126 0 191 196 221 + 127 0 38 27 41 + 128 0 88 103 86 + 129 0 172 151 169 + 130 0 172 169 193 + 131 0 193 169 190 + 132 0 172 193 197 + 133 0 193 190 213 + 134 0 197 193 215 + 135 0 25 23 31 + 136 0 25 31 30 + 137 0 30 31 41 + 138 0 30 41 27 + 139 0 30 27 25 + 140 0 43 39 32 + 141 0 63 78 71 + 142 0 134 156 139 + 143 0 224 241 222 + 144 0 41 51 38 + 145 0 94 114 105 + 146 0 105 114 134 + 147 0 78 94 87 + 148 0 156 180 161 + 149 0 241 262 252 + 150 0 205 224 222 + 151 0 229 225 201 + 152 0 214 213 190 + 153 0 244 235 216 + 154 0 221 218 191 + 155 0 252 244 222 + 156 0 225 221 196 + 157 0 213 215 193 + 158 0 235 229 207 + 159 0 218 214 189 + 160 0 241 252 222 + 161 0 202 204 177 + 162 0 239 250 224 + 163 0 109 128 121 + 164 0 121 128 141 + 165 0 109 121 100 + 166 0 141 128 152 + 167 0 121 141 133 + 168 0 100 121 111 + 169 0 141 152 165 + 170 0 133 141 157 + 171 0 111 121 133 + 172 0 165 152 177 + 173 0 157 141 165 + 174 0 165 177 204 + 175 0 157 165 181 + 176 0 181 165 204 + 177 0 157 181 178 + 178 0 178 206 209 + 179 0 157 178 144 + 180 0 144 178 162 + 181 0 157 144 133 + 182 0 162 178 186 + 183 0 144 162 140 + 184 0 133 144 124 + 185 0 162 186 182 + 186 0 140 162 158 + 187 0 124 144 140 + 188 0 182 186 211 + 189 0 158 162 182 + 190 0 140 158 136 + 191 0 158 182 176 + 192 0 136 158 154 + 193 0 140 136 120 + 194 0 176 182 199 + 195 0 154 158 176 + 196 0 136 154 134 + 197 0 120 136 117 + 198 0 199 182 211 + 199 0 117 136 134 + 200 0 120 117 101 + 201 0 101 117 94 + 202 0 120 101 104 + 203 0 104 101 85 + 204 0 120 104 124 + 205 0 85 101 78 + 206 0 104 85 92 + 207 0 124 104 111 + 208 0 120 124 140 + 209 0 92 85 76 + 210 0 104 92 111 + 211 0 76 85 63 + 212 0 111 92 100 + 213 0 100 92 83 + 214 0 83 92 76 + 215 0 100 83 90 + 216 0 83 76 67 + 217 0 90 83 73 + 218 0 100 90 109 + 219 0 67 76 62 + 220 0 73 83 67 + 221 0 62 76 63 + 222 0 73 67 59 + 223 0 59 67 52 + 224 0 52 67 62 + 225 0 59 52 45 + 226 0 52 62 51 + 227 0 51 62 63 + 228 0 45 52 41 + 229 0 211 220 199 + 230 0 206 178 181 + 231 0 23 35 31 + 232 0 35 45 41 + 233 0 35 41 31 + 234 0 186 178 209 + 235 0 176 199 195 + 236 0 195 199 226 + 237 0 176 195 171 + 238 0 171 195 192 + 239 0 176 171 154 + 240 0 192 195 217 + 241 0 171 192 180 + 242 0 180 192 205 + 243 0 205 192 217 + 244 0 154 171 156 + 245 0 217 195 226 + 246 0 226 233 217 + 247 0 133 124 111 + 248 0 204 206 181 + 249 0 250 262 241 + 250 0 250 241 224 + 251 0 220 226 199 + 252 0 209 211 186 + 253 0 233 239 217 + 254 0 180 156 171 + 255 0 94 78 101 + 256 0 224 205 217 + 257 0 134 114 117 + 258 0 117 114 94 + 259 0 156 134 154 + 260 0 78 63 85 + 261 0 51 41 52 + 262 0 217 239 224 + 263 0 727 688 702 + 264 0 702 688 661 + 265 0 661 688 643 + 266 0 661 643 629 + 267 0 702 661 681 + 268 0 681 661 629 + 269 0 629 643 601 + 270 0 629 601 586 + 271 0 586 601 558 + 272 0 586 558 543 + 273 0 629 586 616 + 274 0 543 558 517 + 275 0 586 543 575 + 276 0 543 517 502 + 277 0 502 517 476 + 278 0 502 476 462 + 279 0 543 502 534 + 280 0 616 586 575 + 281 0 616 575 631 + 282 0 629 616 655 + 283 0 462 476 434 + 284 0 462 434 418 + 285 0 502 462 490 + 286 0 575 543 534 + 287 0 575 534 571 + 288 0 418 434 393 + 289 0 418 393 381 + 290 0 462 418 447 + 291 0 534 502 490 + 292 0 381 393 359 + 293 0 381 359 345 + 294 0 418 381 410 + 295 0 534 490 524 + 296 0 490 462 447 + 297 0 571 534 524 + 298 0 575 571 631 + 299 0 490 447 482 + 300 0 345 359 324 + 301 0 345 324 315 + 302 0 381 345 375 + 303 0 447 418 410 + 304 0 524 490 482 + 305 0 447 410 440 + 306 0 315 324 293 + 307 0 315 293 289 + 308 0 345 315 338 + 309 0 410 381 375 + 310 0 482 447 440 + 311 0 410 375 401 + 312 0 375 345 338 + 313 0 289 293 273 + 314 0 289 273 270 + 315 0 315 289 310 + 316 0 440 410 401 + 317 0 375 338 367 + 318 0 315 310 338 + 319 0 338 310 333 + 320 0 289 270 287 + 321 0 401 375 367 + 322 0 270 273 254 + 323 0 270 254 251 + 324 0 251 254 236 + 325 0 270 251 267 + 326 0 251 236 232 + 327 0 310 289 287 + 328 0 267 251 247 + 329 0 310 287 303 + 330 0 303 287 284 + 331 0 310 303 333 + 332 0 284 287 267 + 333 0 303 284 302 + 334 0 267 287 270 + 335 0 302 284 279 + 336 0 236 219 232 + 337 0 338 333 367 + 338 0 303 302 330 + 339 0 330 302 327 + 340 0 303 330 333 + 341 0 327 302 298 + 342 0 330 327 360 + 343 0 360 327 356 + 344 0 330 360 362 + 345 0 356 327 320 + 346 0 360 356 389 + 347 0 362 360 392 + 348 0 330 362 333 + 349 0 360 389 392 + 350 0 362 392 398 + 351 0 333 362 367 + 352 0 392 389 427 + 353 0 362 398 367 + 354 0 427 389 424 + 355 0 392 427 431 + 356 0 424 389 387 + 357 0 427 424 459 + 358 0 431 427 464 + 359 0 387 389 356 + 360 0 459 424 465 + 361 0 431 464 469 + 362 0 465 424 419 + 363 0 459 465 497 + 364 0 469 464 508 + 365 0 419 424 387 + 366 0 497 465 520 + 367 0 497 520 535 + 368 0 497 535 505 + 369 0 505 535 547 + 370 0 497 505 459 + 371 0 505 547 508 + 372 0 508 464 505 + 373 0 469 508 510 + 374 0 510 508 559 + 375 0 469 510 475 + 376 0 475 510 515 + 377 0 469 475 435 + 378 0 515 510 548 + 379 0 475 515 482 + 380 0 435 475 440 + 381 0 548 510 559 + 382 0 515 548 554 + 383 0 554 548 594 + 384 0 515 554 524 + 385 0 464 427 459 + 386 0 464 459 505 + 387 0 465 419 457 + 388 0 457 419 415 + 389 0 465 457 520 + 390 0 419 387 382 + 391 0 398 392 431 + 392 0 398 431 435 + 393 0 435 431 469 + 394 0 398 435 401 + 395 0 387 356 349 + 396 0 284 267 263 + 397 0 367 398 401 + 398 0 482 440 475 + 399 0 440 401 435 + 400 0 571 524 554 + 401 0 524 482 515 + 402 0 494 501 455 + 403 0 594 615 554 + 404 0 511 520 457 + 405 0 559 580 548 + 406 0 548 580 594 + 407 0 631 655 616 + 408 0 501 511 457 + 409 0 547 559 508 + 410 0 615 631 571 + 411 0 655 681 629 + 412 0 279 298 302 + 413 0 382 415 419 + 414 0 247 263 267 + 415 0 320 349 356 + 416 0 232 247 251 + 417 0 298 320 327 + 418 0 415 455 457 + 419 0 263 279 284 + 420 0 349 382 387 + 421 0 571 554 615 + 422 0 455 501 457 + 423 0 843 829 811 + 424 0 743 735 681 + 425 0 710 746 713 + 426 0 713 746 748 + 427 0 710 713 673 + 428 0 748 746 776 + 429 0 713 748 716 + 430 0 673 713 677 + 431 0 748 776 783 + 432 0 716 748 750 + 433 0 677 713 716 + 434 0 783 776 811 + 435 0 750 748 783 + 436 0 783 811 829 + 437 0 750 783 786 + 438 0 786 783 829 + 439 0 750 786 757 + 440 0 757 786 797 + 441 0 750 757 720 + 442 0 720 757 723 + 443 0 750 720 716 + 444 0 723 757 761 + 445 0 720 723 684 + 446 0 716 720 680 + 447 0 723 761 734 + 448 0 684 723 691 + 449 0 680 720 684 + 450 0 734 761 788 + 451 0 691 723 734 + 452 0 684 691 647 + 453 0 691 734 692 + 454 0 647 691 651 + 455 0 684 647 644 + 456 0 692 734 737 + 457 0 651 691 692 + 458 0 647 651 594 + 459 0 644 647 611 + 460 0 737 734 788 + 461 0 611 647 594 + 462 0 644 611 605 + 463 0 605 611 559 + 464 0 644 605 639 + 465 0 639 605 591 + 466 0 644 639 680 + 467 0 591 605 547 + 468 0 639 591 636 + 469 0 680 639 677 + 470 0 644 680 684 + 471 0 636 591 597 + 472 0 639 636 677 + 473 0 597 591 535 + 474 0 677 636 673 + 475 0 673 636 633 + 476 0 633 636 597 + 477 0 673 633 672 + 478 0 633 597 596 + 479 0 672 633 635 + 480 0 673 672 710 + 481 0 596 597 563 + 482 0 635 633 596 + 483 0 563 597 535 + 484 0 635 596 602 + 485 0 602 596 562 + 486 0 562 596 563 + 487 0 602 562 567 + 488 0 562 563 520 + 489 0 520 563 535 + 490 0 567 562 511 + 491 0 788 772 737 + 492 0 814 797 786 + 493 0 494 529 501 + 494 0 529 567 511 + 495 0 529 511 501 + 496 0 761 757 797 + 497 0 692 737 705 + 498 0 705 737 765 + 499 0 692 705 662 + 500 0 662 705 674 + 501 0 692 662 651 + 502 0 674 705 712 + 503 0 662 674 631 + 504 0 631 674 655 + 505 0 655 674 712 + 506 0 651 662 615 + 507 0 712 705 765 + 508 0 765 754 712 + 509 0 716 680 677 + 510 0 829 814 786 + 511 0 735 727 702 + 512 0 735 702 681 + 513 0 772 765 737 + 514 0 797 788 761 + 515 0 754 743 712 + 516 0 631 615 662 + 517 0 559 547 605 + 518 0 681 655 712 + 519 0 594 580 611 + 520 0 611 580 559 + 521 0 615 594 651 + 522 0 547 535 591 + 523 0 520 511 562 + 524 0 712 743 681 + 525 0 262 272 252 + 526 0 318 342 314 + 527 0 430 463 423 + 528 0 314 342 334 + 529 0 318 314 290 + 530 0 423 463 455 + 531 0 334 342 369 + 532 0 290 314 288 + 533 0 318 290 300 + 534 0 334 369 363 + 535 0 288 314 308 + 536 0 300 290 278 + 537 0 363 369 399 + 538 0 308 314 334 + 539 0 288 308 285 + 540 0 278 290 271 + 541 0 308 334 329 + 542 0 285 308 301 + 543 0 288 285 269 + 544 0 271 290 288 + 545 0 301 308 329 + 546 0 288 269 271 + 547 0 301 329 326 + 548 0 271 269 253 + 549 0 326 329 357 + 550 0 253 269 249 + 551 0 357 329 363 + 552 0 326 357 350 + 553 0 249 269 265 + 554 0 363 329 334 + 555 0 350 357 386 + 556 0 265 269 285 + 557 0 386 357 390 + 558 0 350 386 382 + 559 0 390 357 363 + 560 0 386 390 423 + 561 0 390 363 399 + 562 0 423 390 430 + 563 0 386 423 415 + 564 0 430 390 399 + 565 0 249 265 246 + 566 0 246 265 261 + 567 0 249 246 225 + 568 0 261 265 281 + 569 0 281 265 285 + 570 0 261 281 275 + 571 0 275 281 297 + 572 0 261 275 258 + 573 0 297 281 301 + 574 0 258 275 274 + 575 0 301 281 285 + 576 0 297 301 326 + 577 0 274 275 294 + 578 0 297 326 319 + 579 0 294 275 297 + 580 0 319 326 350 + 581 0 294 297 319 + 582 0 319 350 349 + 583 0 294 319 320 + 584 0 274 294 298 + 585 0 286 300 278 + 586 0 286 278 266 + 587 0 266 278 255 + 588 0 286 266 272 + 589 0 255 278 271 + 590 0 266 255 244 + 591 0 272 266 252 + 592 0 255 271 253 + 593 0 255 253 235 + 594 0 246 261 243 + 595 0 243 261 258 + 596 0 246 243 221 + 597 0 243 258 240 + 598 0 240 258 256 + 599 0 243 240 218 + 600 0 256 258 274 + 601 0 240 256 237 + 602 0 256 274 279 + 603 0 237 256 263 + 604 0 240 237 214 + 605 0 253 249 229 + 606 0 463 494 455 + 607 0 219 215 232 + 608 0 232 215 230 + 609 0 230 215 213 + 610 0 232 230 247 + 611 0 230 213 237 + 612 0 247 230 237 + 613 0 235 244 255 + 614 0 320 298 294 + 615 0 218 221 243 + 616 0 455 415 423 + 617 0 213 214 237 + 618 0 279 263 256 + 619 0 225 229 249 + 620 0 382 349 350 + 621 0 244 252 266 + 622 0 298 279 274 + 623 0 221 225 246 + 624 0 415 382 386 + 625 0 214 218 240 + 626 0 263 247 237 + 627 0 229 235 253 + 628 0 349 320 319 + 629 0 632 667 668 + 630 0 2579 2582 2572 + 631 0 981 957 941 + 632 0 2572 2582 2575 + 633 0 2579 2572 2567 + 634 0 941 957 906 + 635 0 2575 2582 2584 + 636 0 2567 2572 2558 + 637 0 2575 2584 2577 + 638 0 2558 2572 2562 + 639 0 2567 2558 2553 + 640 0 2577 2584 2585 + 641 0 2562 2572 2575 + 642 0 2553 2558 2538 + 643 0 2577 2585 2581 + 644 0 2562 2575 2566 + 645 0 2538 2558 2544 + 646 0 2581 2585 2587 + 647 0 2566 2575 2577 + 648 0 2544 2558 2562 + 649 0 2581 2587 2583 + 650 0 2544 2562 2550 + 651 0 2583 2587 2588 + 652 0 2550 2562 2566 + 653 0 2544 2550 2527 + 654 0 2550 2566 2557 + 655 0 2527 2550 2536 + 656 0 2544 2527 2517 + 657 0 2557 2566 2571 + 658 0 2536 2550 2557 + 659 0 2517 2527 2497 + 660 0 2571 2566 2577 + 661 0 2536 2557 2542 + 662 0 2497 2527 2504 + 663 0 2571 2577 2581 + 664 0 2542 2557 2561 + 665 0 2504 2527 2536 + 666 0 2561 2557 2571 + 667 0 2542 2561 2551 + 668 0 2561 2571 2574 + 669 0 2551 2561 2568 + 670 0 2574 2571 2581 + 671 0 2561 2574 2568 + 672 0 2568 2574 2578 + 673 0 2578 2574 2583 + 674 0 2568 2580 2569 + 675 0 2583 2574 2581 + 676 0 2578 2583 2586 + 677 0 1664 1699 1687 + 678 0 1687 1699 1721 + 679 0 1664 1687 1656 + 680 0 1721 1699 1731 + 681 0 1656 1687 1683 + 682 0 1721 1731 1758 + 683 0 1683 1687 1719 + 684 0 1758 1731 1765 + 685 0 1721 1758 1750 + 686 0 1719 1687 1721 + 687 0 1750 1758 1783 + 688 0 1721 1750 1719 + 689 0 1783 1758 1793 + 690 0 1750 1783 1777 + 691 0 1719 1750 1743 + 692 0 1783 1793 1818 + 693 0 1777 1783 1811 + 694 0 1743 1750 1777 + 695 0 1818 1793 1827 + 696 0 1811 1783 1818 + 697 0 1827 1793 1797 + 698 0 1818 1827 1852 + 699 0 1811 1818 1845 + 700 0 1797 1793 1765 + 701 0 1852 1827 1859 + 702 0 1845 1818 1852 + 703 0 1765 1793 1758 + 704 0 1859 1827 1830 + 705 0 1845 1852 1876 + 706 0 1859 1830 1864 + 707 0 1876 1852 1885 + 708 0 1859 1864 1892 + 709 0 1885 1852 1859 + 710 0 1876 1885 1912 + 711 0 1892 1864 1898 + 712 0 1912 1885 1920 + 713 0 1876 1912 1909 + 714 0 1892 1898 1924 + 715 0 1920 1885 1892 + 716 0 1909 1912 1948 + 717 0 1924 1898 1932 + 718 0 1892 1885 1859 + 719 0 1948 1912 1944 + 720 0 1944 1912 1920 + 721 0 1948 1944 1981 + 722 0 1944 1920 1954 + 723 0 1981 1944 1978 + 724 0 1954 1920 1924 + 725 0 1944 1954 1978 + 726 0 1924 1920 1892 + 727 0 1978 1954 1984 + 728 0 1984 1954 1957 + 729 0 1978 1984 2011 + 730 0 1957 1954 1924 + 731 0 1984 1957 1991 + 732 0 2011 1984 2016 + 733 0 1957 1924 1932 + 734 0 1991 1957 1965 + 735 0 2016 1984 1991 + 736 0 1965 1957 1932 + 737 0 1991 1965 1999 + 738 0 2016 1991 2025 + 739 0 1991 1999 2025 + 740 0 2016 2025 2051 + 741 0 2025 1999 2032 + 742 0 2051 2025 2058 + 743 0 2016 2051 2042 + 744 0 2025 2032 2058 + 745 0 2042 2051 2076 + 746 0 2058 2032 2065 + 747 0 2076 2051 2083 + 748 0 2042 2076 2079 + 749 0 2058 2065 2092 + 750 0 2083 2051 2058 + 751 0 2079 2076 2112 + 752 0 2092 2065 2097 + 753 0 2083 2058 2092 + 754 0 2112 2076 2108 + 755 0 2092 2097 2124 + 756 0 2083 2092 2116 + 757 0 2108 2076 2083 + 758 0 2124 2097 2131 + 759 0 2116 2092 2124 + 760 0 2124 2131 2157 + 761 0 2157 2131 2164 + 762 0 2124 2157 2150 + 763 0 2157 2164 2190 + 764 0 2150 2157 2184 + 765 0 2124 2150 2116 + 766 0 2190 2164 2198 + 767 0 2184 2157 2190 + 768 0 2116 2150 2142 + 769 0 2142 2150 2177 + 770 0 2116 2142 2108 + 771 0 2177 2150 2184 + 772 0 2108 2142 2143 + 773 0 2116 2108 2083 + 774 0 2177 2184 2210 + 775 0 2143 2142 2171 + 776 0 2210 2184 2217 + 777 0 2177 2210 2203 + 778 0 2171 2142 2177 + 779 0 2217 2184 2190 + 780 0 2203 2210 2236 + 781 0 2171 2177 2203 + 782 0 2236 2210 2244 + 783 0 2203 2236 2222 + 784 0 2244 2210 2217 + 785 0 2236 2244 2269 + 786 0 2222 2236 2259 + 787 0 2244 2217 2251 + 788 0 2269 2244 2277 + 789 0 2259 2236 2269 + 790 0 2251 2217 2223 + 791 0 2277 2244 2251 + 792 0 2259 2269 2295 + 793 0 2223 2217 2190 + 794 0 2295 2269 2303 + 795 0 2259 2295 2285 + 796 0 2303 2269 2277 + 797 0 2295 2303 2329 + 798 0 2285 2295 2321 + 799 0 2303 2277 2310 + 800 0 2329 2303 2336 + 801 0 2321 2295 2329 + 802 0 2310 2277 2282 + 803 0 2336 2303 2310 + 804 0 2321 2329 2354 + 805 0 2282 2277 2251 + 806 0 2354 2329 2360 + 807 0 2321 2354 2345 + 808 0 2360 2329 2336 + 809 0 2354 2360 2388 + 810 0 2345 2354 2380 + 811 0 2360 2336 2368 + 812 0 2388 2360 2393 + 813 0 2380 2354 2388 + 814 0 2368 2336 2342 + 815 0 2393 2360 2368 + 816 0 2380 2388 2414 + 817 0 2342 2336 2310 + 818 0 2414 2388 2421 + 819 0 2380 2414 2404 + 820 0 2421 2388 2393 + 821 0 2414 2421 2444 + 822 0 2404 2414 2439 + 823 0 2421 2393 2426 + 824 0 2444 2421 2451 + 825 0 2439 2414 2444 + 826 0 2426 2393 2401 + 827 0 2451 2421 2426 + 828 0 2439 2444 2470 + 829 0 2401 2393 2368 + 830 0 2470 2444 2477 + 831 0 2439 2470 2462 + 832 0 2477 2444 2451 + 833 0 2470 2477 2506 + 834 0 2462 2470 2495 + 835 0 2477 2451 2479 + 836 0 2506 2477 2504 + 837 0 2495 2470 2506 + 838 0 2479 2451 2460 + 839 0 2495 2506 2525 + 840 0 2460 2451 2426 + 841 0 2525 2506 2542 + 842 0 2495 2525 2530 + 843 0 2460 2426 2434 + 844 0 2530 2525 2552 + 845 0 2495 2530 2493 + 846 0 2434 2426 2401 + 847 0 2552 2525 2551 + 848 0 2552 2551 2568 + 849 0 2493 2530 2535 + 850 0 2434 2401 2409 + 851 0 2409 2401 2374 + 852 0 2434 2409 2443 + 853 0 2374 2401 2368 + 854 0 2409 2374 2382 + 855 0 2443 2409 2417 + 856 0 2382 2374 2348 + 857 0 2409 2382 2417 + 858 0 2348 2374 2342 + 859 0 2417 2382 2392 + 860 0 2342 2374 2368 + 861 0 2348 2342 2315 + 862 0 2392 2382 2357 + 863 0 2315 2342 2310 + 864 0 2357 2382 2348 + 865 0 2392 2357 2366 + 866 0 2357 2348 2323 + 867 0 2366 2357 2333 + 868 0 2392 2366 2399 + 869 0 2323 2348 2315 + 870 0 2333 2357 2323 + 871 0 2392 2399 2425 + 872 0 2323 2315 2290 + 873 0 2425 2399 2432 + 874 0 2392 2425 2417 + 875 0 2290 2315 2282 + 876 0 2425 2432 2457 + 877 0 2417 2425 2450 + 878 0 2282 2315 2310 + 879 0 2457 2432 2463 + 880 0 2450 2425 2457 + 881 0 2457 2463 2489 + 882 0 2450 2457 2483 + 883 0 2489 2463 2498 + 884 0 2483 2457 2489 + 885 0 2450 2483 2472 + 886 0 2483 2489 2510 + 887 0 2472 2483 2502 + 888 0 2510 2489 2519 + 889 0 2483 2510 2502 + 890 0 2519 2489 2498 + 891 0 2502 2510 2533 + 892 0 2519 2498 2528 + 893 0 2533 2510 2543 + 894 0 2519 2528 2546 + 895 0 2543 2510 2519 + 896 0 2546 2528 2549 + 897 0 2519 2546 2543 + 898 0 2543 2546 2559 + 899 0 2559 2546 2570 + 900 0 2543 2564 2553 + 901 0 1877 1846 1847 + 902 0 1847 1846 1816 + 903 0 1877 1847 1880 + 904 0 1816 1846 1815 + 905 0 1847 1816 1817 + 906 0 1880 1847 1849 + 907 0 1816 1815 1785 + 908 0 1817 1816 1787 + 909 0 1849 1847 1817 + 910 0 1785 1815 1784 + 911 0 1787 1816 1785 + 912 0 1785 1784 1754 + 913 0 1787 1785 1756 + 914 0 1754 1784 1755 + 915 0 1756 1785 1754 + 916 0 1754 1755 1722 + 917 0 1756 1754 1723 + 918 0 1722 1755 1724 + 919 0 1723 1754 1722 + 920 0 1722 1724 1693 + 921 0 1723 1722 1692 + 922 0 1693 1724 1696 + 923 0 1722 1693 1692 + 924 0 1693 1696 1665 + 925 0 1692 1693 1662 + 926 0 1665 1696 1667 + 927 0 1693 1665 1662 + 928 0 1665 1667 1633 + 929 0 1662 1665 1631 + 930 0 1633 1667 1635 + 931 0 1665 1633 1631 + 932 0 1633 1635 1606 + 933 0 1631 1633 1601 + 934 0 1606 1635 1608 + 935 0 1633 1606 1601 + 936 0 1601 1606 1572 + 937 0 1572 1606 1574 + 938 0 1601 1572 1570 + 939 0 1574 1606 1608 + 940 0 1572 1574 1541 + 941 0 1570 1572 1538 + 942 0 1541 1574 1546 + 943 0 1572 1541 1538 + 944 0 1546 1574 1577 + 945 0 1538 1541 1509 + 946 0 1577 1574 1608 + 947 0 1546 1577 1548 + 948 0 1509 1541 1511 + 949 0 1546 1548 1515 + 950 0 1511 1541 1546 + 951 0 1515 1548 1519 + 952 0 1546 1515 1511 + 953 0 1515 1519 1488 + 954 0 1511 1515 1482 + 955 0 1488 1519 1490 + 956 0 1482 1515 1488 + 957 0 1511 1482 1479 + 958 0 1488 1490 1456 + 959 0 1482 1488 1453 + 960 0 1479 1482 1451 + 961 0 1456 1490 1459 + 962 0 1453 1488 1456 + 963 0 1451 1482 1453 + 964 0 1453 1456 1421 + 965 0 1451 1453 1420 + 966 0 1421 1456 1428 + 967 0 1453 1421 1420 + 968 0 1428 1456 1459 + 969 0 1420 1421 1390 + 970 0 1428 1459 1430 + 971 0 1390 1421 1394 + 972 0 1428 1430 1396 + 973 0 1394 1421 1428 + 974 0 1390 1394 1359 + 975 0 1396 1430 1400 + 976 0 1394 1428 1396 + 977 0 1359 1394 1362 + 978 0 1394 1396 1362 + 979 0 1359 1362 1329 + 980 0 1362 1396 1367 + 981 0 1329 1362 1333 + 982 0 1359 1329 1325 + 983 0 1367 1396 1400 + 984 0 1333 1362 1367 + 985 0 1325 1329 1296 + 986 0 1333 1367 1338 + 987 0 1296 1329 1299 + 988 0 1338 1367 1372 + 989 0 1333 1338 1304 + 990 0 1299 1329 1333 + 991 0 1372 1367 1400 + 992 0 1304 1338 1308 + 993 0 1299 1333 1304 + 994 0 1308 1338 1343 + 995 0 1304 1308 1273 + 996 0 1343 1338 1372 + 997 0 1308 1343 1315 + 998 0 1273 1308 1281 + 999 0 1308 1315 1281 + 1000 0 1273 1281 1246 + 1001 0 1281 1315 1288 + 1002 0 1246 1281 1250 + 1003 0 1273 1246 1241 + 1004 0 1281 1288 1250 + 1005 0 1241 1246 1210 + 1006 0 1250 1288 1261 + 1007 0 1210 1246 1215 + 1008 0 1241 1210 1205 + 1009 0 1250 1261 1224 + 1010 0 1215 1246 1250 + 1011 0 1205 1210 1175 + 1012 0 1224 1261 1232 + 1013 0 1175 1210 1182 + 1014 0 1205 1175 1172 + 1015 0 1224 1232 1196 + 1016 0 1182 1210 1215 + 1017 0 1172 1175 1139 + 1018 0 1196 1232 1206 + 1019 0 1139 1175 1146 + 1020 0 1172 1139 1136 + 1021 0 1196 1206 1170 + 1022 0 1146 1175 1182 + 1023 0 1136 1139 1105 + 1024 0 1170 1206 1177 + 1025 0 1146 1182 1152 + 1026 0 1105 1139 1111 + 1027 0 1170 1177 1142 + 1028 0 1152 1182 1187 + 1029 0 1111 1139 1146 + 1030 0 1142 1177 1150 + 1031 0 1187 1182 1215 + 1032 0 1152 1187 1160 + 1033 0 1142 1150 1114 + 1034 0 1187 1215 1224 + 1035 0 1160 1187 1196 + 1036 0 1114 1150 1125 + 1037 0 1224 1215 1250 + 1038 0 1187 1224 1196 + 1039 0 1114 1125 1089 + 1040 0 1089 1125 1101 + 1041 0 1114 1089 1080 + 1042 0 1089 1101 1062 + 1043 0 1080 1089 1053 + 1044 0 1062 1101 1074 + 1045 0 1089 1062 1053 + 1046 0 1062 1074 1040 + 1047 0 1053 1062 1023 + 1048 0 1040 1074 1052 + 1049 0 1062 1040 1023 + 1050 0 1040 1052 1014 + 1051 0 1023 1040 1002 + 1052 0 1014 1052 1024 + 1053 0 1040 1014 1002 + 1054 0 1014 1024 987 + 1055 0 1002 1014 978 + 1056 0 987 1024 1004 + 1057 0 1014 987 978 + 1058 0 978 987 947 + 1059 0 947 987 962 + 1060 0 978 947 939 + 1061 0 962 987 1004 + 1062 0 947 962 924 + 1063 0 939 947 913 + 1064 0 962 1004 981 + 1065 0 924 962 941 + 1066 0 913 947 924 + 1067 0 962 981 941 + 1068 0 913 924 885 + 1069 0 885 924 902 + 1070 0 913 885 877 + 1071 0 902 924 941 + 1072 0 885 902 847 + 1073 0 877 885 853 + 1074 0 853 885 847 + 1075 0 877 853 839 + 1076 0 839 853 819 + 1077 0 877 839 861 + 1078 0 861 839 832 + 1079 0 877 861 897 + 1080 0 832 839 802 + 1081 0 861 832 855 + 1082 0 897 861 887 + 1083 0 802 839 819 + 1084 0 832 802 796 + 1085 0 855 832 821 + 1086 0 887 861 855 + 1087 0 796 802 763 + 1088 0 832 796 821 + 1089 0 887 855 880 + 1090 0 821 796 784 + 1091 0 880 855 845 + 1092 0 887 880 914 + 1093 0 784 796 760 + 1094 0 821 784 807 + 1095 0 845 855 821 + 1096 0 914 880 903 + 1097 0 760 796 763 + 1098 0 807 784 771 + 1099 0 903 880 865 + 1100 0 914 903 943 + 1101 0 771 784 742 + 1102 0 807 771 798 + 1103 0 865 880 845 + 1104 0 943 903 925 + 1105 0 742 784 760 + 1106 0 798 771 755 + 1107 0 925 903 891 + 1108 0 943 925 967 + 1109 0 755 771 729 + 1110 0 798 755 782 + 1111 0 891 903 865 + 1112 0 967 925 959 + 1113 0 729 771 742 + 1114 0 782 755 730 + 1115 0 959 925 920 + 1116 0 967 959 993 + 1117 0 920 925 891 + 1118 0 959 920 949 + 1119 0 993 959 986 + 1120 0 967 993 1007 + 1121 0 949 920 916 + 1122 0 959 949 986 + 1123 0 1007 993 1028 + 1124 0 916 920 886 + 1125 0 986 949 982 + 1126 0 1028 993 1022 + 1127 0 1007 1028 1046 + 1128 0 886 920 891 + 1129 0 982 949 945 + 1130 0 1022 993 986 + 1131 0 1046 1028 1069 + 1132 0 886 891 859 + 1133 0 945 949 916 + 1134 0 1022 986 1019 + 1135 0 1069 1028 1060 + 1136 0 859 891 865 + 1137 0 1019 986 982 + 1138 0 1022 1019 1054 + 1139 0 1060 1028 1022 + 1140 0 859 865 833 + 1141 0 1054 1019 1048 + 1142 0 1022 1054 1060 + 1143 0 833 865 845 + 1144 0 1048 1019 1011 + 1145 0 1060 1054 1088 + 1146 0 833 845 807 + 1147 0 1011 1019 982 + 1148 0 1048 1011 1043 + 1149 0 1088 1054 1082 + 1150 0 807 845 821 + 1151 0 1043 1011 1006 + 1152 0 1048 1043 1075 + 1153 0 1082 1054 1048 + 1154 0 1006 1011 977 + 1155 0 1075 1043 1070 + 1156 0 1048 1075 1082 + 1157 0 977 1011 982 + 1158 0 1006 977 970 + 1159 0 1070 1043 1037 + 1160 0 1082 1075 1111 + 1161 0 970 977 940 + 1162 0 1006 970 1000 + 1163 0 1037 1043 1006 + 1164 0 1111 1075 1105 + 1165 0 940 977 945 + 1166 0 1000 970 953 + 1167 0 1105 1075 1070 + 1168 0 945 977 982 + 1169 0 953 970 921 + 1170 0 1000 953 984 + 1171 0 921 970 940 + 1172 0 984 953 936 + 1173 0 1000 984 1027 + 1174 0 1027 984 1025 + 1175 0 1000 1027 1037 + 1176 0 1025 984 966 + 1177 0 1027 1025 1061 + 1178 0 1037 1027 1064 + 1179 0 1061 1025 1059 + 1180 0 1027 1061 1064 + 1181 0 1037 1064 1070 + 1182 0 1059 1025 1001 + 1183 0 1064 1061 1096 + 1184 0 1070 1064 1102 + 1185 0 1096 1061 1093 + 1186 0 1064 1096 1102 + 1187 0 1070 1102 1105 + 1188 0 1093 1061 1059 + 1189 0 1102 1096 1130 + 1190 0 1105 1102 1136 + 1191 0 1093 1059 1090 + 1192 0 1130 1096 1127 + 1193 0 1136 1102 1130 + 1194 0 1090 1059 1030 + 1195 0 1127 1096 1093 + 1196 0 1130 1127 1161 + 1197 0 1127 1093 1124 + 1198 0 1161 1127 1157 + 1199 0 1130 1161 1166 + 1200 0 1124 1093 1090 + 1201 0 1157 1127 1124 + 1202 0 1161 1157 1192 + 1203 0 1166 1161 1194 + 1204 0 1124 1090 1121 + 1205 0 1192 1157 1191 + 1206 0 1161 1192 1194 + 1207 0 1121 1090 1063 + 1208 0 1191 1157 1155 + 1209 0 1194 1192 1228 + 1210 0 1155 1157 1124 + 1211 0 1191 1155 1190 + 1212 0 1228 1192 1225 + 1213 0 1194 1228 1230 + 1214 0 1155 1124 1121 + 1215 0 1190 1155 1154 + 1216 0 1225 1192 1191 + 1217 0 1230 1228 1262 + 1218 0 1154 1155 1121 + 1219 0 1190 1154 1188 + 1220 0 1225 1191 1223 + 1221 0 1262 1228 1259 + 1222 0 1188 1154 1131 + 1223 0 1190 1188 1220 + 1224 0 1223 1191 1190 + 1225 0 1259 1228 1225 + 1226 0 1220 1188 1221 + 1227 0 1190 1220 1223 + 1228 0 1259 1225 1256 + 1229 0 1221 1188 1164 + 1230 0 1223 1220 1254 + 1231 0 1256 1225 1223 + 1232 0 1259 1256 1290 + 1233 0 1254 1220 1252 + 1234 0 1223 1254 1256 + 1235 0 1290 1256 1286 + 1236 0 1252 1220 1221 + 1237 0 1256 1254 1286 + 1238 0 1290 1286 1321 + 1239 0 1252 1221 1255 + 1240 0 1286 1254 1284 + 1241 0 1321 1286 1319 + 1242 0 1290 1321 1323 + 1243 0 1255 1221 1198 + 1244 0 1284 1254 1252 + 1245 0 1319 1286 1284 + 1246 0 1323 1321 1354 + 1247 0 1284 1252 1285 + 1248 0 1319 1284 1318 + 1249 0 1354 1321 1351 + 1250 0 1323 1354 1356 + 1251 0 1285 1252 1255 + 1252 0 1318 1284 1285 + 1253 0 1351 1321 1319 + 1254 0 1356 1354 1386 + 1255 0 1285 1255 1287 + 1256 0 1318 1285 1320 + 1257 0 1386 1354 1383 + 1258 0 1356 1386 1390 + 1259 0 1287 1255 1231 + 1260 0 1320 1285 1287 + 1261 0 1383 1354 1351 + 1262 0 1390 1386 1420 + 1263 0 1320 1287 1314 + 1264 0 1420 1386 1416 + 1265 0 1314 1287 1264 + 1266 0 1416 1386 1383 + 1267 0 1420 1416 1451 + 1268 0 1416 1383 1414 + 1269 0 1451 1416 1446 + 1270 0 1416 1414 1446 + 1271 0 1446 1414 1443 + 1272 0 1443 1414 1412 + 1273 0 1446 1443 1476 + 1274 0 1412 1414 1380 + 1275 0 1443 1412 1441 + 1276 0 1476 1443 1474 + 1277 0 1380 1414 1383 + 1278 0 1412 1380 1379 + 1279 0 1441 1412 1413 + 1280 0 1474 1443 1441 + 1281 0 1379 1380 1349 + 1282 0 1412 1379 1413 + 1283 0 1474 1441 1475 + 1284 0 1349 1380 1351 + 1285 0 1413 1379 1381 + 1286 0 1475 1441 1444 + 1287 0 1474 1475 1506 + 1288 0 1351 1380 1383 + 1289 0 1381 1379 1350 + 1290 0 1444 1441 1413 + 1291 0 1506 1475 1508 + 1292 0 1350 1379 1349 + 1293 0 1444 1413 1415 + 1294 0 1508 1475 1477 + 1295 0 1350 1349 1318 + 1296 0 1415 1413 1381 + 1297 0 1477 1475 1444 + 1298 0 1508 1477 1510 + 1299 0 1318 1349 1319 + 1300 0 1415 1381 1384 + 1301 0 1477 1444 1447 + 1302 0 1510 1477 1480 + 1303 0 1319 1349 1351 + 1304 0 1415 1384 1417 + 1305 0 1447 1444 1415 + 1306 0 1480 1477 1447 + 1307 0 1417 1384 1391 + 1308 0 1415 1417 1447 + 1309 0 1480 1447 1452 + 1310 0 1391 1384 1358 + 1311 0 1447 1417 1452 + 1312 0 1358 1384 1352 + 1313 0 1391 1358 1365 + 1314 0 1452 1417 1422 + 1315 0 1352 1384 1381 + 1316 0 1358 1352 1314 + 1317 0 1422 1417 1391 + 1318 0 1452 1422 1457 + 1319 0 1314 1352 1320 + 1320 0 1358 1314 1332 + 1321 0 1457 1422 1431 + 1322 0 1452 1457 1483 + 1323 0 1320 1352 1350 + 1324 0 1483 1457 1491 + 1325 0 1452 1483 1480 + 1326 0 1350 1352 1381 + 1327 0 1491 1457 1465 + 1328 0 1483 1491 1517 + 1329 0 1480 1483 1512 + 1330 0 1517 1491 1524 + 1331 0 1483 1517 1512 + 1332 0 1524 1491 1498 + 1333 0 1512 1517 1547 + 1334 0 1547 1517 1549 + 1335 0 1512 1547 1542 + 1336 0 1549 1517 1524 + 1337 0 1547 1549 1579 + 1338 0 1542 1547 1575 + 1339 0 1549 1524 1555 + 1340 0 1579 1549 1583 + 1341 0 1575 1547 1579 + 1342 0 1542 1575 1573 + 1343 0 1555 1524 1530 + 1344 0 1583 1549 1555 + 1345 0 1573 1575 1607 + 1346 0 1542 1573 1539 + 1347 0 1583 1555 1588 + 1348 0 1607 1575 1609 + 1349 0 1539 1573 1571 + 1350 0 1542 1539 1510 + 1351 0 1588 1555 1561 + 1352 0 1609 1575 1579 + 1353 0 1571 1573 1602 + 1354 0 1510 1539 1508 + 1355 0 1609 1579 1611 + 1356 0 1602 1573 1607 + 1357 0 1571 1602 1599 + 1358 0 1508 1539 1536 + 1359 0 1611 1579 1583 + 1360 0 1602 1607 1634 + 1361 0 1599 1602 1632 + 1362 0 1536 1539 1571 + 1363 0 1611 1583 1616 + 1364 0 1634 1607 1637 + 1365 0 1632 1602 1634 + 1366 0 1536 1571 1568 + 1367 0 1616 1583 1588 + 1368 0 1637 1607 1609 + 1369 0 1568 1571 1599 + 1370 0 1536 1568 1535 + 1371 0 1637 1609 1641 + 1372 0 1568 1599 1598 + 1373 0 1535 1568 1570 + 1374 0 1641 1609 1611 + 1375 0 1598 1599 1630 + 1376 0 1568 1598 1570 + 1377 0 1641 1611 1644 + 1378 0 1630 1599 1632 + 1379 0 1570 1598 1601 + 1380 0 1644 1611 1616 + 1381 0 1641 1644 1672 + 1382 0 1630 1632 1663 + 1383 0 1601 1598 1631 + 1384 0 1672 1644 1676 + 1385 0 1663 1632 1666 + 1386 0 1630 1663 1662 + 1387 0 1631 1598 1630 + 1388 0 1672 1676 1704 + 1389 0 1666 1632 1634 + 1390 0 1662 1663 1692 + 1391 0 1631 1630 1662 + 1392 0 1704 1676 1710 + 1393 0 1666 1634 1668 + 1394 0 1692 1663 1694 + 1395 0 1704 1710 1738 + 1396 0 1668 1634 1637 + 1397 0 1694 1663 1666 + 1398 0 1692 1694 1723 + 1399 0 1738 1710 1743 + 1400 0 1668 1637 1669 + 1401 0 1694 1666 1697 + 1402 0 1723 1694 1725 + 1403 0 1669 1637 1641 + 1404 0 1668 1669 1701 + 1405 0 1697 1666 1668 + 1406 0 1725 1694 1697 + 1407 0 1701 1669 1703 + 1408 0 1668 1701 1697 + 1409 0 1725 1697 1726 + 1410 0 1703 1669 1672 + 1411 0 1697 1701 1726 + 1412 0 1672 1669 1641 + 1413 0 1703 1672 1704 + 1414 0 1726 1701 1729 + 1415 0 1703 1704 1734 + 1416 0 1729 1701 1703 + 1417 0 1726 1729 1760 + 1418 0 1734 1704 1738 + 1419 0 1729 1703 1734 + 1420 0 1760 1729 1761 + 1421 0 1726 1760 1757 + 1422 0 1734 1738 1763 + 1423 0 1761 1729 1734 + 1424 0 1760 1761 1792 + 1425 0 1757 1760 1789 + 1426 0 1763 1738 1771 + 1427 0 1792 1761 1794 + 1428 0 1760 1792 1789 + 1429 0 1771 1738 1743 + 1430 0 1794 1761 1763 + 1431 0 1789 1792 1821 + 1432 0 1763 1761 1734 + 1433 0 1794 1763 1795 + 1434 0 1821 1792 1823 + 1435 0 1789 1821 1817 + 1436 0 1795 1763 1771 + 1437 0 1823 1792 1794 + 1438 0 1821 1823 1851 + 1439 0 1817 1821 1849 + 1440 0 1795 1771 1804 + 1441 0 1823 1794 1828 + 1442 0 1851 1823 1854 + 1443 0 1849 1821 1851 + 1444 0 1795 1804 1829 + 1445 0 1828 1794 1795 + 1446 0 1854 1823 1828 + 1447 0 1849 1851 1882 + 1448 0 1829 1804 1837 + 1449 0 1828 1795 1829 + 1450 0 1854 1828 1858 + 1451 0 1882 1851 1884 + 1452 0 1837 1804 1811 + 1453 0 1828 1829 1858 + 1454 0 1884 1851 1854 + 1455 0 1858 1829 1863 + 1456 0 1884 1854 1886 + 1457 0 1863 1829 1837 + 1458 0 1858 1863 1889 + 1459 0 1886 1854 1858 + 1460 0 1884 1886 1916 + 1461 0 1889 1863 1894 + 1462 0 1858 1889 1886 + 1463 0 1916 1886 1919 + 1464 0 1894 1863 1868 + 1465 0 1886 1889 1919 + 1466 0 1916 1919 1947 + 1467 0 1868 1863 1837 + 1468 0 1919 1889 1921 + 1469 0 1947 1919 1950 + 1470 0 1916 1947 1943 + 1471 0 1921 1889 1894 + 1472 0 1919 1921 1950 + 1473 0 1943 1947 1974 + 1474 0 1921 1894 1928 + 1475 0 1950 1921 1956 + 1476 0 1974 1947 1979 + 1477 0 1943 1974 1972 + 1478 0 1956 1921 1928 + 1479 0 1974 1979 2007 + 1480 0 1972 1974 2003 + 1481 0 2007 1979 2010 + 1482 0 1974 2007 2003 + 1483 0 2010 1979 1982 + 1484 0 2003 2007 2036 + 1485 0 1982 1979 1950 + 1486 0 2010 1982 2013 + 1487 0 2036 2007 2037 + 1488 0 1950 1979 1947 + 1489 0 2013 1982 1988 + 1490 0 2037 2007 2010 + 1491 0 1988 1982 1956 + 1492 0 2037 2010 2041 + 1493 0 1956 1982 1950 + 1494 0 2041 2010 2013 + 1495 0 2037 2041 2071 + 1496 0 2041 2013 2045 + 1497 0 2071 2041 2072 + 1498 0 2045 2013 2019 + 1499 0 2041 2045 2072 + 1500 0 2019 2013 1988 + 1501 0 2072 2045 2077 + 1502 0 2019 1988 1985 + 1503 0 2077 2045 2050 + 1504 0 1985 1988 1953 + 1505 0 2019 1985 2024 + 1506 0 2050 2045 2019 + 1507 0 1953 1988 1956 + 1508 0 2024 1985 1981 + 1509 0 1953 1956 1928 + 1510 0 1953 1928 1909 + 1511 0 1928 1894 1909 + 1512 0 2072 2077 2106 + 1513 0 2106 2077 2110 + 1514 0 2072 2106 2104 + 1515 0 2110 2077 2082 + 1516 0 2106 2110 2139 + 1517 0 2104 2106 2136 + 1518 0 2082 2077 2050 + 1519 0 2106 2139 2136 + 1520 0 2082 2050 2057 + 1521 0 2136 2139 2166 + 1522 0 2057 2050 2024 + 1523 0 2082 2057 2087 + 1524 0 2166 2139 2173 + 1525 0 2024 2050 2019 + 1526 0 2087 2046 2079 + 1527 0 2173 2139 2141 + 1528 0 2141 2139 2110 + 1529 0 2173 2141 2176 + 1530 0 2141 2110 2114 + 1531 0 2176 2141 2149 + 1532 0 2114 2110 2082 + 1533 0 2149 2141 2114 + 1534 0 2114 2082 2087 + 1535 0 2114 2087 2120 + 1536 0 2120 2087 2079 + 1537 0 2114 2120 2149 + 1538 0 2149 2120 2148 + 1539 0 2148 2120 2112 + 1540 0 2072 2104 2071 + 1541 0 2071 2104 2101 + 1542 0 2101 2104 2130 + 1543 0 2071 2101 2068 + 1544 0 2130 2104 2136 + 1545 0 2068 2101 2095 + 1546 0 2130 2136 2163 + 1547 0 2095 2101 2128 + 1548 0 2163 2136 2166 + 1549 0 2128 2101 2130 + 1550 0 2163 2166 2197 + 1551 0 2128 2130 2161 + 1552 0 2197 2166 2199 + 1553 0 2161 2130 2163 + 1554 0 2197 2199 2227 + 1555 0 2161 2163 2192 + 1556 0 2227 2199 2232 + 1557 0 2197 2227 2221 + 1558 0 2192 2163 2197 + 1559 0 2227 2232 2258 + 1560 0 2221 2227 2253 + 1561 0 2258 2232 2264 + 1562 0 2227 2258 2253 + 1563 0 2264 2232 2235 + 1564 0 2253 2258 2286 + 1565 0 2235 2232 2205 + 1566 0 2264 2235 2268 + 1567 0 2286 2258 2289 + 1568 0 2205 2232 2199 + 1569 0 2268 2235 2242 + 1570 0 2289 2258 2264 + 1571 0 2205 2199 2173 + 1572 0 2242 2235 2209 + 1573 0 2289 2264 2296 + 1574 0 2173 2199 2166 + 1575 0 2209 2235 2205 + 1576 0 2296 2264 2268 + 1577 0 2209 2205 2176 + 1578 0 2296 2268 2302 + 1579 0 2176 2205 2173 + 1580 0 2209 2176 2181 + 1581 0 2302 2268 2276 + 1582 0 2181 2176 2149 + 1583 0 2276 2268 2242 + 1584 0 2302 2276 2311 + 1585 0 2181 2149 2148 + 1586 0 2276 2242 2248 + 1587 0 2311 2276 2285 + 1588 0 2248 2242 2213 + 1589 0 2276 2248 2285 + 1590 0 2213 2242 2209 + 1591 0 2248 2213 2222 + 1592 0 2213 2209 2181 + 1593 0 2213 2181 2183 + 1594 0 2183 2181 2148 + 1595 0 2213 2183 2222 + 1596 0 2183 2148 2143 + 1597 0 2192 2197 2221 + 1598 0 1664 1656 1628 + 1599 0 1628 1656 1621 + 1600 0 1621 1656 1650 + 1601 0 1628 1621 1595 + 1602 0 1650 1656 1683 + 1603 0 1621 1650 1616 + 1604 0 1595 1621 1588 + 1605 0 1650 1683 1676 + 1606 0 2222 2259 2248 + 1607 0 1877 1880 1907 + 1608 0 1907 1880 1910 + 1609 0 1910 1880 1882 + 1610 0 1907 1910 1938 + 1611 0 1882 1880 1849 + 1612 0 1938 1910 1942 + 1613 0 1942 1910 1913 + 1614 0 1938 1942 1969 + 1615 0 1913 1910 1882 + 1616 0 1942 1913 1943 + 1617 0 1969 1942 1972 + 1618 0 1943 1913 1916 + 1619 0 1942 1943 1972 + 1620 0 1916 1913 1884 + 1621 0 1884 1913 1882 + 1622 0 1318 1320 1350 + 1623 0 1131 1164 1188 + 1624 0 2381 2351 2355 + 1625 0 2355 2351 2322 + 1626 0 2381 2355 2389 + 1627 0 2322 2351 2318 + 1628 0 2355 2322 2327 + 1629 0 2389 2355 2358 + 1630 0 2322 2318 2289 + 1631 0 2355 2327 2358 + 1632 0 2289 2318 2286 + 1633 0 2358 2327 2337 + 1634 0 2337 2327 2302 + 1635 0 2358 2337 2370 + 1636 0 2302 2327 2296 + 1637 0 2337 2302 2311 + 1638 0 2370 2337 2345 + 1639 0 2296 2327 2322 + 1640 0 2337 2311 2345 + 1641 0 2296 2322 2289 + 1642 0 2381 2389 2415 + 1643 0 2415 2389 2420 + 1644 0 2420 2389 2395 + 1645 0 2415 2420 2446 + 1646 0 2395 2389 2358 + 1647 0 2446 2420 2455 + 1648 0 2395 2358 2370 + 1649 0 2455 2420 2428 + 1650 0 2395 2370 2404 + 1651 0 2428 2420 2395 + 1652 0 2455 2428 2462 + 1653 0 2428 2395 2404 + 1654 0 2446 2455 2476 + 1655 0 2476 2455 2493 + 1656 0 2517 2497 2487 + 1657 0 2487 2497 2460 + 1658 0 2517 2487 2502 + 1659 0 967 1007 980 + 1660 0 980 1007 1017 + 1661 0 967 980 943 + 1662 0 1017 1007 1046 + 1663 0 980 1017 988 + 1664 0 943 980 948 + 1665 0 1017 1046 1053 + 1666 0 988 1017 1023 + 1667 0 948 980 988 + 1668 0 1017 1053 1023 + 1669 0 1053 1046 1080 + 1670 0 1080 1046 1069 + 1671 0 1080 1069 1106 + 1672 0 1106 1069 1095 + 1673 0 1080 1106 1114 + 1674 0 1095 1069 1060 + 1675 0 1114 1106 1142 + 1676 0 1095 1060 1088 + 1677 0 1142 1106 1133 + 1678 0 1095 1088 1123 + 1679 0 1133 1106 1095 + 1680 0 1123 1088 1116 + 1681 0 1095 1123 1133 + 1682 0 1116 1088 1082 + 1683 0 1123 1116 1152 + 1684 0 1133 1123 1160 + 1685 0 1152 1116 1146 + 1686 0 1160 1123 1152 + 1687 0 1133 1160 1170 + 1688 0 1146 1116 1111 + 1689 0 1170 1160 1196 + 1690 0 1111 1116 1082 + 1691 0 948 988 961 + 1692 0 961 988 1002 + 1693 0 948 961 922 + 1694 0 1002 988 1023 + 1695 0 961 1002 978 + 1696 0 922 961 939 + 1697 0 948 922 914 + 1698 0 961 978 939 + 1699 0 922 939 897 + 1700 0 948 914 943 + 1701 0 897 939 913 + 1702 0 897 913 877 + 1703 0 914 922 887 + 1704 0 887 922 897 + 1705 0 2198 2233 2223 + 1706 0 2223 2233 2256 + 1707 0 2198 2223 2190 + 1708 0 2256 2233 2267 + 1709 0 2223 2256 2251 + 1710 0 2256 2267 2290 + 1711 0 2251 2256 2282 + 1712 0 2290 2267 2301 + 1713 0 2256 2290 2282 + 1714 0 2290 2301 2323 + 1715 0 2323 2301 2333 + 1716 0 2462 2495 2493 + 1717 0 2462 2493 2455 + 1718 0 1241 1205 1236 + 1719 0 1236 1205 1201 + 1720 0 1241 1236 1270 + 1721 0 1201 1205 1172 + 1722 0 1236 1201 1230 + 1723 0 1270 1236 1265 + 1724 0 1201 1172 1166 + 1725 0 1236 1230 1265 + 1726 0 1166 1172 1136 + 1727 0 1201 1166 1194 + 1728 0 1265 1230 1262 + 1729 0 1166 1136 1130 + 1730 0 1201 1194 1230 + 1731 0 1265 1262 1296 + 1732 0 1296 1262 1293 + 1733 0 1265 1296 1299 + 1734 0 1293 1262 1259 + 1735 0 1296 1293 1325 + 1736 0 1265 1299 1270 + 1737 0 1293 1259 1290 + 1738 0 1325 1293 1323 + 1739 0 1270 1299 1304 + 1740 0 1323 1293 1290 + 1741 0 1325 1323 1356 + 1742 0 1270 1304 1273 + 1743 0 1325 1356 1359 + 1744 0 1270 1273 1241 + 1745 0 1359 1356 1390 + 1746 0 875 905 921 + 1747 0 763 731 760 + 1748 0 1985 1953 1948 + 1749 0 2580 2568 2578 + 1750 0 2079 2112 2120 + 1751 0 2345 2380 2370 + 1752 0 1509 1511 1479 + 1753 0 1509 1479 1476 + 1754 0 1476 1479 1446 + 1755 0 1509 1476 1507 + 1756 0 1446 1479 1451 + 1757 0 1507 1476 1474 + 1758 0 1509 1507 1538 + 1759 0 1507 1474 1506 + 1760 0 1538 1507 1535 + 1761 0 1507 1506 1535 + 1762 0 1538 1535 1570 + 1763 0 1535 1506 1536 + 1764 0 1536 1506 1508 + 1765 0 1398 1431 1422 + 1766 0 1827 1797 1830 + 1767 0 833 807 798 + 1768 0 833 798 828 + 1769 0 828 798 782 + 1770 0 833 828 859 + 1771 0 828 782 808 + 1772 0 859 828 854 + 1773 0 808 782 762 + 1774 0 828 808 854 + 1775 0 854 808 836 + 1776 0 836 808 791 + 1777 0 854 836 881 + 1778 0 881 836 862 + 1779 0 854 881 886 + 1780 0 862 836 818 + 1781 0 881 862 909 + 1782 0 886 881 916 + 1783 0 854 886 859 + 1784 0 909 862 889 + 1785 0 881 909 916 + 1786 0 889 862 846 + 1787 0 916 909 945 + 1788 0 945 909 940 + 1789 0 940 909 889 + 1790 0 940 889 921 + 1791 0 921 889 875 + 1792 0 2502 2533 2538 + 1793 0 2538 2533 2553 + 1794 0 2553 2533 2543 + 1795 0 1723 1725 1756 + 1796 0 1756 1725 1757 + 1797 0 1757 1725 1726 + 1798 0 1756 1757 1787 + 1799 0 1787 1757 1789 + 1800 0 1787 1789 1817 + 1801 0 762 791 808 + 1802 0 2583 2588 2586 + 1803 0 2003 2036 2033 + 1804 0 2033 2036 2066 + 1805 0 2003 2033 2002 + 1806 0 2066 2036 2068 + 1807 0 2003 2002 1972 + 1808 0 2068 2036 2037 + 1809 0 2066 2068 2095 + 1810 0 1972 2002 1969 + 1811 0 2068 2037 2071 + 1812 0 876 847 902 + 1813 0 2285 2321 2311 + 1814 0 1644 1616 1650 + 1815 0 1264 1298 1314 + 1816 0 2497 2504 2479 + 1817 0 2479 2504 2477 + 1818 0 2497 2479 2460 + 1819 0 1001 1030 1059 + 1820 0 2503 2476 2493 + 1821 0 2112 2108 2143 + 1822 0 2112 2143 2148 + 1823 0 2404 2439 2428 + 1824 0 1530 1561 1555 + 1825 0 2042 2079 2046 + 1826 0 2046 2087 2057 + 1827 0 2042 2046 2011 + 1828 0 2011 2046 2014 + 1829 0 2042 2011 2016 + 1830 0 2014 2046 2057 + 1831 0 2011 2014 1978 + 1832 0 1978 2014 1981 + 1833 0 1981 2014 2024 + 1834 0 1006 1000 1037 + 1835 0 2565 2570 2549 + 1836 0 1894 1868 1909 + 1837 0 696 730 755 + 1838 0 937 906 957 + 1839 0 1868 1837 1845 + 1840 0 1198 1231 1255 + 1841 0 2544 2517 2538 + 1842 0 2538 2517 2502 + 1843 0 2530 2552 2555 + 1844 0 1510 1480 1512 + 1845 0 1510 1512 1542 + 1846 0 936 966 984 + 1847 0 695 668 699 + 1848 0 699 668 667 + 1849 0 695 742 760 + 1850 0 2057 2024 2014 + 1851 0 2555 2535 2530 + 1852 0 2434 2443 2487 + 1853 0 1465 1498 1491 + 1854 0 1948 1981 1985 + 1855 0 2546 2549 2570 + 1856 0 818 846 862 + 1857 0 819 792 802 + 1858 0 2589 2586 2588 + 1859 0 1332 1365 1358 + 1860 0 1743 1777 1771 + 1861 0 2450 2472 2443 + 1862 0 2443 2472 2487 + 1863 0 2487 2472 2502 + 1864 0 2450 2443 2417 + 1865 0 1063 1097 1121 + 1866 0 1845 1876 1868 + 1867 0 1710 1676 1683 + 1868 0 1909 1948 1953 + 1869 0 1154 1121 1097 + 1870 0 2573 2576 2564 + 1871 0 2564 2576 2567 + 1872 0 2573 2564 2559 + 1873 0 2559 2564 2543 + 1874 0 2567 2576 2579 + 1875 0 2564 2567 2553 + 1876 0 667 696 729 + 1877 0 2504 2536 2506 + 1878 0 2506 2536 2542 + 1879 0 1683 1719 1710 + 1880 0 1164 1198 1221 + 1881 0 1133 1170 1142 + 1882 0 905 936 953 + 1883 0 731 695 760 + 1884 0 2569 2555 2552 + 1885 0 729 742 699 + 1886 0 699 742 695 + 1887 0 1431 1465 1457 + 1888 0 1777 1811 1804 + 1889 0 791 818 836 + 1890 0 847 819 853 + 1891 0 1298 1332 1314 + 1892 0 1804 1771 1777 + 1893 0 1030 1063 1090 + 1894 0 755 729 696 + 1895 0 2171 2203 2183 + 1896 0 2460 2434 2487 + 1897 0 1561 1595 1588 + 1898 0 2570 2573 2559 + 1899 0 730 762 782 + 1900 0 906 876 902 + 1901 0 953 921 905 + 1902 0 1876 1909 1868 + 1903 0 2259 2285 2248 + 1904 0 1231 1264 1287 + 1905 0 2542 2551 2525 + 1906 0 1616 1588 1621 + 1907 0 966 1001 1025 + 1908 0 902 941 906 + 1909 0 2535 2503 2493 + 1910 0 2143 2171 2183 + 1911 0 2380 2404 2370 + 1912 0 1498 1530 1524 + 1913 0 1811 1845 1837 + 1914 0 846 875 889 + 1915 0 792 763 802 + 1916 0 2586 2580 2578 + 1917 0 2321 2345 2311 + 1918 0 1676 1644 1650 + 1919 0 1365 1398 1391 + 1920 0 1719 1743 1710 + 1921 0 1097 1131 1154 + 1922 0 2439 2462 2428 + 1923 0 1422 1391 1398 + 1924 0 2203 2222 2183 + 1925 0 729 699 667 + 1926 0 2552 2568 2569 + 1927 0 385 368 420 + 1928 0 2308 2343 2324 + 1929 0 841 805 817 + 1930 0 2324 2343 2359 + 1931 0 2308 2324 2288 + 1932 0 817 805 781 + 1933 0 2359 2343 2375 + 1934 0 2288 2324 2309 + 1935 0 781 805 773 + 1936 0 2309 2324 2344 + 1937 0 2288 2309 2275 + 1938 0 2344 2324 2359 + 1939 0 2309 2344 2325 + 1940 0 2275 2309 2291 + 1941 0 2344 2359 2376 + 1942 0 2325 2344 2362 + 1943 0 2291 2309 2325 + 1944 0 2376 2359 2394 + 1945 0 2362 2344 2376 + 1946 0 2394 2359 2375 + 1947 0 2376 2394 2413 + 1948 0 2394 2375 2412 + 1949 0 2413 2394 2429 + 1950 0 2394 2412 2429 + 1951 0 2413 2429 2448 + 1952 0 2429 2412 2447 + 1953 0 2448 2429 2464 + 1954 0 2413 2448 2431 + 1955 0 2429 2447 2464 + 1956 0 2431 2448 2473 + 1957 0 2464 2447 2480 + 1958 0 2473 2448 2481 + 1959 0 2431 2473 2449 + 1960 0 2481 2448 2464 + 1961 0 2473 2511 2512 + 1962 0 2449 2473 2485 + 1963 0 2481 2464 2509 + 1964 0 2485 2473 2512 + 1965 0 2449 2485 2468 + 1966 0 2468 2485 2514 + 1967 0 2449 2468 2433 + 1968 0 2433 2468 2452 + 1969 0 2449 2433 2416 + 1970 0 2452 2468 2486 + 1971 0 2433 2452 2418 + 1972 0 2416 2433 2398 + 1973 0 2486 2468 2514 + 1974 0 2418 2452 2438 + 1975 0 2398 2433 2418 + 1976 0 2438 2452 2469 + 1977 0 2418 2438 2403 + 1978 0 2469 2452 2486 + 1979 0 2438 2469 2456 + 1980 0 2403 2438 2424 + 1981 0 2469 2486 2518 + 1982 0 2456 2469 2490 + 1983 0 2424 2438 2456 + 1984 0 2490 2469 2518 + 1985 0 2456 2490 2482 + 1986 0 2482 2490 2523 + 1987 0 2456 2482 2442 + 1988 0 2442 2482 2467 + 1989 0 2456 2442 2424 + 1990 0 2467 2482 2499 + 1991 0 2442 2467 2437 + 1992 0 2424 2442 2410 + 1993 0 2467 2499 2500 + 1994 0 2437 2467 2466 + 1995 0 2410 2442 2437 + 1996 0 2410 2437 2402 + 1997 0 2402 2437 2435 + 1998 0 2410 2402 2372 + 1999 0 2372 2402 2367 + 2000 0 2410 2372 2390 + 2001 0 2367 2402 2400 + 2002 0 2390 2372 2353 + 2003 0 2410 2390 2424 + 2004 0 2353 2372 2339 + 2005 0 2390 2353 2369 + 2006 0 2424 2390 2403 + 2007 0 2339 2372 2367 + 2008 0 2369 2353 2335 + 2009 0 2403 2390 2369 + 2010 0 2339 2367 2332 + 2011 0 2335 2353 2319 + 2012 0 2332 2367 2365 + 2013 0 2339 2332 2305 + 2014 0 2319 2353 2339 + 2015 0 2305 2332 2299 + 2016 0 2339 2305 2319 + 2017 0 2299 2332 2331 + 2018 0 2319 2305 2284 + 2019 0 2284 2305 2270 + 2020 0 2319 2284 2300 + 2021 0 2270 2305 2299 + 2022 0 2284 2270 2250 + 2023 0 2300 2284 2266 + 2024 0 2250 2270 2234 + 2025 0 2284 2250 2266 + 2026 0 2234 2270 2265 + 2027 0 2266 2250 2231 + 2028 0 2265 2270 2299 + 2029 0 2234 2265 2230 + 2030 0 2231 2250 2216 + 2031 0 2265 2299 2298 + 2032 0 2230 2265 2262 + 2033 0 2216 2250 2234 + 2034 0 2216 2234 2200 + 2035 0 2200 2234 2230 + 2036 0 2216 2200 2179 + 2037 0 2179 2200 2165 + 2038 0 2216 2179 2195 + 2039 0 2165 2200 2194 + 2040 0 2195 2179 2160 + 2041 0 2216 2195 2231 + 2042 0 2194 2200 2230 + 2043 0 2160 2179 2145 + 2044 0 2231 2195 2211 + 2045 0 2194 2230 2228 + 2046 0 2145 2179 2165 + 2047 0 2211 2195 2175 + 2048 0 2145 2165 2129 + 2049 0 2175 2195 2160 + 2050 0 2211 2175 2189 + 2051 0 2129 2165 2159 + 2052 0 2175 2160 2140 + 2053 0 2189 2175 2154 + 2054 0 2159 2165 2194 + 2055 0 2140 2160 2125 + 2056 0 2154 2175 2140 + 2057 0 2159 2194 2193 + 2058 0 2125 2160 2145 + 2059 0 2154 2140 2119 + 2060 0 2125 2145 2109 + 2061 0 2119 2140 2105 + 2062 0 2154 2119 2137 + 2063 0 2109 2145 2129 + 2064 0 2105 2140 2125 + 2065 0 2137 2119 2102 + 2066 0 2109 2129 2094 + 2067 0 2105 2125 2090 + 2068 0 2102 2119 2085 + 2069 0 2094 2129 2126 + 2070 0 2090 2125 2109 + 2071 0 2085 2119 2105 + 2072 0 2126 2129 2159 + 2073 0 2090 2109 2073 + 2074 0 2085 2105 2070 + 2075 0 2126 2159 2158 + 2076 0 2073 2109 2094 + 2077 0 2070 2105 2090 + 2078 0 2073 2094 2060 + 2079 0 2070 2090 2056 + 2080 0 2060 2094 2091 + 2081 0 2056 2090 2073 + 2082 0 2091 2094 2126 + 2083 0 2060 2091 2047 + 2084 0 2091 2126 2123 + 2085 0 2047 2091 2089 + 2086 0 1162 1200 1181 + 2087 0 1181 1200 1217 + 2088 0 1162 1181 1143 + 2089 0 1217 1200 1239 + 2090 0 1181 1217 1203 + 2091 0 1143 1181 1163 + 2092 0 1203 1217 1240 + 2093 0 1181 1203 1163 + 2094 0 1240 1217 1257 + 2095 0 1163 1203 1184 + 2096 0 1257 1217 1239 + 2097 0 1240 1257 1276 + 2098 0 1184 1203 1219 + 2099 0 1257 1239 1274 + 2100 0 1276 1257 1295 + 2101 0 1219 1203 1240 + 2102 0 1295 1257 1274 + 2103 0 1276 1295 1311 + 2104 0 1295 1274 1310 + 2105 0 1311 1295 1331 + 2106 0 1295 1310 1331 + 2107 0 1331 1310 1345 + 2108 0 1331 1345 1368 + 2109 0 1368 1345 1385 + 2110 0 1331 1368 1348 + 2111 0 1368 1385 1404 + 2112 0 1348 1368 1388 + 2113 0 1331 1348 1311 + 2114 0 1404 1385 1423 + 2115 0 1388 1368 1404 + 2116 0 1311 1348 1334 + 2117 0 1334 1348 1370 + 2118 0 1311 1334 1297 + 2119 0 1370 1348 1388 + 2120 0 1297 1334 1317 + 2121 0 1311 1297 1276 + 2122 0 1370 1388 1406 + 2123 0 1317 1334 1355 + 2124 0 1276 1297 1260 + 2125 0 1370 1406 1393 + 2126 0 1355 1334 1370 + 2127 0 1260 1297 1279 + 2128 0 1393 1406 1429 + 2129 0 1355 1370 1393 + 2130 0 1279 1297 1317 + 2131 0 1429 1406 1440 + 2132 0 1279 1317 1302 + 2133 0 1440 1406 1425 + 2134 0 1302 1317 1337 + 2135 0 1279 1302 1263 + 2136 0 1425 1406 1388 + 2137 0 1337 1317 1355 + 2138 0 1263 1302 1283 + 2139 0 1425 1388 1404 + 2140 0 1337 1355 1374 + 2141 0 1283 1302 1324 + 2142 0 1374 1355 1393 + 2143 0 1337 1374 1360 + 2144 0 1324 1302 1337 + 2145 0 1374 1393 1408 + 2146 0 1360 1374 1395 + 2147 0 1324 1337 1360 + 2148 0 1408 1393 1429 + 2149 0 1395 1374 1408 + 2150 0 1408 1429 1448 + 2151 0 1395 1408 1432 + 2152 0 1448 1429 1464 + 2153 0 1408 1448 1432 + 2154 0 1464 1429 1440 + 2155 0 1432 1448 1467 + 2156 0 1464 1440 1478 + 2157 0 1467 1448 1486 + 2158 0 1432 1467 1455 + 2159 0 1478 1440 1462 + 2160 0 1486 1448 1464 + 2161 0 1455 1467 1492 + 2162 0 1462 1440 1425 + 2163 0 1486 1464 1499 + 2164 0 1492 1467 1501 + 2165 0 1462 1425 1439 + 2166 0 1499 1464 1478 + 2167 0 1501 1467 1486 + 2168 0 1439 1425 1404 + 2169 0 1501 1486 1522 + 2170 0 1439 1404 1423 + 2171 0 1522 1486 1499 + 2172 0 1439 1423 1458 + 2173 0 1522 1499 1533 + 2174 0 1439 1458 1473 + 2175 0 1533 1499 1518 + 2176 0 1473 1458 1495 + 2177 0 1518 1499 1478 + 2178 0 1473 1495 1514 + 2179 0 1518 1478 1496 + 2180 0 1514 1495 1529 + 2181 0 1473 1514 1496 + 2182 0 1496 1478 1462 + 2183 0 1514 1529 1552 + 2184 0 1496 1514 1531 + 2185 0 1496 1462 1473 + 2186 0 1552 1529 1564 + 2187 0 1531 1514 1552 + 2188 0 1473 1462 1439 + 2189 0 1986 1951 1964 + 2190 0 1964 1951 1930 + 2191 0 1986 1964 1998 + 2192 0 1930 1951 1917 + 2193 0 1964 1930 1934 + 2194 0 1998 1964 1976 + 2195 0 1930 1917 1896 + 2196 0 1934 1930 1903 + 2197 0 1976 1964 1934 + 2198 0 1896 1917 1881 + 2199 0 1903 1930 1896 + 2200 0 1896 1881 1860 + 2201 0 1903 1896 1871 + 2202 0 1860 1881 1844 + 2203 0 1871 1896 1860 + 2204 0 1860 1844 1824 + 2205 0 1871 1860 1836 + 2206 0 1824 1844 1810 + 2207 0 1836 1860 1824 + 2208 0 1824 1810 1788 + 2209 0 1836 1824 1802 + 2210 0 1788 1810 1775 + 2211 0 1802 1824 1788 + 2212 0 1788 1775 1751 + 2213 0 1802 1788 1768 + 2214 0 1751 1775 1741 + 2215 0 1768 1788 1751 + 2216 0 1751 1741 1717 + 2217 0 1768 1751 1733 + 2218 0 1717 1741 1707 + 2219 0 1733 1751 1717 + 2220 0 1717 1707 1684 + 2221 0 1733 1717 1688 + 2222 0 1684 1707 1673 + 2223 0 1688 1717 1684 + 2224 0 1684 1673 1649 + 2225 0 1688 1684 1658 + 2226 0 1649 1673 1636 + 2227 0 1684 1649 1658 + 2228 0 1649 1636 1614 + 2229 0 1658 1649 1625 + 2230 0 1614 1636 1596 + 2231 0 1649 1614 1625 + 2232 0 1614 1596 1580 + 2233 0 1625 1614 1593 + 2234 0 1580 1596 1562 + 2235 0 1614 1580 1593 + 2236 0 1580 1562 1543 + 2237 0 1593 1580 1556 + 2238 0 1543 1562 1528 + 2239 0 1580 1543 1556 + 2240 0 1543 1528 1503 + 2241 0 1556 1543 1521 + 2242 0 1503 1528 1494 + 2243 0 1543 1503 1521 + 2244 0 1503 1494 1469 + 2245 0 1521 1503 1485 + 2246 0 1469 1494 1460 + 2247 0 1503 1469 1485 + 2248 0 1469 1460 1434 + 2249 0 1485 1469 1449 + 2250 0 1434 1460 1426 + 2251 0 1469 1434 1449 + 2252 0 1434 1426 1399 + 2253 0 1449 1434 1409 + 2254 0 1399 1426 1389 + 2255 0 1434 1399 1409 + 2256 0 1399 1389 1364 + 2257 0 1409 1399 1375 + 2258 0 1364 1389 1353 + 2259 0 1399 1364 1375 + 2260 0 1364 1353 1327 + 2261 0 1375 1364 1340 + 2262 0 1327 1353 1316 + 2263 0 1364 1327 1340 + 2264 0 1327 1316 1292 + 2265 0 1340 1327 1303 + 2266 0 1292 1316 1278 + 2267 0 1327 1292 1303 + 2268 0 1292 1278 1253 + 2269 0 1303 1292 1269 + 2270 0 1253 1278 1244 + 2271 0 1292 1253 1269 + 2272 0 1253 1244 1216 + 2273 0 1269 1253 1226 + 2274 0 1216 1244 1209 + 2275 0 1253 1216 1226 + 2276 0 1216 1209 1179 + 2277 0 1226 1216 1185 + 2278 0 1179 1209 1171 + 2279 0 1216 1179 1185 + 2280 0 1179 1171 1144 + 2281 0 1185 1179 1153 + 2282 0 1144 1171 1134 + 2283 0 1179 1144 1153 + 2284 0 1144 1134 1109 + 2285 0 1153 1144 1117 + 2286 0 1109 1134 1094 + 2287 0 1144 1109 1117 + 2288 0 1117 1109 1083 + 2289 0 1083 1109 1071 + 2290 0 1117 1083 1100 + 2291 0 1071 1109 1094 + 2292 0 1083 1071 1047 + 2293 0 1100 1083 1057 + 2294 0 1071 1094 1058 + 2295 0 1047 1071 1032 + 2296 0 1057 1083 1047 + 2297 0 1071 1058 1032 + 2298 0 1057 1047 1020 + 2299 0 1032 1058 1021 + 2300 0 1020 1047 1010 + 2301 0 1057 1020 1035 + 2302 0 1032 1021 994 + 2303 0 1010 1047 1032 + 2304 0 1035 1020 991 + 2305 0 994 1021 985 + 2306 0 991 1020 983 + 2307 0 1035 991 1016 + 2308 0 983 1020 1010 + 2309 0 991 983 955 + 2310 0 1016 991 972 + 2311 0 983 1010 971 + 2312 0 955 983 944 + 2313 0 972 991 955 + 2314 0 971 1010 994 + 2315 0 944 983 971 + 2316 0 972 955 927 + 2317 0 994 1010 1032 + 2318 0 927 955 918 + 2319 0 972 927 950 + 2320 0 918 955 944 + 2321 0 927 918 890 + 2322 0 950 927 910 + 2323 0 890 918 882 + 2324 0 927 890 910 + 2325 0 882 918 908 + 2326 0 910 890 872 + 2327 0 908 918 944 + 2328 0 882 908 869 + 2329 0 872 890 857 + 2330 0 910 872 888 + 2331 0 869 908 892 + 2332 0 882 869 848 + 2333 0 857 890 882 + 2334 0 888 872 851 + 2335 0 892 908 928 + 2336 0 848 869 834 + 2337 0 851 872 835 + 2338 0 888 851 870 + 2339 0 928 908 944 + 2340 0 834 869 860 + 2341 0 835 872 857 + 2342 0 870 851 831 + 2343 0 860 869 892 + 2344 0 834 860 826 + 2345 0 831 851 816 + 2346 0 870 831 850 + 2347 0 826 860 852 + 2348 0 834 826 799 + 2349 0 816 851 835 + 2350 0 850 831 806 + 2351 0 852 860 883 + 2352 0 799 826 793 + 2353 0 806 831 795 + 2354 0 850 806 827 + 2355 0 883 860 892 + 2356 0 793 826 817 + 2357 0 795 831 816 + 2358 0 827 806 777 + 2359 0 817 826 852 + 2360 0 793 817 781 + 2361 0 777 806 770 + 2362 0 827 777 789 + 2363 0 793 781 756 + 2364 0 770 806 795 + 2365 0 756 781 745 + 2366 0 793 756 767 + 2367 0 770 795 758 + 2368 0 745 781 773 + 2369 0 767 756 728 + 2370 0 793 767 799 + 2371 0 758 795 775 + 2372 0 745 773 738 + 2373 0 728 756 718 + 2374 0 799 767 774 + 2375 0 758 775 740 + 2376 0 718 756 745 + 2377 0 728 718 689 + 2378 0 774 767 739 + 2379 0 740 775 766 + 2380 0 718 745 707 + 2381 0 689 718 678 + 2382 0 739 767 728 + 2383 0 766 775 800 + 2384 0 707 745 738 + 2385 0 678 718 707 + 2386 0 739 728 694 + 2387 0 800 775 816 + 2388 0 707 738 697 + 2389 0 694 728 689 + 2390 0 739 694 714 + 2391 0 816 775 795 + 2392 0 707 697 664 + 2393 0 714 694 670 + 2394 0 739 714 753 + 2395 0 664 697 658 + 2396 0 707 664 678 + 2397 0 670 694 654 + 2398 0 753 714 726 + 2399 0 664 658 625 + 2400 0 678 664 630 + 2401 0 654 694 689 + 2402 0 726 714 686 + 2403 0 625 658 619 + 2404 0 630 664 625 + 2405 0 686 714 670 + 2406 0 726 686 698 + 2407 0 630 625 592 + 2408 0 698 686 656 + 2409 0 726 698 740 + 2410 0 592 625 587 + 2411 0 656 686 641 + 2412 0 698 656 675 + 2413 0 740 698 719 + 2414 0 587 625 619 + 2415 0 641 686 670 + 2416 0 675 656 627 + 2417 0 719 698 675 + 2418 0 587 619 581 + 2419 0 627 656 614 + 2420 0 675 627 650 + 2421 0 719 675 693 + 2422 0 587 581 545 + 2423 0 614 656 641 + 2424 0 650 627 608 + 2425 0 693 675 650 + 2426 0 545 581 541 + 2427 0 608 627 589 + 2428 0 650 608 620 + 2429 0 693 650 671 + 2430 0 545 541 504 + 2431 0 589 627 614 + 2432 0 620 608 585 + 2433 0 671 650 620 + 2434 0 504 541 499 + 2435 0 585 608 564 + 2436 0 620 585 583 + 2437 0 504 499 466 + 2438 0 564 608 589 + 2439 0 466 499 456 + 2440 0 504 466 472 + 2441 0 564 589 546 + 2442 0 472 466 433 + 2443 0 504 472 512 + 2444 0 546 589 572 + 2445 0 433 466 422 + 2446 0 472 433 439 + 2447 0 512 472 480 + 2448 0 572 589 614 + 2449 0 422 466 456 + 2450 0 439 433 397 + 2451 0 480 472 439 + 2452 0 422 456 420 + 2453 0 397 433 394 + 2454 0 439 397 407 + 2455 0 480 439 446 + 2456 0 422 420 368 + 2457 0 394 433 422 + 2458 0 407 397 371 + 2459 0 446 439 407 + 2460 0 394 422 368 + 2461 0 371 397 341 + 2462 0 407 371 376 + 2463 0 446 407 416 + 2464 0 376 371 332 + 2465 0 407 376 416 + 2466 0 446 416 458 + 2467 0 416 376 391 + 2468 0 458 416 432 + 2469 0 446 458 488 + 2470 0 391 376 354 + 2471 0 416 391 432 + 2472 0 488 458 500 + 2473 0 354 376 332 + 2474 0 432 391 403 + 2475 0 500 458 474 + 2476 0 488 500 531 + 2477 0 403 391 366 + 2478 0 432 403 442 + 2479 0 474 458 432 + 2480 0 531 500 544 + 2481 0 366 391 354 + 2482 0 442 403 417 + 2483 0 544 500 516 + 2484 0 531 544 573 + 2485 0 366 354 316 + 2486 0 417 403 378 + 2487 0 516 500 474 + 2488 0 573 544 588 + 2489 0 378 403 366 + 2490 0 417 378 395 + 2491 0 588 544 557 + 2492 0 573 588 613 + 2493 0 395 378 352 + 2494 0 417 395 436 + 2495 0 557 544 516 + 2496 0 613 588 626 + 2497 0 352 378 343 + 2498 0 436 395 412 + 2499 0 626 588 598 + 2500 0 613 626 654 + 2501 0 343 378 366 + 2502 0 412 395 374 + 2503 0 598 588 557 + 2504 0 654 626 670 + 2505 0 374 395 352 + 2506 0 412 374 408 + 2507 0 670 626 641 + 2508 0 374 352 339 + 2509 0 641 626 598 + 2510 0 339 352 309 + 2511 0 374 339 372 + 2512 0 2085 2070 2049 + 2513 0 2049 2070 2035 + 2514 0 2085 2049 2067 + 2515 0 2035 2070 2056 + 2516 0 2049 2035 2015 + 2517 0 2067 2049 2031 + 2518 0 2085 2067 2102 + 2519 0 2015 2035 2000 + 2520 0 2049 2015 2031 + 2521 0 2102 2067 2081 + 2522 0 2000 2035 2022 + 2523 0 2031 2015 1996 + 2524 0 2081 2067 2048 + 2525 0 2102 2081 2117 + 2526 0 2022 2035 2056 + 2527 0 1996 2015 1980 + 2528 0 2048 2067 2031 + 2529 0 2117 2081 2099 + 2530 0 2022 2056 2038 + 2531 0 1980 2015 2000 + 2532 0 2048 2031 2012 + 2533 0 2099 2081 2062 + 2534 0 2038 2056 2073 + 2535 0 2012 2031 1996 + 2536 0 2048 2012 2028 + 2537 0 2062 2081 2048 + 2538 0 2038 2073 2060 + 2539 0 2012 1996 1977 + 2540 0 2028 2012 1994 + 2541 0 2062 2048 2028 + 2542 0 2038 2060 2023 + 2543 0 1977 1996 1962 + 2544 0 1994 2012 1977 + 2545 0 2062 2028 2044 + 2546 0 2023 2060 2047 + 2547 0 1962 1996 1980 + 2548 0 1994 1977 1960 + 2549 0 2044 2028 2009 + 2550 0 2023 2047 1998 + 2551 0 1960 1977 1939 + 2552 0 1994 1960 1973 + 2553 0 2009 2028 1994 + 2554 0 1939 1977 1962 + 2555 0 1960 1939 1923 + 2556 0 1973 1960 1937 + 2557 0 1939 1962 1926 + 2558 0 1923 1939 1904 + 2559 0 1937 1960 1923 + 2560 0 1973 1937 1958 + 2561 0 1926 1962 1945 + 2562 0 1904 1939 1926 + 2563 0 1958 1937 1922 + 2564 0 1973 1958 1993 + 2565 0 1945 1962 1980 + 2566 0 1904 1926 1890 + 2567 0 1922 1937 1902 + 2568 0 1973 1993 2009 + 2569 0 1890 1926 1908 + 2570 0 1904 1890 1870 + 2571 0 1902 1937 1923 + 2572 0 2009 1993 2027 + 2573 0 1908 1926 1945 + 2574 0 1870 1890 1855 + 2575 0 2009 2027 2044 + 2576 0 1855 1890 1874 + 2577 0 1870 1855 1835 + 2578 0 2044 2027 2061 + 2579 0 1855 1874 1839 + 2580 0 1835 1855 1819 + 2581 0 2044 2061 2080 + 2582 0 1839 1874 1862 + 2583 0 1855 1839 1819 + 2584 0 2080 2061 2096 + 2585 0 1862 1874 1897 + 2586 0 1819 1839 1805 + 2587 0 2080 2096 2115 + 2588 0 1897 1874 1908 + 2589 0 1805 1839 1825 + 2590 0 2115 2096 2132 + 2591 0 1897 1908 1931 + 2592 0 1825 1839 1862 + 2593 0 1931 1908 1945 + 2594 0 1897 1931 1915 + 2595 0 1931 1945 1966 + 2596 0 1915 1931 1952 + 2597 0 1897 1915 1879 + 2598 0 1966 1945 1980 + 2599 0 1952 1931 1966 + 2600 0 1879 1915 1905 + 2601 0 1966 1980 2000 + 2602 0 1905 1915 1940 + 2603 0 1879 1905 1872 + 2604 0 1940 1915 1952 + 2605 0 1905 1940 1934 + 2606 0 1872 1905 1903 + 2607 0 1940 1952 1968 + 2608 0 1968 1952 1987 + 2609 0 1940 1968 1976 + 2610 0 1987 1952 1966 + 2611 0 1968 1987 2004 + 2612 0 1987 1966 2000 + 2613 0 2004 1987 2022 + 2614 0 1968 2004 1976 + 2615 0 2022 1987 2000 + 2616 0 2004 2022 2038 + 2617 0 2004 2038 2023 + 2618 0 2004 2023 1976 + 2619 0 1819 1805 1782 + 2620 0 1782 1805 1770 + 2621 0 1819 1782 1801 + 2622 0 1770 1805 1790 + 2623 0 1801 1782 1766 + 2624 0 1790 1805 1825 + 2625 0 1766 1782 1748 + 2626 0 1790 1825 1808 + 2627 0 1748 1782 1770 + 2628 0 1808 1825 1842 + 2629 0 1790 1808 1774 + 2630 0 1842 1825 1862 + 2631 0 1808 1842 1838 + 2632 0 1774 1808 1803 + 2633 0 1838 1842 1872 + 2634 0 1808 1838 1803 + 2635 0 1872 1842 1879 + 2636 0 1803 1838 1836 + 2637 0 1879 1842 1862 + 2638 0 1879 1862 1897 + 2639 0 1908 1874 1890 + 2640 0 1748 1770 1737 + 2641 0 1737 1770 1752 + 2642 0 1748 1737 1714 + 2643 0 1752 1770 1790 + 2644 0 1714 1737 1702 + 2645 0 1748 1714 1730 + 2646 0 1752 1790 1774 + 2647 0 1702 1737 1718 + 2648 0 1714 1702 1680 + 2649 0 1730 1714 1691 + 2650 0 1752 1774 1740 + 2651 0 1718 1737 1752 + 2652 0 1691 1714 1680 + 2653 0 1752 1740 1718 + 2654 0 1691 1680 1655 + 2655 0 1718 1740 1706 + 2656 0 1655 1680 1645 + 2657 0 1706 1740 1735 + 2658 0 1645 1680 1661 + 2659 0 1655 1645 1622 + 2660 0 1735 1740 1769 + 2661 0 1661 1680 1702 + 2662 0 1622 1645 1610 + 2663 0 1769 1740 1774 + 2664 0 1610 1645 1626 + 2665 0 1622 1610 1587 + 2666 0 1626 1645 1661 + 2667 0 1610 1626 1591 + 2668 0 1587 1610 1569 + 2669 0 1591 1626 1613 + 2670 0 1610 1591 1569 + 2671 0 1613 1626 1647 + 2672 0 1569 1591 1558 + 2673 0 1647 1626 1661 + 2674 0 1613 1647 1629 + 2675 0 1558 1591 1578 + 2676 0 1629 1647 1670 + 2677 0 1613 1629 1594 + 2678 0 1578 1591 1613 + 2679 0 1670 1647 1682 + 2680 0 1594 1629 1619 + 2681 0 1578 1613 1594 + 2682 0 1682 1647 1661 + 2683 0 1619 1629 1660 + 2684 0 1682 1661 1702 + 2685 0 1660 1629 1670 + 2686 0 1682 1702 1718 + 2687 0 1660 1670 1700 + 2688 0 1682 1718 1706 + 2689 0 1700 1670 1706 + 2690 0 1682 1706 1670 + 2691 0 1769 1774 1803 + 2692 0 1769 1803 1802 + 2693 0 1660 1700 1688 + 2694 0 1162 1143 1122 + 2695 0 1122 1143 1107 + 2696 0 1107 1143 1126 + 2697 0 1122 1107 1086 + 2698 0 1126 1143 1163 + 2699 0 1107 1126 1087 + 2700 0 1086 1107 1067 + 2701 0 1126 1163 1148 + 2702 0 1087 1126 1110 + 2703 0 1067 1107 1087 + 2704 0 1086 1067 1049 + 2705 0 1148 1163 1184 + 2706 0 1110 1126 1148 + 2707 0 1067 1087 1050 + 2708 0 1049 1067 1026 + 2709 0 1110 1148 1129 + 2710 0 1050 1087 1072 + 2711 0 1026 1067 1050 + 2712 0 1049 1026 1012 + 2713 0 1129 1148 1168 + 2714 0 1072 1087 1110 + 2715 0 1012 1026 989 + 2716 0 1168 1148 1184 + 2717 0 1129 1168 1151 + 2718 0 1072 1110 1091 + 2719 0 989 1026 1013 + 2720 0 1168 1184 1207 + 2721 0 1151 1168 1189 + 2722 0 1013 1026 1050 + 2723 0 1168 1207 1189 + 2724 0 1013 1050 1031 + 2725 0 1189 1207 1227 + 2726 0 1031 1050 1072 + 2727 0 1013 1031 992 + 2728 0 1227 1207 1243 + 2729 0 992 1031 1018 + 2730 0 1013 992 976 + 2731 0 1243 1207 1219 + 2732 0 1018 1031 1055 + 2733 0 976 992 956 + 2734 0 1219 1207 1184 + 2735 0 1055 1031 1072 + 2736 0 956 992 974 + 2737 0 1055 1072 1091 + 2738 0 974 992 1018 + 2739 0 1055 1091 1078 + 2740 0 974 1018 990 + 2741 0 1078 1091 1113 + 2742 0 1055 1078 1041 + 2743 0 990 1018 1041 + 2744 0 1113 1091 1129 + 2745 0 1041 1078 1056 + 2746 0 1041 1018 1055 + 2747 0 1129 1091 1110 + 2748 0 1056 1078 1099 + 2749 0 1099 1078 1113 + 2750 0 1056 1099 1079 + 2751 0 1099 1113 1137 + 2752 0 1079 1099 1118 + 2753 0 1137 1113 1151 + 2754 0 1118 1099 1137 + 2755 0 1151 1113 1129 + 2756 0 1118 1137 1159 + 2757 0 1159 1137 1174 + 2758 0 1118 1159 1147 + 2759 0 1174 1137 1151 + 2760 0 1159 1174 1197 + 2761 0 1147 1159 1183 + 2762 0 1174 1151 1189 + 2763 0 1197 1174 1212 + 2764 0 1183 1159 1197 + 2765 0 1174 1189 1212 + 2766 0 1183 1197 1218 + 2767 0 1212 1189 1227 + 2768 0 1218 1197 1235 + 2769 0 1183 1218 1226 + 2770 0 1212 1227 1247 + 2771 0 1235 1197 1212 + 2772 0 1247 1227 1263 + 2773 0 1212 1247 1235 + 2774 0 1263 1227 1243 + 2775 0 1247 1263 1283 + 2776 0 1235 1247 1272 + 2777 0 1263 1243 1279 + 2778 0 1272 1247 1283 + 2779 0 1235 1272 1249 + 2780 0 1279 1243 1260 + 2781 0 1249 1272 1289 + 2782 0 1260 1243 1219 + 2783 0 1289 1272 1307 + 2784 0 1260 1219 1240 + 2785 0 1307 1272 1283 + 2786 0 1260 1240 1276 + 2787 0 956 974 926 + 2788 0 926 974 950 + 2789 0 956 926 911 + 2790 0 911 926 888 + 2791 0 956 911 935 + 2792 0 935 911 895 + 2793 0 956 935 976 + 2794 0 895 911 870 + 2795 0 976 935 951 + 2796 0 951 935 915 + 2797 0 976 951 989 + 2798 0 915 935 895 + 2799 0 989 951 973 + 2800 0 973 951 932 + 2801 0 989 973 1012 + 2802 0 932 951 915 + 2803 0 932 915 893 + 2804 0 893 915 874 + 2805 0 874 915 895 + 2806 0 893 874 858 + 2807 0 874 895 850 + 2808 0 858 874 827 + 2809 0 1056 1079 1035 + 2810 0 1934 1903 1905 + 2811 0 545 504 512 + 2812 0 545 512 552 + 2813 0 552 512 518 + 2814 0 545 552 587 + 2815 0 518 512 480 + 2816 0 587 552 592 + 2817 0 518 480 488 + 2818 0 592 552 560 + 2819 0 488 480 446 + 2820 0 518 488 531 + 2821 0 560 552 518 + 2822 0 518 531 560 + 2823 0 560 531 573 + 2824 0 560 573 603 + 2825 0 603 573 613 + 2826 0 560 603 592 + 2827 0 603 613 646 + 2828 0 592 603 630 + 2829 0 646 613 654 + 2830 0 630 603 646 + 2831 0 646 654 689 + 2832 0 630 646 678 + 2833 0 646 689 678 + 2834 0 1819 1801 1835 + 2835 0 1835 1801 1814 + 2836 0 1814 1801 1780 + 2837 0 1835 1814 1853 + 2838 0 1780 1801 1766 + 2839 0 1814 1780 1799 + 2840 0 1853 1814 1833 + 2841 0 1780 1766 1747 + 2842 0 1814 1799 1833 + 2843 0 1747 1766 1730 + 2844 0 1833 1799 1813 + 2845 0 1730 1766 1748 + 2846 0 1747 1730 1713 + 2847 0 1813 1799 1779 + 2848 0 1833 1813 1850 + 2849 0 1713 1730 1691 + 2850 0 1747 1713 1727 + 2851 0 1779 1799 1762 + 2852 0 1833 1850 1869 + 2853 0 1713 1691 1678 + 2854 0 1727 1713 1689 + 2855 0 1762 1799 1780 + 2856 0 1869 1850 1887 + 2857 0 1678 1691 1655 + 2858 0 1689 1713 1678 + 2859 0 1762 1780 1747 + 2860 0 1869 1887 1902 + 2861 0 1678 1655 1643 + 2862 0 1689 1678 1653 + 2863 0 1902 1887 1922 + 2864 0 1869 1902 1888 + 2865 0 1643 1655 1622 + 2866 0 1653 1678 1643 + 2867 0 1888 1902 1923 + 2868 0 1869 1888 1853 + 2869 0 1653 1643 1620 + 2870 0 1853 1888 1870 + 2871 0 1869 1853 1833 + 2872 0 1620 1643 1605 + 2873 0 1870 1888 1904 + 2874 0 1853 1870 1835 + 2875 0 1605 1643 1622 + 2876 0 1904 1888 1923 + 2877 0 1605 1622 1587 + 2878 0 1605 1587 1566 + 2879 0 1566 1587 1553 + 2880 0 1605 1566 1586 + 2881 0 1553 1587 1569 + 2882 0 1566 1553 1531 + 2883 0 1586 1566 1552 + 2884 0 1553 1569 1533 + 2885 0 1531 1553 1518 + 2886 0 1566 1531 1552 + 2887 0 1533 1569 1558 + 2888 0 1518 1553 1533 + 2889 0 1533 1558 1522 + 2890 0 1522 1558 1537 + 2891 0 1537 1558 1578 + 2892 0 1522 1537 1501 + 2893 0 1537 1578 1560 + 2894 0 1501 1537 1526 + 2895 0 1560 1578 1594 + 2896 0 1526 1537 1560 + 2897 0 1501 1526 1492 + 2898 0 1526 1560 1550 + 2899 0 1492 1526 1513 + 2900 0 1550 1560 1585 + 2901 0 1526 1550 1513 + 2902 0 1585 1560 1594 + 2903 0 1513 1550 1521 + 2904 0 1585 1594 1619 + 2905 0 1585 1619 1593 + 2906 0 1727 1689 1711 + 2907 0 1711 1689 1677 + 2908 0 1727 1711 1744 + 2909 0 1677 1689 1653 + 2910 0 1727 1744 1762 + 2911 0 1677 1653 1642 + 2912 0 1762 1744 1779 + 2913 0 1727 1762 1747 + 2914 0 1642 1653 1620 + 2915 0 1642 1620 1603 + 2916 0 1603 1620 1586 + 2917 0 1586 1620 1605 + 2918 0 1603 1586 1564 + 2919 0 1564 1586 1552 + 2920 0 539 583 585 + 2921 0 2275 2291 2255 + 2922 0 2255 2291 2278 + 2923 0 2275 2255 2241 + 2924 0 2278 2291 2312 + 2925 0 2255 2278 2243 + 2926 0 2275 2241 2254 + 2927 0 2278 2312 2294 + 2928 0 2243 2278 2261 + 2929 0 2254 2241 2219 + 2930 0 2294 2312 2330 + 2931 0 2261 2278 2294 + 2932 0 2243 2261 2226 + 2933 0 2219 2241 2206 + 2934 0 2330 2312 2346 + 2935 0 2226 2261 2245 + 2936 0 2243 2226 2208 + 2937 0 2206 2241 2220 + 2938 0 2346 2312 2325 + 2939 0 2245 2261 2279 + 2940 0 2208 2226 2189 + 2941 0 2220 2241 2255 + 2942 0 2325 2312 2291 + 2943 0 2279 2261 2294 + 2944 0 2189 2226 2211 + 2945 0 2220 2255 2243 + 2946 0 2279 2294 2313 + 2947 0 2211 2226 2245 + 2948 0 2313 2294 2330 + 2949 0 2279 2313 2300 + 2950 0 2211 2245 2231 + 2951 0 2313 2330 2347 + 2952 0 2300 2313 2335 + 2953 0 2231 2245 2266 + 2954 0 2347 2330 2364 + 2955 0 2313 2347 2335 + 2956 0 2266 2245 2279 + 2957 0 2364 2330 2346 + 2958 0 2335 2347 2369 + 2959 0 2266 2279 2300 + 2960 0 2364 2346 2379 + 2961 0 2369 2347 2384 + 2962 0 2379 2346 2362 + 2963 0 2364 2379 2398 + 2964 0 2384 2347 2364 + 2965 0 2362 2346 2325 + 2966 0 2398 2379 2416 + 2967 0 2364 2398 2384 + 2968 0 2416 2379 2397 + 2969 0 2384 2398 2418 + 2970 0 2397 2379 2362 + 2971 0 2416 2397 2431 + 2972 0 2384 2418 2403 + 2973 0 2431 2397 2413 + 2974 0 2416 2431 2449 + 2975 0 2384 2403 2369 + 2976 0 2413 2397 2376 + 2977 0 2376 2397 2362 + 2978 0 2208 2189 2174 + 2979 0 2174 2189 2154 + 2980 0 2208 2174 2187 + 2981 0 2174 2154 2137 + 2982 0 2187 2174 2152 + 2983 0 2174 2137 2152 + 2984 0 2187 2152 2170 + 2985 0 2152 2137 2117 + 2986 0 2170 2152 2135 + 2987 0 2187 2170 2206 + 2988 0 2117 2137 2102 + 2989 0 2135 2152 2117 + 2990 0 2206 2170 2185 + 2991 0 2135 2117 2099 + 2992 0 2185 2170 2151 + 2993 0 2151 2170 2135 + 2994 0 2185 2151 2169 + 2995 0 2151 2135 2115 + 2996 0 2169 2151 2132 + 2997 0 2185 2169 2204 + 2998 0 2115 2135 2099 + 2999 0 2132 2151 2115 + 3000 0 2185 2204 2219 + 3001 0 2115 2099 2080 + 3002 0 2219 2204 2239 + 3003 0 2185 2219 2206 + 3004 0 2080 2099 2062 + 3005 0 2080 2062 2044 + 3006 0 2220 2243 2208 + 3007 0 2220 2208 2187 + 3008 0 2220 2187 2206 + 3009 0 2275 2254 2288 + 3010 0 2288 2254 2274 + 3011 0 2274 2254 2239 + 3012 0 2288 2274 2308 + 3013 0 2239 2254 2219 + 3014 0 2300 2335 2319 + 3015 0 2531 2500 2526 + 3016 0 850 827 874 + 3017 0 1455 1492 1472 + 3018 0 1472 1492 1513 + 3019 0 1455 1472 1437 + 3020 0 1472 1513 1485 + 3021 0 1437 1472 1449 + 3022 0 1455 1437 1418 + 3023 0 1418 1437 1403 + 3024 0 1455 1418 1432 + 3025 0 1403 1437 1409 + 3026 0 1418 1403 1378 + 3027 0 1432 1418 1395 + 3028 0 1378 1403 1361 + 3029 0 1418 1378 1395 + 3030 0 1361 1403 1375 + 3031 0 1395 1378 1360 + 3032 0 1360 1378 1344 + 3033 0 1344 1378 1361 + 3034 0 1360 1344 1324 + 3035 0 1344 1361 1326 + 3036 0 1324 1344 1307 + 3037 0 1326 1361 1340 + 3038 0 1344 1326 1307 + 3039 0 1307 1326 1289 + 3040 0 1289 1326 1303 + 3041 0 1324 1307 1283 + 3042 0 1409 1375 1403 + 3043 0 417 436 460 + 3044 0 460 436 478 + 3045 0 417 460 442 + 3046 0 478 436 453 + 3047 0 460 478 503 + 3048 0 442 460 483 + 3049 0 478 453 498 + 3050 0 460 503 483 + 3051 0 498 453 493 + 3052 0 478 498 519 + 3053 0 483 503 528 + 3054 0 519 498 542 + 3055 0 478 519 503 + 3056 0 528 503 546 + 3057 0 483 528 516 + 3058 0 542 498 539 + 3059 0 503 519 546 + 3060 0 528 546 572 + 3061 0 516 528 557 + 3062 0 546 519 564 + 3063 0 528 572 557 + 3064 0 564 519 542 + 3065 0 557 572 598 + 3066 0 564 542 585 + 3067 0 598 572 614 + 3068 0 585 542 539 + 3069 0 598 614 641 + 3070 0 453 436 412 + 3071 0 453 412 450 + 3072 0 442 483 474 + 3073 0 474 483 516 + 3074 0 442 474 432 + 3075 0 309 307 339 + 3076 0 888 870 911 + 3077 0 2511 2473 2481 + 3078 0 1496 1531 1518 + 3079 0 1057 1035 1079 + 3080 0 2262 2228 2230 + 3081 0 1117 1100 1147 + 3082 0 1994 1973 2009 + 3083 0 1550 1585 1556 + 3084 0 332 323 354 + 3085 0 882 848 857 + 3086 0 857 848 824 + 3087 0 824 848 812 + 3088 0 857 824 835 + 3089 0 812 848 834 + 3090 0 824 812 790 + 3091 0 835 824 800 + 3092 0 812 834 799 + 3093 0 824 790 800 + 3094 0 835 800 816 + 3095 0 812 799 774 + 3096 0 800 790 766 + 3097 0 812 774 790 + 3098 0 766 790 753 + 3099 0 790 774 753 + 3100 0 766 753 726 + 3101 0 753 774 739 + 3102 0 766 726 740 + 3103 0 1735 1769 1768 + 3104 0 2464 2480 2509 + 3105 0 1688 1658 1660 + 3106 0 708 751 733 + 3107 0 733 751 777 + 3108 0 708 733 671 + 3109 0 2400 2365 2367 + 3110 0 2499 2482 2523 + 3111 0 1269 1226 1249 + 3112 0 372 408 374 + 3113 0 2518 2521 2490 + 3114 0 1556 1521 1550 + 3115 0 1079 1118 1100 + 3116 0 2123 2089 2091 + 3117 0 671 620 623 + 3118 0 1013 976 989 + 3119 0 985 946 958 + 3120 0 958 946 919 + 3121 0 985 958 994 + 3122 0 919 946 912 + 3123 0 994 958 971 + 3124 0 919 912 883 + 3125 0 971 958 928 + 3126 0 883 912 878 + 3127 0 919 883 892 + 3128 0 928 958 919 + 3129 0 883 878 852 + 3130 0 919 892 928 + 3131 0 852 878 841 + 3132 0 852 841 817 + 3133 0 971 928 944 + 3134 0 1016 972 990 + 3135 0 353 341 394 + 3136 0 910 888 926 + 3137 0 974 990 950 + 3138 0 1836 1802 1803 + 3139 0 623 666 671 + 3140 0 2466 2435 2437 + 3141 0 1340 1303 1326 + 3142 0 304 335 307 + 3143 0 870 850 895 + 3144 0 2514 2516 2486 + 3145 0 397 394 341 + 3146 0 1625 1593 1619 + 3147 0 2193 2158 2159 + 3148 0 316 312 343 + 3149 0 2508 2509 2480 + 3150 0 1998 1976 2023 + 3151 0 1768 1733 1735 + 3152 0 789 825 827 + 3153 0 2331 2298 2299 + 3154 0 1185 1153 1147 + 3155 0 450 493 453 + 3156 0 777 770 733 + 3157 0 1218 1235 1249 + 3158 0 1218 1249 1226 + 3159 0 2523 2526 2499 + 3160 0 1485 1449 1472 + 3161 0 2055 2020 2047 + 3162 0 1118 1147 1100 + 3163 0 950 910 926 + 3164 0 1619 1660 1658 + 3165 0 368 353 394 + 3166 0 1838 1872 1871 + 3167 0 1976 1934 1940 + 3168 0 583 623 620 + 3169 0 1041 1056 1016 + 3170 0 2500 2466 2467 + 3171 0 770 758 736 + 3172 0 736 758 719 + 3173 0 770 736 733 + 3174 0 719 758 740 + 3175 0 736 719 693 + 3176 0 736 693 733 + 3177 0 1375 1340 1361 + 3178 0 352 343 309 + 3179 0 2512 2514 2485 + 3180 0 1986 1998 2020 + 3181 0 2020 1998 2047 + 3182 0 1658 1625 1619 + 3183 0 343 366 316 + 3184 0 2228 2193 2194 + 3185 0 1100 1057 1079 + 3186 0 972 950 990 + 3187 0 1706 1735 1700 + 3188 0 1700 1735 1733 + 3189 0 323 316 354 + 3190 0 1802 1768 1769 + 3191 0 751 789 777 + 3192 0 2365 2331 2332 + 3193 0 1226 1185 1183 + 3194 0 408 450 412 + 3195 0 2521 2523 2490 + 3196 0 1521 1485 1513 + 3197 0 2089 2055 2047 + 3198 0 341 332 371 + 3199 0 1871 1836 1838 + 3200 0 1249 1289 1269 + 3201 0 666 708 671 + 3202 0 2435 2400 2402 + 3203 0 1303 1269 1289 + 3204 0 335 372 339 + 3205 0 2516 2518 2486 + 3206 0 1593 1556 1585 + 3207 0 990 1041 1016 + 3208 0 2158 2123 2126 + 3209 0 1035 1016 1056 + 3210 0 312 309 343 + 3211 0 2509 2511 2481 + 3212 0 1733 1688 1700 + 3213 0 825 858 827 + 3214 0 2298 2262 2265 + 3215 0 1903 1871 1872 + 3216 0 1153 1117 1147 + 3217 0 493 539 498 + 3218 0 1449 1409 1437 + 3219 0 693 671 733 + 3220 0 1147 1183 1185 + 3221 0 339 307 335 + 3222 0 2499 2526 2500 + 3223 0 494 463 521 + 3224 0 286 272 291 + 3225 0 402 426 380 + 3226 0 607 632 606 + 3227 0 291 272 277 + 3228 0 286 291 311 + 3229 0 380 426 404 + 3230 0 311 291 321 + 3231 0 286 311 300 + 3232 0 404 426 444 + 3233 0 380 404 365 + 3234 0 321 291 313 + 3235 0 300 311 331 + 3236 0 365 404 388 + 3237 0 380 365 344 + 3238 0 313 291 277 + 3239 0 388 404 429 + 3240 0 380 344 351 + 3241 0 429 404 444 + 3242 0 388 429 411 + 3243 0 429 444 471 + 3244 0 411 429 452 + 3245 0 429 471 452 + 3246 0 452 471 495 + 3247 0 452 495 479 + 3248 0 479 495 522 + 3249 0 452 479 438 + 3250 0 479 522 506 + 3251 0 438 479 467 + 3252 0 506 522 550 + 3253 0 467 479 506 + 3254 0 438 467 425 + 3255 0 467 506 491 + 3256 0 425 467 448 + 3257 0 491 506 537 + 3258 0 467 491 448 + 3259 0 537 506 550 + 3260 0 448 491 481 + 3261 0 537 550 579 + 3262 0 481 491 523 + 3263 0 537 579 568 + 3264 0 523 491 537 + 3265 0 481 523 525 + 3266 0 568 579 607 + 3267 0 523 537 568 + 3268 0 525 523 553 + 3269 0 523 568 553 + 3270 0 525 578 549 + 3271 0 553 568 606 + 3272 0 331 311 340 + 3273 0 340 311 321 + 3274 0 331 340 364 + 3275 0 340 321 358 + 3276 0 364 340 377 + 3277 0 358 321 337 + 3278 0 340 358 377 + 3279 0 337 321 313 + 3280 0 377 358 388 + 3281 0 388 358 365 + 3282 0 377 388 411 + 3283 0 365 358 337 + 3284 0 377 411 396 + 3285 0 365 337 344 + 3286 0 344 313 322 + 3287 0 396 411 438 + 3288 0 377 396 364 + 3289 0 364 396 383 + 3290 0 383 396 425 + 3291 0 364 383 346 + 3292 0 383 425 406 + 3293 0 346 383 370 + 3294 0 364 346 331 + 3295 0 331 346 318 + 3296 0 318 346 342 + 3297 0 406 425 448 + 3298 0 383 406 370 + 3299 0 346 370 342 + 3300 0 342 370 369 + 3301 0 369 370 405 + 3302 0 337 313 344 + 3303 0 438 411 452 + 3304 0 296 322 313 + 3305 0 549 521 507 + 3306 0 507 521 473 + 3307 0 549 507 525 + 3308 0 430 399 437 + 3309 0 437 399 405 + 3310 0 430 437 473 + 3311 0 405 399 369 + 3312 0 437 405 443 + 3313 0 473 437 477 + 3314 0 405 370 406 + 3315 0 405 406 443 + 3316 0 437 443 477 + 3317 0 477 443 481 + 3318 0 481 443 448 + 3319 0 477 481 525 + 3320 0 448 443 406 + 3321 0 477 525 507 + 3322 0 430 473 463 + 3323 0 463 473 521 + 3324 0 507 473 477 + 3325 0 606 578 553 + 3326 0 262 277 272 + 3327 0 318 300 331 + 3328 0 351 385 402 + 3329 0 322 351 344 + 3330 0 402 380 351 + 3331 0 277 296 313 + 3332 0 578 525 553 + 3333 0 438 425 396 + 3334 0 568 607 606 + 3335 0 632 607 652 + 3336 0 522 495 538 + 3337 0 426 402 441 + 3338 0 538 495 513 + 3339 0 522 538 565 + 3340 0 441 402 428 + 3341 0 513 495 471 + 3342 0 565 538 582 + 3343 0 522 565 550 + 3344 0 513 471 487 + 3345 0 582 538 555 + 3346 0 550 565 590 + 3347 0 487 471 444 + 3348 0 555 538 513 + 3349 0 582 555 595 + 3350 0 590 565 609 + 3351 0 555 513 532 + 3352 0 595 555 577 + 3353 0 582 595 622 + 3354 0 609 565 582 + 3355 0 577 555 532 + 3356 0 582 622 609 + 3357 0 577 532 551 + 3358 0 609 622 649 + 3359 0 551 532 509 + 3360 0 649 622 663 + 3361 0 509 532 487 + 3362 0 551 509 530 + 3363 0 663 622 640 + 3364 0 487 532 513 + 3365 0 530 509 485 + 3366 0 640 622 595 + 3367 0 485 509 468 + 3368 0 530 485 514 + 3369 0 468 509 487 + 3370 0 485 468 441 + 3371 0 468 487 444 + 3372 0 441 468 426 + 3373 0 485 441 470 + 3374 0 426 468 444 + 3375 0 663 640 687 + 3376 0 687 640 660 + 3377 0 663 687 722 + 3378 0 660 640 618 + 3379 0 618 640 595 + 3380 0 660 618 637 + 3381 0 637 618 593 + 3382 0 660 637 682 + 3383 0 593 618 577 + 3384 0 682 637 659 + 3385 0 577 618 595 + 3386 0 593 577 551 + 3387 0 659 637 617 + 3388 0 593 551 576 + 3389 0 617 637 593 + 3390 0 576 551 530 + 3391 0 617 593 576 + 3392 0 576 530 556 + 3393 0 617 576 599 + 3394 0 659 617 645 + 3395 0 579 550 590 + 3396 0 579 590 621 + 3397 0 621 590 628 + 3398 0 579 621 607 + 3399 0 628 590 609 + 3400 0 621 628 665 + 3401 0 607 621 652 + 3402 0 628 609 649 + 3403 0 628 649 685 + 3404 0 687 660 703 + 3405 0 703 660 682 + 3406 0 687 703 741 + 3407 0 703 682 725 + 3408 0 725 682 701 + 3409 0 703 725 764 + 3410 0 701 682 659 + 3411 0 725 701 759 + 3412 0 701 659 690 + 3413 0 759 701 732 + 3414 0 725 759 779 + 3415 0 649 663 700 + 3416 0 402 385 428 + 3417 0 732 768 759 + 3418 0 741 722 687 + 3419 0 556 599 576 + 3420 0 822 801 794 + 3421 0 794 801 759 + 3422 0 822 794 803 + 3423 0 803 794 768 + 3424 0 822 803 844 + 3425 0 768 794 759 + 3426 0 665 652 621 + 3427 0 470 514 485 + 3428 0 700 685 649 + 3429 0 645 690 659 + 3430 0 779 764 725 + 3431 0 428 470 441 + 3432 0 722 700 663 + 3433 0 599 645 617 + 3434 0 801 779 759 + 3435 0 514 556 530 + 3436 0 685 665 628 + 3437 0 690 732 701 + 3438 0 764 741 703 + 3439 0 385 420 428 + 3440 0 428 420 456 + 3441 0 2545 2548 2524 + 3442 0 696 667 665 + 3443 0 696 665 730 + 3444 0 2524 2548 2532 + 3445 0 2545 2524 2520 + 3446 0 2532 2548 2554 + 3447 0 2520 2524 2494 + 3448 0 2545 2520 2541 + 3449 0 2494 2524 2501 + 3450 0 2520 2494 2491 + 3451 0 2541 2520 2515 + 3452 0 2494 2501 2471 + 3453 0 2491 2494 2461 + 3454 0 2515 2520 2491 + 3455 0 2471 2501 2478 + 3456 0 2461 2494 2471 + 3457 0 2478 2501 2505 + 3458 0 2471 2478 2445 + 3459 0 2505 2501 2532 + 3460 0 2478 2505 2484 + 3461 0 2445 2478 2453 + 3462 0 2532 2501 2524 + 3463 0 2484 2505 2513 + 3464 0 2453 2478 2484 + 3465 0 2484 2513 2492 + 3466 0 2492 2513 2522 + 3467 0 2484 2492 2458 + 3468 0 2522 2513 2540 + 3469 0 2458 2492 2465 + 3470 0 2484 2458 2453 + 3471 0 2540 2513 2537 + 3472 0 2465 2492 2496 + 3473 0 2453 2458 2427 + 3474 0 2540 2537 2556 + 3475 0 2496 2492 2522 + 3476 0 2427 2458 2436 + 3477 0 2556 2537 2554 + 3478 0 2496 2522 2529 + 3479 0 2436 2458 2465 + 3480 0 2554 2537 2532 + 3481 0 2496 2529 2498 + 3482 0 2532 2537 2505 + 3483 0 2505 2537 2513 + 3484 0 1562 1596 1589 + 3485 0 1589 1596 1624 + 3486 0 1562 1589 1554 + 3487 0 1624 1596 1636 + 3488 0 1554 1589 1581 + 3489 0 1624 1636 1657 + 3490 0 1581 1589 1615 + 3491 0 1657 1636 1673 + 3492 0 1615 1589 1624 + 3493 0 1657 1673 1690 + 3494 0 1615 1624 1648 + 3495 0 1690 1673 1707 + 3496 0 1648 1624 1657 + 3497 0 1690 1707 1728 + 3498 0 1648 1657 1681 + 3499 0 1728 1707 1741 + 3500 0 1681 1657 1690 + 3501 0 1728 1741 1764 + 3502 0 1681 1690 1716 + 3503 0 1764 1741 1775 + 3504 0 1716 1690 1728 + 3505 0 1681 1716 1708 + 3506 0 1764 1775 1798 + 3507 0 1716 1728 1749 + 3508 0 1708 1716 1742 + 3509 0 1798 1775 1810 + 3510 0 1749 1728 1764 + 3511 0 1742 1716 1749 + 3512 0 1749 1764 1786 + 3513 0 1742 1749 1776 + 3514 0 1786 1764 1798 + 3515 0 1776 1749 1786 + 3516 0 1742 1776 1767 + 3517 0 1786 1798 1822 + 3518 0 1767 1776 1800 + 3519 0 1742 1767 1732 + 3520 0 1822 1798 1832 + 3521 0 1800 1776 1809 + 3522 0 1732 1767 1753 + 3523 0 1832 1798 1810 + 3524 0 1809 1776 1786 + 3525 0 1753 1767 1791 + 3526 0 1809 1786 1822 + 3527 0 1791 1767 1800 + 3528 0 1809 1822 1843 + 3529 0 1791 1800 1826 + 3530 0 1843 1822 1856 + 3531 0 1826 1800 1834 + 3532 0 1791 1826 1812 + 3533 0 1856 1822 1832 + 3534 0 1834 1800 1809 + 3535 0 1812 1826 1848 + 3536 0 1856 1832 1866 + 3537 0 1834 1809 1843 + 3538 0 1848 1826 1861 + 3539 0 1866 1832 1844 + 3540 0 1861 1826 1834 + 3541 0 1848 1861 1883 + 3542 0 1844 1832 1810 + 3543 0 1883 1861 1895 + 3544 0 1848 1883 1873 + 3545 0 1895 1861 1867 + 3546 0 1873 1883 1906 + 3547 0 1867 1861 1834 + 3548 0 1895 1867 1901 + 3549 0 1906 1883 1918 + 3550 0 1901 1867 1878 + 3551 0 1895 1901 1929 + 3552 0 1918 1883 1895 + 3553 0 1878 1867 1843 + 3554 0 1929 1901 1936 + 3555 0 1843 1867 1834 + 3556 0 1878 1843 1856 + 3557 0 1936 1901 1914 + 3558 0 1878 1856 1893 + 3559 0 1914 1901 1878 + 3560 0 1893 1856 1866 + 3561 0 1914 1878 1893 + 3562 0 1914 1893 1927 + 3563 0 1927 1893 1900 + 3564 0 1914 1927 1949 + 3565 0 1900 1893 1866 + 3566 0 1949 1927 1961 + 3567 0 1900 1866 1881 + 3568 0 1961 1927 1935 + 3569 0 1881 1866 1844 + 3570 0 1900 1881 1917 + 3571 0 1935 1927 1900 + 3572 0 1900 1917 1935 + 3573 0 1935 1917 1951 + 3574 0 1935 1951 1971 + 3575 0 1971 1951 1986 + 3576 0 1935 1971 1961 + 3577 0 1971 1986 2006 + 3578 0 1961 1971 1995 + 3579 0 2006 1986 2020 + 3580 0 1971 2006 1995 + 3581 0 1995 2006 2029 + 3582 0 2029 2006 2040 + 3583 0 1995 2029 2018 + 3584 0 2040 2006 2020 + 3585 0 2029 2040 2063 + 3586 0 2018 2029 2053 + 3587 0 2040 2020 2055 + 3588 0 2063 2040 2075 + 3589 0 2053 2029 2063 + 3590 0 2040 2055 2075 + 3591 0 2053 2063 2086 + 3592 0 2075 2055 2089 + 3593 0 2086 2063 2098 + 3594 0 2053 2086 2074 + 3595 0 2075 2089 2111 + 3596 0 2098 2063 2075 + 3597 0 2074 2086 2107 + 3598 0 2111 2089 2123 + 3599 0 2107 2086 2121 + 3600 0 2074 2107 2100 + 3601 0 2121 2086 2098 + 3602 0 2107 2121 2144 + 3603 0 2100 2107 2133 + 3604 0 2121 2098 2134 + 3605 0 2144 2121 2155 + 3606 0 2133 2107 2144 + 3607 0 2134 2098 2111 + 3608 0 2155 2121 2134 + 3609 0 2133 2144 2167 + 3610 0 2111 2098 2075 + 3611 0 2167 2144 2178 + 3612 0 2133 2167 2156 + 3613 0 2178 2144 2155 + 3614 0 2167 2178 2201 + 3615 0 2156 2167 2191 + 3616 0 2201 2178 2212 + 3617 0 2167 2201 2191 + 3618 0 2212 2178 2188 + 3619 0 2191 2201 2225 + 3620 0 2188 2178 2155 + 3621 0 2212 2188 2224 + 3622 0 2225 2201 2237 + 3623 0 2224 2188 2202 + 3624 0 2212 2224 2246 + 3625 0 2237 2201 2212 + 3626 0 2202 2188 2168 + 3627 0 2246 2224 2257 + 3628 0 2237 2212 2246 + 3629 0 2168 2188 2155 + 3630 0 2257 2224 2238 + 3631 0 2168 2155 2134 + 3632 0 2238 2224 2202 + 3633 0 2168 2134 2146 + 3634 0 2238 2202 2215 + 3635 0 2146 2134 2111 + 3636 0 2215 2202 2180 + 3637 0 2146 2111 2123 + 3638 0 2180 2202 2168 + 3639 0 2146 2123 2158 + 3640 0 2146 2158 2180 + 3641 0 2180 2158 2193 + 3642 0 2146 2180 2168 + 3643 0 2180 2193 2215 + 3644 0 2215 2193 2228 + 3645 0 2215 2228 2249 + 3646 0 2249 2228 2262 + 3647 0 2249 2262 2283 + 3648 0 2283 2262 2298 + 3649 0 2249 2283 2272 + 3650 0 2283 2298 2317 + 3651 0 2272 2283 2306 + 3652 0 2317 2298 2331 + 3653 0 2306 2283 2317 + 3654 0 2306 2317 2340 + 3655 0 2340 2317 2352 + 3656 0 2352 2317 2331 + 3657 0 2340 2352 2373 + 3658 0 2373 2352 2387 + 3659 0 2340 2373 2363 + 3660 0 2387 2352 2365 + 3661 0 2363 2373 2396 + 3662 0 2365 2352 2331 + 3663 0 2396 2373 2411 + 3664 0 2411 2373 2387 + 3665 0 2396 2411 2430 + 3666 0 2430 2411 2441 + 3667 0 2396 2430 2419 + 3668 0 2441 2411 2423 + 3669 0 2419 2430 2461 + 3670 0 2423 2411 2387 + 3671 0 2423 2387 2400 + 3672 0 2400 2387 2365 + 3673 0 2423 2400 2435 + 3674 0 2423 2435 2454 + 3675 0 2454 2435 2466 + 3676 0 2454 2466 2488 + 3677 0 2488 2466 2500 + 3678 0 2488 2500 2534 + 3679 0 1731 1699 1705 + 3680 0 1705 1699 1671 + 3681 0 1731 1705 1739 + 3682 0 1671 1699 1664 + 3683 0 1705 1671 1679 + 3684 0 1739 1705 1712 + 3685 0 1679 1671 1646 + 3686 0 1705 1679 1712 + 3687 0 1646 1671 1639 + 3688 0 1712 1679 1685 + 3689 0 1639 1671 1664 + 3690 0 1646 1639 1612 + 3691 0 1685 1679 1651 + 3692 0 1639 1664 1628 + 3693 0 1612 1639 1604 + 3694 0 1651 1679 1646 + 3695 0 1604 1639 1628 + 3696 0 1612 1604 1576 + 3697 0 1604 1628 1595 + 3698 0 1576 1604 1567 + 3699 0 1604 1595 1567 + 3700 0 1567 1595 1561 + 3701 0 1567 1561 1534 + 3702 0 1534 1561 1530 + 3703 0 1567 1534 1540 + 3704 0 1534 1530 1500 + 3705 0 1540 1534 1505 + 3706 0 1500 1530 1498 + 3707 0 1505 1534 1500 + 3708 0 1540 1505 1516 + 3709 0 1505 1500 1471 + 3710 0 1516 1505 1481 + 3711 0 1471 1500 1468 + 3712 0 1505 1471 1481 + 3713 0 1468 1500 1498 + 3714 0 1481 1471 1442 + 3715 0 1468 1498 1465 + 3716 0 1442 1471 1438 + 3717 0 1481 1442 1454 + 3718 0 1468 1465 1435 + 3719 0 1438 1471 1468 + 3720 0 1454 1442 1419 + 3721 0 1435 1465 1431 + 3722 0 1438 1468 1435 + 3723 0 1419 1442 1410 + 3724 0 1438 1435 1405 + 3725 0 1410 1442 1438 + 3726 0 1419 1410 1382 + 3727 0 1405 1435 1401 + 3728 0 1410 1438 1405 + 3729 0 1382 1410 1377 + 3730 0 1401 1435 1431 + 3731 0 1377 1410 1405 + 3732 0 1382 1377 1346 + 3733 0 1377 1405 1373 + 3734 0 1346 1377 1342 + 3735 0 1373 1405 1401 + 3736 0 1377 1373 1342 + 3737 0 1373 1401 1369 + 3738 0 1342 1373 1339 + 3739 0 1369 1401 1398 + 3740 0 1373 1369 1339 + 3741 0 1398 1401 1431 + 3742 0 1339 1369 1335 + 3743 0 1335 1369 1365 + 3744 0 1339 1335 1305 + 3745 0 1365 1369 1398 + 3746 0 1305 1335 1301 + 3747 0 1301 1335 1332 + 3748 0 1305 1301 1271 + 3749 0 1332 1335 1365 + 3750 0 1271 1301 1267 + 3751 0 1305 1271 1275 + 3752 0 1267 1301 1298 + 3753 0 1275 1271 1242 + 3754 0 1305 1275 1309 + 3755 0 1298 1301 1332 + 3756 0 1242 1271 1237 + 3757 0 1309 1275 1280 + 3758 0 1237 1271 1267 + 3759 0 1242 1237 1208 + 3760 0 1280 1275 1245 + 3761 0 1208 1237 1204 + 3762 0 1242 1208 1211 + 3763 0 1245 1275 1242 + 3764 0 1204 1237 1234 + 3765 0 1211 1208 1176 + 3766 0 1234 1237 1267 + 3767 0 1204 1234 1199 + 3768 0 1176 1208 1173 + 3769 0 1234 1267 1264 + 3770 0 1199 1234 1231 + 3771 0 1173 1208 1204 + 3772 0 1264 1267 1298 + 3773 0 1231 1234 1264 + 3774 0 1173 1204 1169 + 3775 0 1169 1204 1199 + 3776 0 1173 1169 1138 + 3777 0 1169 1199 1167 + 3778 0 1138 1169 1135 + 3779 0 1167 1199 1198 + 3780 0 1169 1167 1135 + 3781 0 1198 1199 1231 + 3782 0 1135 1167 1132 + 3783 0 1132 1167 1164 + 3784 0 1164 1167 1198 + 3785 0 1132 1164 1131 + 3786 0 1132 1131 1098 + 3787 0 1098 1131 1097 + 3788 0 1132 1098 1103 + 3789 0 1098 1097 1065 + 3790 0 1103 1098 1066 + 3791 0 1065 1097 1063 + 3792 0 1066 1098 1065 + 3793 0 1065 1063 1029 + 3794 0 1066 1065 1033 + 3795 0 1029 1063 1030 + 3796 0 1033 1065 1029 + 3797 0 1029 1030 998 + 3798 0 1033 1029 999 + 3799 0 998 1030 1001 + 3800 0 999 1029 998 + 3801 0 998 1001 964 + 3802 0 999 998 963 + 3803 0 964 1001 966 + 3804 0 963 998 964 + 3805 0 964 966 933 + 3806 0 963 964 930 + 3807 0 933 966 936 + 3808 0 930 964 933 + 3809 0 933 936 900 + 3810 0 930 933 898 + 3811 0 900 936 905 + 3812 0 898 933 900 + 3813 0 900 905 871 + 3814 0 898 900 868 + 3815 0 871 905 875 + 3816 0 900 871 868 + 3817 0 871 875 840 + 3818 0 868 871 838 + 3819 0 840 875 846 + 3820 0 871 840 838 + 3821 0 840 846 813 + 3822 0 838 840 809 + 3823 0 813 846 818 + 3824 0 840 813 809 + 3825 0 813 818 785 + 3826 0 809 813 769 + 3827 0 785 818 791 + 3828 0 813 785 769 + 3829 0 785 791 747 + 3830 0 769 785 722 + 3831 0 747 791 762 + 3832 0 785 747 722 + 3833 0 747 762 724 + 3834 0 724 762 730 + 3835 0 747 724 700 + 3836 0 700 724 685 + 3837 0 685 724 730 + 3838 0 1753 1791 1778 + 3839 0 1778 1791 1812 + 3840 0 1753 1778 1746 + 3841 0 1778 1812 1806 + 3842 0 1746 1778 1772 + 3843 0 1753 1746 1720 + 3844 0 1806 1812 1840 + 3845 0 1772 1778 1806 + 3846 0 1720 1746 1709 + 3847 0 1840 1812 1848 + 3848 0 1772 1806 1796 + 3849 0 1709 1746 1736 + 3850 0 1796 1806 1831 + 3851 0 1772 1796 1759 + 3852 0 1736 1746 1772 + 3853 0 1831 1806 1840 + 3854 0 1759 1796 1781 + 3855 0 1831 1840 1865 + 3856 0 1781 1796 1820 + 3857 0 1865 1840 1873 + 3858 0 1831 1865 1857 + 3859 0 1820 1796 1831 + 3860 0 1873 1840 1848 + 3861 0 1857 1865 1891 + 3862 0 1820 1831 1857 + 3863 0 1891 1865 1899 + 3864 0 1820 1857 1841 + 3865 0 1899 1865 1873 + 3866 0 1891 1899 1925 + 3867 0 1841 1857 1875 + 3868 0 1925 1899 1933 + 3869 0 1891 1925 1911 + 3870 0 1875 1857 1891 + 3871 0 1933 1899 1906 + 3872 0 1911 1925 1946 + 3873 0 1906 1899 1873 + 3874 0 1933 1906 1941 + 3875 0 1946 1925 1959 + 3876 0 1933 1941 1967 + 3877 0 1959 1925 1933 + 3878 0 1967 1941 1975 + 3879 0 1933 1967 1959 + 3880 0 1975 1941 1955 + 3881 0 1959 1967 1992 + 3882 0 1955 1941 1918 + 3883 0 1975 1955 1989 + 3884 0 1992 1967 2001 + 3885 0 1918 1941 1906 + 3886 0 1989 1955 1963 + 3887 0 2001 1967 1975 + 3888 0 1963 1955 1929 + 3889 0 1989 1963 1997 + 3890 0 1929 1955 1918 + 3891 0 1963 1929 1936 + 3892 0 1997 1963 1970 + 3893 0 1929 1918 1895 + 3894 0 1963 1936 1970 + 3895 0 1970 1936 1949 + 3896 0 1949 1936 1914 + 3897 0 1970 1949 1983 + 3898 0 1983 1949 1961 + 3899 0 1970 1983 2005 + 3900 0 1983 1961 1995 + 3901 0 2005 1983 2018 + 3902 0 1983 1995 2018 + 3903 0 2246 2257 2280 + 3904 0 2280 2257 2293 + 3905 0 2246 2280 2271 + 3906 0 2293 2257 2272 + 3907 0 2271 2280 2304 + 3908 0 2246 2271 2237 + 3909 0 2272 2257 2238 + 3910 0 2304 2280 2314 + 3911 0 2237 2271 2260 + 3912 0 2314 2280 2293 + 3913 0 2304 2314 2338 + 3914 0 2260 2271 2292 + 3915 0 2314 2293 2328 + 3916 0 2338 2314 2349 + 3917 0 2292 2271 2304 + 3918 0 2328 2293 2306 + 3919 0 2349 2314 2328 + 3920 0 2306 2293 2272 + 3921 0 2328 2306 2340 + 3922 0 2328 2340 2363 + 3923 0 2328 2363 2349 + 3924 0 2349 2363 2385 + 3925 0 2385 2363 2396 + 3926 0 2385 2396 2419 + 3927 0 2385 2419 2405 + 3928 0 2405 2419 2445 + 3929 0 1685 1651 1654 + 3930 0 1654 1651 1623 + 3931 0 1685 1654 1695 + 3932 0 1623 1651 1617 + 3933 0 1654 1623 1638 + 3934 0 1695 1654 1675 + 3935 0 1617 1651 1646 + 3936 0 1638 1623 1597 + 3937 0 1675 1654 1638 + 3938 0 1617 1646 1612 + 3939 0 1597 1623 1590 + 3940 0 1617 1612 1584 + 3941 0 1590 1623 1617 + 3942 0 1584 1612 1576 + 3943 0 1617 1584 1590 + 3944 0 1584 1576 1551 + 3945 0 1590 1584 1557 + 3946 0 1551 1576 1540 + 3947 0 1584 1551 1557 + 3948 0 1540 1576 1567 + 3949 0 1557 1551 1523 + 3950 0 1523 1551 1516 + 3951 0 1557 1523 1527 + 3952 0 1516 1551 1540 + 3953 0 1523 1516 1489 + 3954 0 1527 1523 1493 + 3955 0 1489 1516 1481 + 3956 0 1523 1489 1493 + 3957 0 1493 1489 1461 + 3958 0 1461 1489 1454 + 3959 0 1493 1461 1466 + 3960 0 1454 1489 1481 + 3961 0 1461 1454 1427 + 3962 0 1466 1461 1433 + 3963 0 1427 1454 1419 + 3964 0 1433 1461 1427 + 3965 0 1466 1433 1445 + 3966 0 1433 1427 1397 + 3967 0 1445 1433 1407 + 3968 0 1397 1427 1392 + 3969 0 1433 1397 1407 + 3970 0 1392 1427 1419 + 3971 0 1407 1397 1371 + 3972 0 1392 1419 1382 + 3973 0 1371 1397 1363 + 3974 0 1407 1371 1387 + 3975 0 1392 1382 1357 + 3976 0 1363 1397 1392 + 3977 0 1387 1371 1347 + 3978 0 1357 1382 1346 + 3979 0 1363 1392 1357 + 3980 0 1347 1371 1336 + 3981 0 1357 1346 1322 + 3982 0 1336 1371 1363 + 3983 0 1347 1336 1312 + 3984 0 1322 1346 1313 + 3985 0 1336 1363 1328 + 3986 0 1312 1336 1300 + 3987 0 1313 1346 1342 + 3988 0 1328 1363 1357 + 3989 0 1300 1336 1328 + 3990 0 1328 1357 1322 + 3991 0 1328 1322 1294 + 3992 0 1294 1322 1282 + 3993 0 1282 1322 1313 + 3994 0 1294 1282 1258 + 3995 0 1282 1313 1280 + 3996 0 1258 1282 1248 + 3997 0 1294 1258 1266 + 3998 0 1280 1313 1309 + 3999 0 1248 1282 1280 + 4000 0 1266 1258 1229 + 4001 0 1309 1313 1342 + 4002 0 1229 1258 1222 + 4003 0 1266 1229 1238 + 4004 0 1222 1258 1248 + 4005 0 1229 1222 1193 + 4006 0 1238 1229 1202 + 4007 0 1222 1248 1213 + 4008 0 1193 1222 1186 + 4009 0 1202 1229 1193 + 4010 0 1213 1248 1245 + 4011 0 1186 1222 1213 + 4012 0 1202 1193 1165 + 4013 0 1245 1248 1280 + 4014 0 1165 1193 1156 + 4015 0 1202 1165 1178 + 4016 0 1156 1193 1186 + 4017 0 1165 1156 1128 + 4018 0 1178 1165 1141 + 4019 0 1128 1156 1119 + 4020 0 1165 1128 1141 + 4021 0 1119 1156 1149 + 4022 0 1141 1128 1092 + 4023 0 1149 1156 1186 + 4024 0 1119 1149 1115 + 4025 0 1092 1128 1084 + 4026 0 1115 1149 1145 + 4027 0 1119 1115 1081 + 4028 0 1084 1128 1119 + 4029 0 1145 1149 1180 + 4030 0 1081 1115 1077 + 4031 0 1084 1119 1081 + 4032 0 1180 1149 1186 + 4033 0 1077 1115 1112 + 4034 0 1180 1186 1213 + 4035 0 1112 1115 1145 + 4036 0 1180 1213 1211 + 4037 0 1112 1145 1140 + 4038 0 1211 1213 1245 + 4039 0 1140 1145 1176 + 4040 0 1211 1245 1242 + 4041 0 1176 1145 1180 + 4042 0 1140 1176 1173 + 4043 0 1176 1180 1211 + 4044 0 1140 1173 1138 + 4045 0 1140 1138 1108 + 4046 0 1108 1138 1104 + 4047 0 1140 1108 1112 + 4048 0 1104 1138 1135 + 4049 0 1112 1108 1076 + 4050 0 1104 1135 1103 + 4051 0 1076 1108 1073 + 4052 0 1112 1076 1077 + 4053 0 1103 1135 1132 + 4054 0 1073 1108 1104 + 4055 0 1077 1076 1039 + 4056 0 1073 1104 1068 + 4057 0 1039 1076 1044 + 4058 0 1068 1104 1103 + 4059 0 1073 1068 1038 + 4060 0 1044 1076 1073 + 4061 0 1068 1103 1066 + 4062 0 1038 1068 1036 + 4063 0 1044 1073 1038 + 4064 0 1036 1068 1066 + 4065 0 1038 1036 1005 + 4066 0 1044 1038 1009 + 4067 0 1036 1066 1033 + 4068 0 1005 1036 1003 + 4069 0 1009 1038 1005 + 4070 0 1003 1036 1033 + 4071 0 1005 1003 968 + 4072 0 1003 1033 999 + 4073 0 968 1003 965 + 4074 0 1003 999 965 + 4075 0 968 965 934 + 4076 0 965 999 963 + 4077 0 934 965 931 + 4078 0 968 934 938 + 4079 0 965 963 931 + 4080 0 938 934 901 + 4081 0 931 963 930 + 4082 0 901 934 899 + 4083 0 938 901 907 + 4084 0 931 930 896 + 4085 0 899 934 931 + 4086 0 907 901 873 + 4087 0 896 930 898 + 4088 0 873 901 863 + 4089 0 907 873 879 + 4090 0 863 901 899 + 4091 0 873 863 844 + 4092 0 844 863 822 + 4093 0 879 873 842 + 4094 0 842 873 844 + 4095 0 879 842 849 + 4096 0 849 842 815 + 4097 0 879 849 884 + 4098 0 815 842 810 + 4099 0 849 815 820 + 4100 0 884 849 856 + 4101 0 810 842 844 + 4102 0 820 815 787 + 4103 0 856 849 820 + 4104 0 787 815 780 + 4105 0 820 787 778 + 4106 0 856 820 823 + 4107 0 780 815 810 + 4108 0 778 787 744 + 4109 0 823 820 778 + 4110 0 780 810 768 + 4111 0 744 787 752 + 4112 0 823 778 773 + 4113 0 752 787 780 + 4114 0 744 752 704 + 4115 0 752 780 749 + 4116 0 704 752 706 + 4117 0 744 704 697 + 4118 0 749 780 768 + 4119 0 706 752 749 + 4120 0 706 749 732 + 4121 0 732 749 768 + 4122 0 1720 1709 1686 + 4123 0 1686 1709 1675 + 4124 0 1720 1686 1698 + 4125 0 1698 1686 1659 + 4126 0 1720 1698 1732 + 4127 0 1659 1686 1652 + 4128 0 1698 1659 1674 + 4129 0 1732 1698 1708 + 4130 0 1652 1686 1675 + 4131 0 1674 1659 1640 + 4132 0 1708 1698 1674 + 4133 0 1640 1659 1627 + 4134 0 1674 1640 1648 + 4135 0 1708 1674 1681 + 4136 0 1627 1659 1652 + 4137 0 1648 1640 1615 + 4138 0 1681 1674 1648 + 4139 0 1627 1652 1618 + 4140 0 1615 1640 1600 + 4141 0 1618 1652 1638 + 4142 0 1600 1640 1627 + 4143 0 1615 1600 1581 + 4144 0 1600 1627 1592 + 4145 0 1581 1600 1565 + 4146 0 1592 1627 1618 + 4147 0 1600 1592 1565 + 4148 0 1565 1592 1559 + 4149 0 1559 1592 1582 + 4150 0 1565 1559 1532 + 4151 0 1582 1592 1618 + 4152 0 1559 1582 1545 + 4153 0 1532 1559 1525 + 4154 0 1582 1618 1597 + 4155 0 1545 1582 1563 + 4156 0 1525 1559 1545 + 4157 0 1525 1545 1502 + 4158 0 1502 1545 1527 + 4159 0 1525 1502 1487 + 4160 0 1487 1502 1466 + 4161 0 1525 1487 1497 + 4162 0 1497 1487 1463 + 4163 0 1525 1497 1532 + 4164 0 1463 1487 1445 + 4165 0 1497 1463 1470 + 4166 0 1532 1497 1504 + 4167 0 1470 1463 1436 + 4168 0 1497 1470 1504 + 4169 0 1436 1463 1424 + 4170 0 1504 1470 1484 + 4171 0 1424 1463 1445 + 4172 0 1436 1424 1402 + 4173 0 1484 1470 1450 + 4174 0 1402 1424 1387 + 4175 0 1436 1402 1411 + 4176 0 1450 1470 1436 + 4177 0 1411 1402 1376 + 4178 0 1436 1411 1450 + 4179 0 1376 1402 1366 + 4180 0 1450 1411 1426 + 4181 0 1366 1402 1387 + 4182 0 1376 1366 1341 + 4183 0 1426 1411 1389 + 4184 0 1341 1366 1330 + 4185 0 1376 1341 1353 + 4186 0 1389 1411 1376 + 4187 0 1341 1330 1306 + 4188 0 1353 1341 1316 + 4189 0 1389 1376 1353 + 4190 0 1306 1330 1291 + 4191 0 1316 1341 1306 + 4192 0 1291 1330 1312 + 4193 0 1306 1291 1268 + 4194 0 1268 1291 1251 + 4195 0 1306 1268 1278 + 4196 0 1251 1291 1277 + 4197 0 1268 1251 1233 + 4198 0 1278 1268 1244 + 4199 0 1233 1251 1214 + 4200 0 1268 1233 1244 + 4201 0 1214 1251 1238 + 4202 0 1244 1233 1209 + 4203 0 1209 1233 1195 + 4204 0 1195 1233 1214 + 4205 0 1209 1195 1171 + 4206 0 1195 1214 1178 + 4207 0 1171 1195 1158 + 4208 0 1158 1195 1178 + 4209 0 1171 1158 1134 + 4210 0 1134 1158 1120 + 4211 0 1120 1158 1141 + 4212 0 1134 1120 1094 + 4213 0 1094 1120 1085 + 4214 0 1085 1120 1092 + 4215 0 1094 1085 1058 + 4216 0 1058 1085 1051 + 4217 0 1051 1085 1092 + 4218 0 1058 1051 1021 + 4219 0 1021 1051 1015 + 4220 0 1015 1051 1045 + 4221 0 1021 1015 985 + 4222 0 1045 1051 1092 + 4223 0 985 1015 979 + 4224 0 979 1015 1008 + 4225 0 985 979 946 + 4226 0 1008 1015 1045 + 4227 0 979 1008 969 + 4228 0 946 979 942 + 4229 0 1008 1045 1034 + 4230 0 969 1008 996 + 4231 0 942 979 969 + 4232 0 1034 1045 1084 + 4233 0 996 1008 1034 + 4234 0 996 1034 1042 + 4235 0 1042 1034 1081 + 4236 0 996 1042 997 + 4237 0 997 1042 1039 + 4238 0 996 997 960 + 4239 0 960 997 954 + 4240 0 996 960 969 + 4241 0 954 997 995 + 4242 0 969 960 929 + 4243 0 995 997 1039 + 4244 0 954 995 952 + 4245 0 929 960 923 + 4246 0 952 995 1009 + 4247 0 954 952 917 + 4248 0 923 960 954 + 4249 0 917 952 907 + 4250 0 954 917 923 + 4251 0 923 917 884 + 4252 0 2338 2349 2371 + 4253 0 2371 2349 2385 + 4254 0 2338 2371 2361 + 4255 0 2371 2385 2405 + 4256 0 2361 2371 2391 + 4257 0 2338 2361 2326 + 4258 0 2371 2405 2391 + 4259 0 2326 2361 2350 + 4260 0 2391 2405 2422 + 4261 0 2350 2361 2386 + 4262 0 2326 2350 2316 + 4263 0 2386 2361 2391 + 4264 0 2350 2386 2377 + 4265 0 2316 2350 2341 + 4266 0 2377 2386 2406 + 4267 0 2350 2377 2341 + 4268 0 2406 2386 2427 + 4269 0 2406 2427 2436 + 4270 0 2406 2436 2408 + 4271 0 2408 2436 2440 + 4272 0 2406 2408 2377 + 4273 0 2440 2436 2465 + 4274 0 2408 2440 2407 + 4275 0 2407 2440 2432 + 4276 0 2408 2407 2378 + 4277 0 2378 2407 2383 + 4278 0 2408 2378 2377 + 4279 0 2341 2377 2378 + 4280 0 2383 2407 2399 + 4281 0 2383 2399 2366 + 4282 0 1044 1009 995 + 4283 0 1720 1732 1753 + 4284 0 2326 2316 2292 + 4285 0 2292 2316 2281 + 4286 0 2326 2292 2304 + 4287 0 2281 2316 2307 + 4288 0 2292 2281 2260 + 4289 0 2326 2304 2338 + 4290 0 2307 2316 2341 + 4291 0 2281 2307 2273 + 4292 0 2260 2281 2247 + 4293 0 2307 2341 2334 + 4294 0 2273 2307 2297 + 4295 0 2247 2281 2273 + 4296 0 2307 2334 2297 + 4297 0 2297 2334 2320 + 4298 0 2320 2334 2356 + 4299 0 2297 2320 2287 + 4300 0 2356 2334 2378 + 4301 0 2356 2378 2383 + 4302 0 2356 2383 2366 + 4303 0 2320 2356 2366 + 4304 0 2287 2320 2333 + 4305 0 2334 2341 2378 + 4306 0 2247 2273 2240 + 4307 0 2240 2273 2263 + 4308 0 2247 2240 2214 + 4309 0 2263 2273 2297 + 4310 0 2240 2263 2229 + 4311 0 2214 2240 2207 + 4312 0 2263 2297 2287 + 4313 0 2240 2229 2207 + 4314 0 2207 2229 2196 + 4315 0 2196 2229 2218 + 4316 0 2207 2196 2172 + 4317 0 2218 2229 2252 + 4318 0 2196 2218 2186 + 4319 0 2172 2196 2162 + 4320 0 2252 2229 2263 + 4321 0 2186 2218 2233 + 4322 0 2162 2196 2186 + 4323 0 2162 2186 2153 + 4324 0 2153 2186 2198 + 4325 0 2162 2153 2127 + 4326 0 2127 2153 2118 + 4327 0 2162 2127 2138 + 4328 0 2118 2153 2164 + 4329 0 2127 2118 2093 + 4330 0 2138 2127 2103 + 4331 0 2093 2118 2084 + 4332 0 2127 2093 2103 + 4333 0 2084 2118 2131 + 4334 0 2103 2093 2069 + 4335 0 2069 2093 2059 + 4336 0 2103 2069 2078 + 4337 0 2059 2093 2084 + 4338 0 2069 2059 2034 + 4339 0 2078 2069 2043 + 4340 0 2034 2059 2026 + 4341 0 2069 2034 2043 + 4342 0 2026 2059 2052 + 4343 0 2043 2034 2008 + 4344 0 2052 2059 2084 + 4345 0 2026 2052 2017 + 4346 0 2008 2034 2001 + 4347 0 2052 2084 2097 + 4348 0 2017 2052 2065 + 4349 0 2001 2034 2026 + 4350 0 2001 2026 1992 + 4351 0 1992 2026 2017 + 4352 0 1992 2017 1990 + 4353 0 1990 2017 2032 + 4354 0 2247 2214 2225 + 4355 0 2225 2214 2191 + 4356 0 2247 2225 2260 + 4357 0 2191 2214 2182 + 4358 0 2260 2225 2237 + 4359 0 2182 2214 2207 + 4360 0 2191 2182 2156 + 4361 0 2182 2207 2172 + 4362 0 2156 2182 2147 + 4363 0 2182 2172 2147 + 4364 0 2156 2147 2122 + 4365 0 2147 2172 2138 + 4366 0 2122 2147 2113 + 4367 0 2156 2122 2133 + 4368 0 2138 2172 2162 + 4369 0 2113 2147 2138 + 4370 0 2133 2122 2100 + 4371 0 2113 2138 2103 + 4372 0 2100 2122 2088 + 4373 0 2113 2103 2078 + 4374 0 2088 2122 2113 + 4375 0 2100 2088 2064 + 4376 0 2088 2113 2078 + 4377 0 2064 2088 2054 + 4378 0 2100 2064 2074 + 4379 0 2054 2088 2078 + 4380 0 2064 2054 2030 + 4381 0 2074 2064 2039 + 4382 0 2030 2054 2021 + 4383 0 2064 2030 2039 + 4384 0 2021 2054 2043 + 4385 0 2039 2030 2005 + 4386 0 2043 2054 2078 + 4387 0 2021 2043 2008 + 4388 0 2005 2030 1997 + 4389 0 2021 2008 1989 + 4390 0 1997 2030 2021 + 4391 0 1989 2008 1975 + 4392 0 1997 2021 1989 + 4393 0 1975 2008 2001 + 4394 0 2252 2263 2287 + 4395 0 2252 2287 2301 + 4396 0 2005 1997 1970 + 4397 0 2267 2233 2218 + 4398 0 1875 1891 1911 + 4399 0 1875 1911 1898 + 4400 0 969 929 942 + 4401 0 942 929 904 + 4402 0 904 929 894 + 4403 0 942 904 912 + 4404 0 894 929 923 + 4405 0 904 894 867 + 4406 0 912 904 878 + 4407 0 894 923 884 + 4408 0 867 894 856 + 4409 0 904 867 878 + 4410 0 878 867 841 + 4411 0 841 867 823 + 4412 0 942 912 946 + 4413 0 2249 2272 2238 + 4414 0 2249 2238 2215 + 4415 0 1581 1565 1544 + 4416 0 1544 1565 1532 + 4417 0 1581 1544 1554 + 4418 0 1544 1532 1504 + 4419 0 1554 1544 1520 + 4420 0 1544 1504 1520 + 4421 0 1554 1520 1528 + 4422 0 1520 1504 1484 + 4423 0 1528 1520 1494 + 4424 0 1554 1528 1562 + 4425 0 1520 1484 1494 + 4426 0 1494 1484 1460 + 4427 0 1460 1484 1450 + 4428 0 1460 1450 1426 + 4429 0 697 738 744 + 4430 0 2528 2498 2529 + 4431 0 2445 2453 2422 + 4432 0 2422 2453 2427 + 4433 0 2445 2422 2405 + 4434 0 2391 2422 2386 + 4435 0 2422 2427 2386 + 4436 0 931 896 899 + 4437 0 899 896 866 + 4438 0 866 896 864 + 4439 0 899 866 863 + 4440 0 864 896 898 + 4441 0 866 864 837 + 4442 0 863 866 822 + 4443 0 864 898 868 + 4444 0 837 864 830 + 4445 0 866 837 822 + 4446 0 864 868 830 + 4447 0 837 830 801 + 4448 0 830 868 838 + 4449 0 830 838 804 + 4450 0 804 838 809 + 4451 0 830 779 801 + 4452 0 804 809 764 + 4453 0 1278 1316 1306 + 4454 0 1999 1965 1990 + 4455 0 1731 1739 1765 + 4456 0 1765 1739 1773 + 4457 0 1773 1739 1745 + 4458 0 1765 1773 1797 + 4459 0 1745 1739 1712 + 4460 0 1773 1745 1781 + 4461 0 1797 1773 1807 + 4462 0 1745 1712 1715 + 4463 0 1807 1773 1781 + 4464 0 1797 1807 1830 + 4465 0 1715 1712 1685 + 4466 0 1830 1807 1841 + 4467 0 1715 1685 1695 + 4468 0 1715 1695 1736 + 4469 0 1745 1715 1759 + 4470 0 1820 1841 1807 + 4471 0 1141 1092 1120 + 4472 0 541 581 570 + 4473 0 570 581 612 + 4474 0 541 570 536 + 4475 0 612 581 619 + 4476 0 570 612 599 + 4477 0 536 570 556 + 4478 0 536 556 514 + 4479 0 536 514 499 + 4480 0 541 536 499 + 4481 0 612 619 657 + 4482 0 657 619 658 + 4483 0 612 657 653 + 4484 0 657 658 704 + 4485 0 653 657 706 + 4486 0 612 653 599 + 4487 0 2560 2563 2547 + 4488 0 2547 2563 2549 + 4489 0 2560 2547 2540 + 4490 0 2540 2547 2522 + 4491 0 2560 2540 2556 + 4492 0 2522 2547 2529 + 4493 0 2529 2547 2549 + 4494 0 2491 2461 2459 + 4495 0 2459 2461 2430 + 4496 0 2459 2430 2441 + 4497 0 2459 2441 2474 + 4498 0 2474 2441 2454 + 4499 0 2459 2474 2491 + 4500 0 2474 2454 2488 + 4501 0 2454 2441 2423 + 4502 0 1342 1339 1309 + 4503 0 1309 1339 1305 + 4504 0 1590 1557 1563 + 4505 0 1563 1557 1527 + 4506 0 1590 1563 1597 + 4507 0 1563 1527 1545 + 4508 0 1597 1563 1582 + 4509 0 1527 1493 1502 + 4510 0 2131 2097 2084 + 4511 0 2074 2039 2053 + 4512 0 2053 2039 2018 + 4513 0 2018 2039 2005 + 4514 0 1238 1202 1214 + 4515 0 1202 1178 1214 + 4516 0 1864 1830 1841 + 4517 0 2531 2534 2500 + 4518 0 1736 1772 1759 + 4519 0 1736 1759 1715 + 4520 0 1081 1077 1042 + 4521 0 456 499 514 + 4522 0 2541 2515 2539 + 4523 0 2539 2515 2507 + 4524 0 2507 2515 2474 + 4525 0 2539 2507 2534 + 4526 0 2534 2507 2488 + 4527 0 2488 2507 2474 + 4528 0 1466 1445 1487 + 4529 0 1407 1387 1424 + 4530 0 2198 2164 2153 + 4531 0 1312 1300 1277 + 4532 0 1277 1300 1266 + 4533 0 1312 1277 1291 + 4534 0 1266 1300 1294 + 4535 0 1277 1266 1238 + 4536 0 1294 1300 1328 + 4537 0 1277 1238 1251 + 4538 0 1992 1990 1959 + 4539 0 1959 1990 1946 + 4540 0 1946 1990 1965 + 4541 0 773 805 823 + 4542 0 2463 2432 2440 + 4543 0 1077 1039 1042 + 4544 0 1039 1044 995 + 4545 0 1932 1898 1911 + 4546 0 1781 1820 1807 + 4547 0 1638 1597 1618 + 4548 0 704 706 657 + 4549 0 2565 2549 2563 + 4550 0 1387 1347 1366 + 4551 0 2065 2032 2017 + 4552 0 1178 1141 1158 + 4553 0 879 884 917 + 4554 0 2333 2301 2287 + 4555 0 1742 1732 1708 + 4556 0 1911 1946 1932 + 4557 0 968 938 975 + 4558 0 975 938 952 + 4559 0 968 975 1005 + 4560 0 1005 975 1009 + 4561 0 1009 975 952 + 4562 0 1695 1675 1709 + 4563 0 1759 1781 1745 + 4564 0 667 632 652 + 4565 0 667 652 665 + 4566 0 2515 2491 2474 + 4567 0 1445 1407 1424 + 4568 0 2233 2198 2186 + 4569 0 738 773 778 + 4570 0 2498 2463 2475 + 4571 0 2475 2463 2440 + 4572 0 2498 2475 2496 + 4573 0 884 856 894 + 4574 0 1965 1932 1946 + 4575 0 1092 1084 1045 + 4576 0 2445 2419 2461 + 4577 0 2471 2445 2461 + 4578 0 1493 1466 1502 + 4579 0 2097 2065 2052 + 4580 0 907 879 917 + 4581 0 2366 2333 2320 + 4582 0 2164 2131 2118 + 4583 0 1709 1736 1695 + 4584 0 938 907 952 + 4585 0 805 841 823 + 4586 0 2432 2399 2407 + 4587 0 2465 2496 2475 + 4588 0 1841 1875 1864 + 4589 0 1675 1638 1652 + 4590 0 856 823 867 + 4591 0 1898 1864 1875 + 4592 0 1330 1366 1347 + 4593 0 809 769 764 + 4594 0 1084 1081 1034 + 4595 0 658 697 704 + 4596 0 2549 2528 2529 + 4597 0 2218 2252 2267 + 4598 0 1347 1312 1330 + 4599 0 2032 1999 1990 + 4600 0 778 744 738 + 4601 0 2301 2267 2252 + 4602 0 779 830 804 + 4603 0 645 599 653 + 4604 0 700 722 747 + 4605 0 803 768 810 + 4606 0 803 810 844 + 4607 0 470 428 456 + 4608 0 470 456 514 + 4609 0 665 685 730 + 4610 0 741 764 769 + 4611 0 732 690 706 + 4612 0 801 822 837 + 4613 0 599 556 570 + 4614 0 722 741 769 + 4615 0 764 779 804 + 4616 0 690 645 653 + 4617 0 2440 2465 2475 + 4618 0 706 690 653 + 4619 0 23 25 16 + 4620 0 717 715 679 + 4621 0 2 1 3 + 4622 0 679 715 676 + 4623 0 717 679 683 + 4624 0 676 715 711 + 4625 0 683 679 642 + 4626 0 717 683 721 + 4627 0 642 679 638 + 4628 0 683 642 648 + 4629 0 721 683 688 + 4630 0 642 638 604 + 4631 0 648 642 610 + 4632 0 604 638 600 + 4633 0 642 604 610 + 4634 0 600 638 634 + 4635 0 610 604 569 + 4636 0 634 638 676 + 4637 0 600 624 584 + 4638 0 569 604 566 + 4639 0 676 638 679 + 4640 0 566 604 600 + 4641 0 569 566 527 + 4642 0 527 566 526 + 4643 0 569 527 533 + 4644 0 526 566 561 + 4645 0 533 527 492 + 4646 0 569 533 574 + 4647 0 561 566 600 + 4648 0 492 527 489 + 4649 0 574 533 558 + 4650 0 561 600 584 + 4651 0 489 527 526 + 4652 0 489 526 484 + 4653 0 484 526 540 + 4654 0 489 484 449 + 4655 0 449 484 451 + 4656 0 489 449 454 + 4657 0 454 449 414 + 4658 0 489 454 492 + 4659 0 414 449 413 + 4660 0 454 414 421 + 4661 0 492 454 461 + 4662 0 414 413 379 + 4663 0 421 414 384 + 4664 0 461 454 421 + 4665 0 379 413 373 + 4666 0 384 414 379 + 4667 0 384 379 348 + 4668 0 348 379 347 + 4669 0 384 348 355 + 4670 0 347 379 373 + 4671 0 355 348 325 + 4672 0 384 355 400 + 4673 0 325 348 317 + 4674 0 355 325 328 + 4675 0 400 355 361 + 4676 0 317 348 347 + 4677 0 328 325 299 + 4678 0 361 355 328 + 4679 0 299 325 295 + 4680 0 328 299 306 + 4681 0 295 325 317 + 4682 0 299 295 280 + 4683 0 306 299 283 + 4684 0 295 317 292 + 4685 0 280 295 276 + 4686 0 283 299 280 + 4687 0 292 317 305 + 4688 0 276 295 292 + 4689 0 283 280 264 + 4690 0 276 292 282 + 4691 0 264 280 259 + 4692 0 283 264 268 + 4693 0 259 280 276 + 4694 0 264 259 245 + 4695 0 268 264 248 + 4696 0 259 276 257 + 4697 0 245 259 242 + 4698 0 248 264 245 + 4699 0 257 276 282 + 4700 0 242 259 257 + 4701 0 248 245 231 + 4702 0 242 257 238 + 4703 0 231 245 228 + 4704 0 248 231 234 + 4705 0 228 245 242 + 4706 0 231 228 210 + 4707 0 234 231 212 + 4708 0 228 242 227 + 4709 0 210 228 208 + 4710 0 212 231 210 + 4711 0 227 242 238 + 4712 0 208 228 227 + 4713 0 212 210 194 + 4714 0 208 227 203 + 4715 0 194 210 187 + 4716 0 212 194 200 + 4717 0 187 210 208 + 4718 0 194 187 167 + 4719 0 200 194 174 + 4720 0 187 208 185 + 4721 0 167 187 163 + 4722 0 174 194 167 + 4723 0 185 208 203 + 4724 0 163 187 185 + 4725 0 174 167 153 + 4726 0 163 185 175 + 4727 0 153 167 145 + 4728 0 174 153 159 + 4729 0 145 167 163 + 4730 0 153 145 131 + 4731 0 159 153 137 + 4732 0 145 163 143 + 4733 0 131 145 125 + 4734 0 137 153 131 + 4735 0 143 163 150 + 4736 0 125 145 143 + 4737 0 137 131 116 + 4738 0 125 143 127 + 4739 0 116 131 110 + 4740 0 137 116 123 + 4741 0 110 131 125 + 4742 0 116 110 98 + 4743 0 123 116 102 + 4744 0 110 125 107 + 4745 0 98 110 93 + 4746 0 102 116 98 + 4747 0 107 125 127 + 4748 0 93 110 107 + 4749 0 98 93 80 + 4750 0 93 107 89 + 4751 0 80 93 77 + 4752 0 98 80 84 + 4753 0 77 93 89 + 4754 0 80 77 65 + 4755 0 84 80 69 + 4756 0 65 77 58 + 4757 0 80 65 69 + 4758 0 84 69 75 + 4759 0 69 65 55 + 4760 0 75 69 61 + 4761 0 84 75 91 + 4762 0 55 65 53 + 4763 0 69 55 61 + 4764 0 91 75 81 + 4765 0 53 65 58 + 4766 0 61 55 48 + 4767 0 48 55 42 + 4768 0 61 48 54 + 4769 0 42 55 53 + 4770 0 48 42 37 + 4771 0 54 48 40 + 4772 0 61 54 66 + 4773 0 42 53 44 + 4774 0 37 42 33 + 4775 0 40 48 37 + 4776 0 66 54 68 + 4777 0 33 42 44 + 4778 0 37 33 26 + 4779 0 40 37 28 + 4780 0 26 33 22 + 4781 0 37 26 28 + 4782 0 40 28 36 + 4783 0 28 26 19 + 4784 0 36 28 24 + 4785 0 40 36 46 + 4786 0 19 26 18 + 4787 0 28 19 24 + 4788 0 46 36 47 + 4789 0 18 26 22 + 4790 0 24 19 17 + 4791 0 17 19 12 + 4792 0 24 17 21 + 4793 0 12 19 18 + 4794 0 17 12 11 + 4795 0 21 17 13 + 4796 0 24 21 29 + 4797 0 12 18 9 + 4798 0 11 12 7 + 4799 0 13 17 11 + 4800 0 29 21 32 + 4801 0 7 12 9 + 4802 0 11 7 4 + 4803 0 13 11 8 + 4804 0 4 5 2 + 4805 0 11 4 8 + 4806 0 13 8 14 + 4807 0 8 4 6 + 4808 0 14 8 10 + 4809 0 13 14 20 + 4810 0 20 14 27 + 4811 0 13 20 21 + 4812 0 21 20 32 + 4813 0 236 254 234 + 4814 0 238 223 227 + 4815 0 102 98 84 + 4816 0 102 84 91 + 4817 0 102 91 113 + 4818 0 81 95 91 + 4819 0 496 451 484 + 4820 0 610 569 574 + 4821 0 610 574 601 + 4822 0 476 517 486 + 4823 0 486 517 533 + 4824 0 476 486 445 + 4825 0 445 486 461 + 4826 0 445 461 421 + 4827 0 461 486 492 + 4828 0 476 445 434 + 4829 0 434 445 400 + 4830 0 72 58 77 + 4831 0 234 212 219 + 4832 0 39 47 29 + 4833 0 669 624 634 + 4834 0 10 16 14 + 4835 0 54 40 46 + 4836 0 54 46 68 + 4837 0 324 359 328 + 4838 0 150 127 143 + 4839 0 306 283 293 + 4840 0 151 172 159 + 4841 0 336 305 317 + 4842 0 643 688 648 + 4843 0 22 15 18 + 4844 0 159 137 151 + 4845 0 27 32 20 + 4846 0 711 709 669 + 4847 0 3 6 4 + 4848 0 273 293 268 + 4849 0 203 175 185 + 4850 0 400 361 393 + 4851 0 113 132 123 + 4852 0 409 373 413 + 4853 0 533 492 486 + 4854 0 558 601 574 + 4855 0 44 34 33 + 4856 0 200 174 197 + 4857 0 56 68 46 + 4858 0 584 540 561 + 4859 0 648 610 601 + 4860 0 393 434 400 + 4861 0 108 89 107 + 4862 0 268 248 254 + 4863 0 197 219 200 + 4864 0 282 260 257 + 4865 0 421 384 400 + 4866 0 421 400 445 + 4867 0 727 721 688 + 4868 0 9 5 7 + 4869 0 123 102 113 + 4870 0 25 27 14 + 4871 0 676 711 669 + 4872 0 526 561 540 + 4873 0 75 61 66 + 4874 0 75 66 81 + 4875 0 254 273 268 + 4876 0 223 203 227 + 4877 0 361 328 359 + 4878 0 95 113 91 + 4879 0 451 409 413 + 4880 0 634 676 669 + 4881 0 24 29 36 + 4882 0 36 29 47 + 4883 0 517 558 533 + 4884 0 58 44 53 + 4885 0 212 200 219 + 4886 0 47 56 46 + 4887 0 624 600 634 + 4888 0 683 648 688 + 4889 0 359 393 361 + 4890 0 127 108 107 + 4891 0 283 268 293 + 4892 0 172 197 174 + 4893 0 305 282 292 + 4894 0 317 347 336 + 4895 0 15 9 18 + 4896 0 137 123 151 + 4897 0 32 39 29 + 4898 0 6 10 8 + 4899 0 293 324 306 + 4900 0 175 150 163 + 4901 0 328 306 324 + 4902 0 132 151 123 + 4903 0 373 336 347 + 4904 0 601 643 648 + 4905 0 34 22 33 + 4906 0 174 159 172 + 4907 0 68 81 66 + 4908 0 540 496 484 + 4909 0 89 72 77 + 4910 0 248 234 254 + 4911 0 219 236 234 + 4912 0 5 4 7 + 4913 0 260 238 257 + 4914 0 413 449 451 + 4915 0 16 25 14 + 4916 0 2 3 4 +End Elements + +Begin Conditions LineCondition2D2N// GUI group identifier: _HIDDEN__SKIN_ + 1 0 202 204 + 2 0 204 206 + 3 0 206 209 + 4 0 209 211 + 5 0 211 220 + 6 0 220 226 + 7 0 226 233 + 8 0 233 239 + 9 0 239 250 + 10 0 250 262 + 11 0 385 368 + 12 0 368 353 + 13 0 353 341 + 14 0 341 332 + 15 0 332 323 + 16 0 323 316 + 17 0 316 312 + 18 0 312 309 + 19 0 309 307 + 20 0 307 304 + 21 0 843 811 + 22 0 811 776 + 23 0 776 746 + 24 0 746 710 + 25 0 710 672 + 26 0 672 635 + 27 0 635 602 + 28 0 602 567 + 29 0 567 529 + 30 0 529 494 + 31 0 632 668 + 32 0 668 695 + 33 0 695 731 + 34 0 731 763 + 35 0 763 792 + 36 0 792 819 + 37 0 819 847 + 38 0 847 876 + 39 0 876 906 + 40 0 906 937 + 41 0 709 711 + 42 0 711 715 + 43 0 715 717 + 44 0 717 721 + 45 0 721 727 + 46 0 727 735 + 47 0 735 743 + 48 0 743 754 + 49 0 754 765 + 50 0 765 772 + 51 0 772 788 + 52 0 788 797 + 53 0 797 814 + 54 0 814 829 + 55 0 829 843 + 56 0 2589 2588 + 57 0 2588 2587 + 58 0 2587 2585 + 59 0 2585 2584 + 60 0 2584 2582 + 61 0 2582 2579 + 62 0 2579 2576 + 63 0 2576 2573 + 64 0 2573 2570 + 65 0 2570 2565 + 66 0 2531 2526 + 67 0 2526 2523 + 68 0 2523 2521 + 69 0 2521 2518 + 70 0 2518 2516 + 71 0 2516 2514 + 72 0 2514 2512 + 73 0 2512 2511 + 74 0 2511 2509 + 75 0 2509 2508 + 76 0 937 957 + 77 0 957 981 + 78 0 981 1004 + 79 0 1004 1024 + 80 0 1024 1052 + 81 0 1052 1074 + 82 0 1074 1101 + 83 0 1101 1125 + 84 0 1125 1150 + 85 0 1150 1177 + 86 0 1177 1206 + 87 0 1206 1232 + 88 0 1232 1261 + 89 0 1261 1288 + 90 0 1288 1315 + 91 0 1315 1343 + 92 0 1343 1372 + 93 0 1372 1400 + 94 0 1400 1430 + 95 0 1430 1459 + 96 0 1459 1490 + 97 0 1490 1519 + 98 0 1519 1548 + 99 0 1548 1577 + 100 0 1577 1608 + 101 0 1608 1635 + 102 0 1635 1667 + 103 0 1667 1696 + 104 0 1696 1724 + 105 0 1724 1755 + 106 0 1755 1784 + 107 0 1784 1815 + 108 0 1815 1846 + 109 0 1846 1877 + 110 0 1877 1907 + 111 0 1907 1938 + 112 0 1938 1969 + 113 0 1969 2002 + 114 0 2002 2033 + 115 0 2033 2066 + 116 0 2066 2095 + 117 0 2095 2128 + 118 0 2128 2161 + 119 0 2161 2192 + 120 0 2192 2221 + 121 0 2221 2253 + 122 0 2253 2286 + 123 0 2286 2318 + 124 0 2318 2351 + 125 0 2351 2381 + 126 0 2381 2415 + 127 0 2415 2446 + 128 0 2446 2476 + 129 0 2476 2503 + 130 0 2503 2535 + 131 0 2535 2555 + 132 0 2555 2569 + 133 0 2569 2580 + 134 0 2580 2586 + 135 0 2586 2589 + 136 0 304 335 + 137 0 335 372 + 138 0 372 408 + 139 0 408 450 + 140 0 450 493 + 141 0 493 539 + 142 0 539 583 + 143 0 583 623 + 144 0 623 666 + 145 0 666 708 + 146 0 708 751 + 147 0 751 789 + 148 0 789 825 + 149 0 825 858 + 150 0 858 893 + 151 0 893 932 + 152 0 932 973 + 153 0 973 1012 + 154 0 1012 1049 + 155 0 1049 1086 + 156 0 1086 1122 + 157 0 1122 1162 + 158 0 1162 1200 + 159 0 1200 1239 + 160 0 1239 1274 + 161 0 1274 1310 + 162 0 1310 1345 + 163 0 1345 1385 + 164 0 1385 1423 + 165 0 1423 1458 + 166 0 1458 1495 + 167 0 1495 1529 + 168 0 1529 1564 + 169 0 1564 1603 + 170 0 1603 1642 + 171 0 1642 1677 + 172 0 1677 1711 + 173 0 1711 1744 + 174 0 1744 1779 + 175 0 1779 1813 + 176 0 1813 1850 + 177 0 1850 1887 + 178 0 1887 1922 + 179 0 1922 1958 + 180 0 1958 1993 + 181 0 1993 2027 + 182 0 2027 2061 + 183 0 2061 2096 + 184 0 2096 2132 + 185 0 2132 2169 + 186 0 2169 2204 + 187 0 2204 2239 + 188 0 2239 2274 + 189 0 2274 2308 + 190 0 2308 2343 + 191 0 2343 2375 + 192 0 2375 2412 + 193 0 2412 2447 + 194 0 2447 2480 + 195 0 2480 2508 + 196 0 1 3 + 197 0 3 6 + 198 0 6 10 + 199 0 10 16 + 200 0 16 23 + 201 0 23 35 + 202 0 35 45 + 203 0 45 59 + 204 0 59 73 + 205 0 73 90 + 206 0 90 109 + 207 0 109 128 + 208 0 128 152 + 209 0 152 177 + 210 0 177 202 + 211 0 494 521 + 212 0 521 549 + 213 0 549 578 + 214 0 578 606 + 215 0 606 632 + 216 0 262 277 + 217 0 277 296 + 218 0 296 322 + 219 0 322 351 + 220 0 351 385 + 221 0 2565 2563 + 222 0 2563 2560 + 223 0 2560 2556 + 224 0 2556 2554 + 225 0 2554 2548 + 226 0 2548 2545 + 227 0 2545 2541 + 228 0 2541 2539 + 229 0 2539 2534 + 230 0 2534 2531 +End Conditions + +Begin Conditions PointCondition2D1N// GUI group identifier: Meassure + 231 0 844 +End Conditions + +Begin SubModelPart GENERIC_green // Group green // Subtree GENERIC + Begin SubModelPartNodes + 213 + 214 + 215 + 218 + 219 + 221 + 225 + 229 + 230 + 232 + 235 + 237 + 240 + 243 + 244 + 246 + 247 + 249 + 252 + 253 + 255 + 256 + 258 + 261 + 262 + 263 + 265 + 266 + 269 + 271 + 272 + 274 + 275 + 277 + 278 + 279 + 281 + 285 + 286 + 288 + 290 + 291 + 294 + 296 + 297 + 298 + 300 + 301 + 308 + 311 + 313 + 314 + 318 + 319 + 320 + 321 + 322 + 326 + 329 + 331 + 334 + 337 + 340 + 342 + 344 + 346 + 349 + 350 + 351 + 357 + 358 + 363 + 364 + 365 + 369 + 370 + 377 + 380 + 382 + 383 + 385 + 386 + 388 + 390 + 396 + 399 + 402 + 404 + 405 + 406 + 411 + 415 + 420 + 423 + 425 + 426 + 428 + 429 + 430 + 437 + 438 + 441 + 443 + 444 + 448 + 452 + 455 + 456 + 463 + 467 + 468 + 470 + 471 + 473 + 477 + 479 + 481 + 485 + 487 + 491 + 494 + 495 + 499 + 506 + 507 + 509 + 513 + 514 + 521 + 522 + 523 + 525 + 530 + 532 + 536 + 537 + 538 + 541 + 549 + 550 + 551 + 553 + 555 + 556 + 565 + 568 + 570 + 576 + 577 + 578 + 579 + 581 + 582 + 590 + 593 + 595 + 599 + 606 + 607 + 609 + 612 + 617 + 618 + 619 + 621 + 622 + 628 + 632 + 637 + 640 + 645 + 649 + 652 + 653 + 657 + 658 + 659 + 660 + 663 + 665 + 667 + 682 + 685 + 687 + 690 + 696 + 697 + 700 + 701 + 703 + 704 + 706 + 722 + 724 + 725 + 730 + 732 + 738 + 741 + 744 + 747 + 749 + 752 + 759 + 762 + 764 + 768 + 769 + 773 + 778 + 779 + 780 + 785 + 787 + 791 + 794 + 801 + 803 + 804 + 805 + 809 + 810 + 813 + 815 + 818 + 820 + 822 + 823 + 830 + 837 + 838 + 840 + 841 + 842 + 844 + 846 + 849 + 856 + 863 + 864 + 866 + 867 + 868 + 871 + 873 + 875 + 878 + 879 + 884 + 894 + 896 + 898 + 899 + 900 + 901 + 904 + 905 + 907 + 912 + 917 + 923 + 929 + 930 + 931 + 933 + 934 + 936 + 938 + 942 + 946 + 952 + 954 + 960 + 963 + 964 + 965 + 966 + 968 + 969 + 975 + 979 + 985 + 995 + 996 + 997 + 998 + 999 + 1001 + 1003 + 1005 + 1008 + 1009 + 1015 + 1021 + 1029 + 1030 + 1033 + 1034 + 1036 + 1038 + 1039 + 1042 + 1044 + 1045 + 1051 + 1058 + 1063 + 1065 + 1066 + 1068 + 1073 + 1076 + 1077 + 1081 + 1084 + 1085 + 1092 + 1094 + 1097 + 1098 + 1103 + 1104 + 1108 + 1112 + 1115 + 1119 + 1120 + 1128 + 1131 + 1132 + 1134 + 1135 + 1138 + 1140 + 1141 + 1145 + 1149 + 1156 + 1158 + 1164 + 1165 + 1167 + 1169 + 1171 + 1173 + 1176 + 1178 + 1180 + 1186 + 1193 + 1195 + 1198 + 1199 + 1202 + 1204 + 1208 + 1209 + 1211 + 1213 + 1214 + 1222 + 1229 + 1231 + 1233 + 1234 + 1237 + 1238 + 1242 + 1244 + 1245 + 1248 + 1251 + 1258 + 1264 + 1266 + 1267 + 1268 + 1271 + 1275 + 1277 + 1278 + 1280 + 1282 + 1291 + 1294 + 1298 + 1300 + 1301 + 1305 + 1306 + 1309 + 1312 + 1313 + 1316 + 1322 + 1328 + 1330 + 1332 + 1335 + 1336 + 1339 + 1341 + 1342 + 1346 + 1347 + 1353 + 1357 + 1363 + 1365 + 1366 + 1369 + 1371 + 1373 + 1376 + 1377 + 1382 + 1387 + 1389 + 1392 + 1397 + 1398 + 1401 + 1402 + 1405 + 1407 + 1410 + 1411 + 1419 + 1424 + 1426 + 1427 + 1431 + 1433 + 1435 + 1436 + 1438 + 1442 + 1445 + 1450 + 1454 + 1460 + 1461 + 1463 + 1465 + 1466 + 1468 + 1470 + 1471 + 1481 + 1484 + 1487 + 1489 + 1493 + 1494 + 1497 + 1498 + 1500 + 1502 + 1504 + 1505 + 1516 + 1520 + 1523 + 1525 + 1527 + 1528 + 1530 + 1532 + 1534 + 1540 + 1544 + 1545 + 1551 + 1554 + 1557 + 1559 + 1561 + 1562 + 1563 + 1565 + 1567 + 1576 + 1581 + 1582 + 1584 + 1589 + 1590 + 1592 + 1595 + 1596 + 1597 + 1600 + 1604 + 1612 + 1615 + 1617 + 1618 + 1623 + 1624 + 1627 + 1628 + 1636 + 1638 + 1639 + 1640 + 1646 + 1648 + 1651 + 1652 + 1654 + 1657 + 1659 + 1664 + 1671 + 1673 + 1674 + 1675 + 1679 + 1681 + 1685 + 1686 + 1690 + 1695 + 1698 + 1699 + 1705 + 1707 + 1708 + 1709 + 1712 + 1715 + 1716 + 1720 + 1728 + 1731 + 1732 + 1736 + 1739 + 1741 + 1742 + 1745 + 1746 + 1749 + 1753 + 1759 + 1764 + 1765 + 1767 + 1772 + 1773 + 1775 + 1776 + 1778 + 1781 + 1786 + 1791 + 1796 + 1797 + 1798 + 1800 + 1806 + 1807 + 1809 + 1810 + 1812 + 1820 + 1822 + 1826 + 1830 + 1831 + 1832 + 1834 + 1840 + 1841 + 1843 + 1844 + 1848 + 1856 + 1857 + 1861 + 1864 + 1865 + 1866 + 1867 + 1873 + 1875 + 1878 + 1881 + 1883 + 1891 + 1893 + 1895 + 1898 + 1899 + 1900 + 1901 + 1906 + 1911 + 1914 + 1917 + 1918 + 1925 + 1927 + 1929 + 1932 + 1933 + 1935 + 1936 + 1941 + 1946 + 1949 + 1951 + 1955 + 1959 + 1961 + 1963 + 1965 + 1967 + 1970 + 1971 + 1975 + 1983 + 1986 + 1989 + 1990 + 1992 + 1995 + 1997 + 1999 + 2001 + 2005 + 2006 + 2008 + 2017 + 2018 + 2020 + 2021 + 2026 + 2029 + 2030 + 2032 + 2034 + 2039 + 2040 + 2043 + 2052 + 2053 + 2054 + 2055 + 2059 + 2063 + 2064 + 2065 + 2069 + 2074 + 2075 + 2078 + 2084 + 2086 + 2088 + 2089 + 2093 + 2097 + 2098 + 2100 + 2103 + 2107 + 2111 + 2113 + 2118 + 2121 + 2122 + 2123 + 2127 + 2131 + 2133 + 2134 + 2138 + 2144 + 2146 + 2147 + 2153 + 2155 + 2156 + 2158 + 2162 + 2164 + 2167 + 2168 + 2172 + 2178 + 2180 + 2182 + 2186 + 2188 + 2191 + 2193 + 2196 + 2198 + 2201 + 2202 + 2207 + 2212 + 2214 + 2215 + 2218 + 2224 + 2225 + 2228 + 2229 + 2233 + 2237 + 2238 + 2240 + 2246 + 2247 + 2249 + 2252 + 2257 + 2260 + 2262 + 2263 + 2267 + 2271 + 2272 + 2273 + 2280 + 2281 + 2283 + 2287 + 2292 + 2293 + 2297 + 2298 + 2301 + 2304 + 2306 + 2307 + 2314 + 2316 + 2317 + 2320 + 2326 + 2328 + 2331 + 2333 + 2334 + 2338 + 2340 + 2341 + 2349 + 2350 + 2352 + 2356 + 2361 + 2363 + 2365 + 2366 + 2371 + 2373 + 2377 + 2378 + 2383 + 2385 + 2386 + 2387 + 2391 + 2396 + 2399 + 2400 + 2405 + 2406 + 2407 + 2408 + 2411 + 2419 + 2422 + 2423 + 2427 + 2430 + 2432 + 2435 + 2436 + 2440 + 2441 + 2445 + 2453 + 2454 + 2458 + 2459 + 2461 + 2463 + 2465 + 2466 + 2471 + 2474 + 2475 + 2478 + 2484 + 2488 + 2491 + 2492 + 2494 + 2496 + 2498 + 2500 + 2501 + 2505 + 2507 + 2513 + 2515 + 2520 + 2522 + 2524 + 2528 + 2529 + 2531 + 2532 + 2534 + 2537 + 2539 + 2540 + 2541 + 2545 + 2547 + 2548 + 2549 + 2554 + 2556 + 2560 + 2563 + 2565 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_brown // Group brown // Subtree GENERIC + Begin SubModelPartNodes + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_grey // Group grey // Subtree GENERIC + Begin SubModelPartNodes + 219 + 232 + 236 + 247 + 251 + 254 + 263 + 267 + 270 + 273 + 279 + 284 + 287 + 289 + 293 + 298 + 302 + 303 + 310 + 315 + 320 + 324 + 327 + 330 + 333 + 338 + 345 + 349 + 356 + 359 + 360 + 362 + 367 + 375 + 381 + 382 + 387 + 389 + 392 + 393 + 398 + 401 + 410 + 415 + 418 + 419 + 424 + 427 + 431 + 434 + 435 + 440 + 447 + 455 + 457 + 459 + 462 + 464 + 465 + 469 + 475 + 476 + 482 + 490 + 494 + 497 + 501 + 502 + 505 + 508 + 510 + 511 + 515 + 517 + 520 + 524 + 534 + 535 + 543 + 547 + 548 + 554 + 558 + 559 + 571 + 575 + 580 + 586 + 594 + 601 + 615 + 616 + 629 + 631 + 643 + 655 + 661 + 681 + 688 + 702 + 727 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_down // Group yellow_down // Subtree GENERIC + Begin SubModelPartNodes + 23 + 31 + 35 + 41 + 45 + 51 + 52 + 59 + 62 + 63 + 67 + 73 + 76 + 78 + 83 + 85 + 90 + 92 + 94 + 100 + 101 + 104 + 109 + 111 + 114 + 117 + 120 + 121 + 124 + 128 + 133 + 134 + 136 + 140 + 141 + 144 + 152 + 154 + 156 + 157 + 158 + 162 + 165 + 171 + 176 + 177 + 178 + 180 + 181 + 182 + 186 + 192 + 195 + 199 + 202 + 204 + 205 + 206 + 209 + 211 + 217 + 220 + 224 + 226 + 233 + 239 + 241 + 250 + 262 + 304 + 307 + 309 + 312 + 316 + 323 + 332 + 335 + 339 + 341 + 343 + 352 + 353 + 354 + 366 + 368 + 371 + 372 + 374 + 376 + 378 + 385 + 391 + 394 + 395 + 397 + 403 + 407 + 408 + 412 + 416 + 417 + 420 + 422 + 432 + 433 + 436 + 439 + 442 + 446 + 450 + 453 + 456 + 458 + 460 + 466 + 472 + 474 + 478 + 480 + 483 + 488 + 493 + 498 + 499 + 500 + 503 + 504 + 512 + 516 + 518 + 519 + 528 + 531 + 539 + 541 + 542 + 544 + 545 + 546 + 552 + 557 + 560 + 564 + 572 + 573 + 581 + 583 + 585 + 587 + 588 + 589 + 592 + 598 + 603 + 608 + 613 + 614 + 619 + 620 + 623 + 625 + 626 + 627 + 630 + 641 + 646 + 650 + 654 + 656 + 658 + 664 + 666 + 670 + 671 + 675 + 678 + 686 + 689 + 693 + 694 + 697 + 698 + 707 + 708 + 714 + 718 + 719 + 726 + 728 + 733 + 736 + 738 + 739 + 740 + 745 + 751 + 753 + 756 + 758 + 766 + 767 + 770 + 773 + 774 + 775 + 777 + 781 + 789 + 790 + 793 + 795 + 799 + 800 + 805 + 806 + 812 + 816 + 817 + 824 + 825 + 826 + 827 + 831 + 834 + 835 + 841 + 848 + 850 + 851 + 852 + 857 + 858 + 860 + 869 + 870 + 872 + 874 + 878 + 882 + 883 + 888 + 890 + 892 + 893 + 895 + 908 + 910 + 911 + 912 + 915 + 918 + 919 + 926 + 927 + 928 + 932 + 935 + 944 + 946 + 950 + 951 + 955 + 956 + 958 + 971 + 972 + 973 + 974 + 976 + 983 + 985 + 989 + 990 + 991 + 992 + 994 + 1010 + 1012 + 1013 + 1016 + 1018 + 1020 + 1021 + 1026 + 1031 + 1032 + 1035 + 1041 + 1047 + 1049 + 1050 + 1055 + 1056 + 1057 + 1058 + 1067 + 1071 + 1072 + 1078 + 1079 + 1083 + 1086 + 1087 + 1091 + 1094 + 1099 + 1100 + 1107 + 1109 + 1110 + 1113 + 1117 + 1118 + 1122 + 1126 + 1129 + 1134 + 1137 + 1143 + 1144 + 1147 + 1148 + 1151 + 1153 + 1159 + 1162 + 1163 + 1168 + 1171 + 1174 + 1179 + 1181 + 1183 + 1184 + 1185 + 1189 + 1197 + 1200 + 1203 + 1207 + 1209 + 1212 + 1216 + 1217 + 1218 + 1219 + 1226 + 1227 + 1235 + 1239 + 1240 + 1243 + 1244 + 1247 + 1249 + 1253 + 1257 + 1260 + 1263 + 1269 + 1272 + 1274 + 1276 + 1278 + 1279 + 1283 + 1289 + 1292 + 1295 + 1297 + 1302 + 1303 + 1307 + 1310 + 1311 + 1316 + 1317 + 1324 + 1326 + 1327 + 1331 + 1334 + 1337 + 1340 + 1344 + 1345 + 1348 + 1353 + 1355 + 1360 + 1361 + 1364 + 1368 + 1370 + 1374 + 1375 + 1378 + 1385 + 1388 + 1389 + 1393 + 1395 + 1399 + 1403 + 1404 + 1406 + 1408 + 1409 + 1418 + 1423 + 1425 + 1426 + 1429 + 1432 + 1434 + 1437 + 1439 + 1440 + 1448 + 1449 + 1455 + 1458 + 1460 + 1462 + 1464 + 1467 + 1469 + 1472 + 1473 + 1478 + 1485 + 1486 + 1492 + 1494 + 1495 + 1496 + 1499 + 1501 + 1503 + 1513 + 1514 + 1518 + 1521 + 1522 + 1526 + 1528 + 1529 + 1531 + 1533 + 1537 + 1543 + 1550 + 1552 + 1553 + 1556 + 1558 + 1560 + 1562 + 1564 + 1566 + 1569 + 1578 + 1580 + 1585 + 1586 + 1587 + 1591 + 1593 + 1594 + 1596 + 1603 + 1605 + 1610 + 1613 + 1614 + 1619 + 1620 + 1622 + 1625 + 1626 + 1629 + 1636 + 1642 + 1643 + 1645 + 1647 + 1649 + 1653 + 1655 + 1658 + 1660 + 1661 + 1670 + 1673 + 1677 + 1678 + 1680 + 1682 + 1684 + 1688 + 1689 + 1691 + 1700 + 1702 + 1706 + 1707 + 1711 + 1713 + 1714 + 1717 + 1718 + 1727 + 1730 + 1733 + 1735 + 1737 + 1740 + 1741 + 1744 + 1747 + 1748 + 1751 + 1752 + 1762 + 1766 + 1768 + 1769 + 1770 + 1774 + 1775 + 1779 + 1780 + 1782 + 1788 + 1790 + 1799 + 1801 + 1802 + 1803 + 1805 + 1808 + 1810 + 1813 + 1814 + 1819 + 1824 + 1825 + 1833 + 1835 + 1836 + 1838 + 1839 + 1842 + 1844 + 1850 + 1853 + 1855 + 1860 + 1862 + 1869 + 1870 + 1871 + 1872 + 1874 + 1879 + 1881 + 1887 + 1888 + 1890 + 1896 + 1897 + 1902 + 1903 + 1904 + 1905 + 1908 + 1915 + 1917 + 1922 + 1923 + 1926 + 1930 + 1931 + 1934 + 1937 + 1939 + 1940 + 1945 + 1951 + 1952 + 1958 + 1960 + 1962 + 1964 + 1966 + 1968 + 1973 + 1976 + 1977 + 1980 + 1986 + 1987 + 1993 + 1994 + 1996 + 1998 + 2000 + 2004 + 2009 + 2012 + 2015 + 2020 + 2022 + 2023 + 2027 + 2028 + 2031 + 2035 + 2038 + 2044 + 2047 + 2048 + 2049 + 2055 + 2056 + 2060 + 2061 + 2062 + 2067 + 2070 + 2073 + 2080 + 2081 + 2085 + 2089 + 2090 + 2091 + 2094 + 2096 + 2099 + 2102 + 2105 + 2109 + 2115 + 2117 + 2119 + 2123 + 2125 + 2126 + 2129 + 2132 + 2135 + 2137 + 2140 + 2145 + 2151 + 2152 + 2154 + 2158 + 2159 + 2160 + 2165 + 2169 + 2170 + 2174 + 2175 + 2179 + 2185 + 2187 + 2189 + 2193 + 2194 + 2195 + 2200 + 2204 + 2206 + 2208 + 2211 + 2216 + 2219 + 2220 + 2226 + 2228 + 2230 + 2231 + 2234 + 2239 + 2241 + 2243 + 2245 + 2250 + 2254 + 2255 + 2261 + 2262 + 2265 + 2266 + 2270 + 2274 + 2275 + 2278 + 2279 + 2284 + 2288 + 2291 + 2294 + 2298 + 2299 + 2300 + 2305 + 2308 + 2309 + 2312 + 2313 + 2319 + 2324 + 2325 + 2330 + 2331 + 2332 + 2335 + 2339 + 2343 + 2344 + 2346 + 2347 + 2353 + 2359 + 2362 + 2364 + 2365 + 2367 + 2369 + 2372 + 2375 + 2376 + 2379 + 2384 + 2390 + 2394 + 2397 + 2398 + 2400 + 2402 + 2403 + 2410 + 2412 + 2413 + 2416 + 2418 + 2424 + 2429 + 2431 + 2433 + 2435 + 2437 + 2438 + 2442 + 2447 + 2448 + 2449 + 2452 + 2456 + 2464 + 2466 + 2467 + 2468 + 2469 + 2473 + 2480 + 2481 + 2482 + 2485 + 2486 + 2490 + 2499 + 2500 + 2508 + 2509 + 2511 + 2512 + 2514 + 2516 + 2518 + 2521 + 2523 + 2526 + 2531 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_up // Group yellow_up // Subtree GENERIC + Begin SubModelPartNodes + 494 + 501 + 511 + 520 + 529 + 535 + 547 + 559 + 562 + 563 + 567 + 580 + 591 + 594 + 596 + 597 + 602 + 605 + 611 + 615 + 631 + 632 + 633 + 635 + 636 + 639 + 644 + 647 + 651 + 655 + 662 + 667 + 668 + 672 + 673 + 674 + 677 + 680 + 681 + 684 + 691 + 692 + 695 + 696 + 699 + 702 + 705 + 710 + 712 + 713 + 716 + 720 + 723 + 727 + 729 + 730 + 731 + 734 + 735 + 737 + 742 + 743 + 746 + 748 + 750 + 754 + 755 + 757 + 760 + 761 + 762 + 763 + 765 + 771 + 772 + 776 + 782 + 783 + 784 + 786 + 788 + 791 + 792 + 796 + 797 + 798 + 802 + 807 + 808 + 811 + 814 + 818 + 819 + 821 + 828 + 829 + 832 + 833 + 836 + 839 + 843 + 845 + 846 + 847 + 853 + 854 + 855 + 859 + 861 + 862 + 865 + 875 + 876 + 877 + 880 + 881 + 885 + 886 + 887 + 889 + 891 + 897 + 902 + 903 + 905 + 906 + 909 + 913 + 914 + 916 + 920 + 921 + 922 + 924 + 925 + 936 + 937 + 939 + 940 + 941 + 943 + 945 + 947 + 948 + 949 + 953 + 957 + 959 + 961 + 962 + 966 + 967 + 970 + 977 + 978 + 980 + 981 + 982 + 984 + 986 + 987 + 988 + 993 + 1000 + 1001 + 1002 + 1004 + 1006 + 1007 + 1011 + 1014 + 1017 + 1019 + 1022 + 1023 + 1024 + 1025 + 1027 + 1028 + 1030 + 1037 + 1040 + 1043 + 1046 + 1048 + 1052 + 1053 + 1054 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1069 + 1070 + 1074 + 1075 + 1080 + 1082 + 1088 + 1089 + 1090 + 1093 + 1095 + 1096 + 1097 + 1101 + 1102 + 1105 + 1106 + 1111 + 1114 + 1116 + 1121 + 1123 + 1124 + 1125 + 1127 + 1130 + 1131 + 1133 + 1136 + 1139 + 1142 + 1146 + 1150 + 1152 + 1154 + 1155 + 1157 + 1160 + 1161 + 1164 + 1166 + 1170 + 1172 + 1175 + 1177 + 1182 + 1187 + 1188 + 1190 + 1191 + 1192 + 1194 + 1196 + 1198 + 1201 + 1205 + 1206 + 1210 + 1215 + 1220 + 1221 + 1223 + 1224 + 1225 + 1228 + 1230 + 1231 + 1232 + 1236 + 1241 + 1246 + 1250 + 1252 + 1254 + 1255 + 1256 + 1259 + 1261 + 1262 + 1264 + 1265 + 1270 + 1273 + 1281 + 1284 + 1285 + 1286 + 1287 + 1288 + 1290 + 1293 + 1296 + 1298 + 1299 + 1304 + 1308 + 1314 + 1315 + 1318 + 1319 + 1320 + 1321 + 1323 + 1325 + 1329 + 1332 + 1333 + 1338 + 1343 + 1349 + 1350 + 1351 + 1352 + 1354 + 1356 + 1358 + 1359 + 1362 + 1365 + 1367 + 1372 + 1379 + 1380 + 1381 + 1383 + 1384 + 1386 + 1390 + 1391 + 1394 + 1396 + 1398 + 1400 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1420 + 1421 + 1422 + 1428 + 1430 + 1431 + 1441 + 1443 + 1444 + 1446 + 1447 + 1451 + 1452 + 1453 + 1456 + 1457 + 1459 + 1465 + 1474 + 1475 + 1476 + 1477 + 1479 + 1480 + 1482 + 1483 + 1488 + 1490 + 1491 + 1498 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1515 + 1517 + 1519 + 1524 + 1530 + 1535 + 1536 + 1538 + 1539 + 1541 + 1542 + 1546 + 1547 + 1548 + 1549 + 1555 + 1561 + 1568 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1577 + 1579 + 1583 + 1588 + 1595 + 1598 + 1599 + 1601 + 1602 + 1606 + 1607 + 1608 + 1609 + 1611 + 1616 + 1621 + 1628 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1637 + 1641 + 1644 + 1650 + 1656 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1672 + 1676 + 1683 + 1687 + 1692 + 1693 + 1694 + 1696 + 1697 + 1699 + 1701 + 1703 + 1704 + 1710 + 1719 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1729 + 1731 + 1734 + 1738 + 1743 + 1750 + 1754 + 1755 + 1756 + 1757 + 1758 + 1760 + 1761 + 1763 + 1765 + 1771 + 1777 + 1783 + 1784 + 1785 + 1787 + 1789 + 1792 + 1793 + 1794 + 1795 + 1797 + 1804 + 1811 + 1815 + 1816 + 1817 + 1818 + 1821 + 1823 + 1827 + 1828 + 1829 + 1830 + 1837 + 1845 + 1846 + 1847 + 1849 + 1851 + 1852 + 1854 + 1858 + 1859 + 1863 + 1864 + 1868 + 1876 + 1877 + 1880 + 1882 + 1884 + 1885 + 1886 + 1889 + 1892 + 1894 + 1898 + 1907 + 1909 + 1910 + 1912 + 1913 + 1916 + 1919 + 1920 + 1921 + 1924 + 1928 + 1932 + 1938 + 1942 + 1943 + 1944 + 1947 + 1948 + 1950 + 1953 + 1954 + 1956 + 1957 + 1965 + 1969 + 1972 + 1974 + 1978 + 1979 + 1981 + 1982 + 1984 + 1985 + 1988 + 1991 + 1999 + 2002 + 2003 + 2007 + 2010 + 2011 + 2013 + 2014 + 2016 + 2019 + 2024 + 2025 + 2032 + 2033 + 2036 + 2037 + 2041 + 2042 + 2045 + 2046 + 2050 + 2051 + 2057 + 2058 + 2065 + 2066 + 2068 + 2071 + 2072 + 2076 + 2077 + 2079 + 2082 + 2083 + 2087 + 2092 + 2095 + 2097 + 2101 + 2104 + 2106 + 2108 + 2110 + 2112 + 2114 + 2116 + 2120 + 2124 + 2128 + 2130 + 2131 + 2136 + 2139 + 2141 + 2142 + 2143 + 2148 + 2149 + 2150 + 2157 + 2161 + 2163 + 2164 + 2166 + 2171 + 2173 + 2176 + 2177 + 2181 + 2183 + 2184 + 2190 + 2192 + 2197 + 2198 + 2199 + 2203 + 2205 + 2209 + 2210 + 2213 + 2217 + 2221 + 2222 + 2223 + 2227 + 2232 + 2233 + 2235 + 2236 + 2242 + 2244 + 2248 + 2251 + 2253 + 2256 + 2258 + 2259 + 2264 + 2267 + 2268 + 2269 + 2276 + 2277 + 2282 + 2285 + 2286 + 2289 + 2290 + 2295 + 2296 + 2301 + 2302 + 2303 + 2310 + 2311 + 2315 + 2318 + 2321 + 2322 + 2323 + 2327 + 2329 + 2333 + 2336 + 2337 + 2342 + 2345 + 2348 + 2351 + 2354 + 2355 + 2357 + 2358 + 2360 + 2366 + 2368 + 2370 + 2374 + 2380 + 2381 + 2382 + 2388 + 2389 + 2392 + 2393 + 2395 + 2399 + 2401 + 2404 + 2409 + 2414 + 2415 + 2417 + 2420 + 2421 + 2425 + 2426 + 2428 + 2432 + 2434 + 2439 + 2443 + 2444 + 2446 + 2450 + 2451 + 2455 + 2457 + 2460 + 2462 + 2463 + 2470 + 2472 + 2476 + 2477 + 2479 + 2483 + 2487 + 2489 + 2493 + 2495 + 2497 + 2498 + 2502 + 2503 + 2504 + 2506 + 2510 + 2517 + 2519 + 2525 + 2527 + 2528 + 2530 + 2533 + 2535 + 2536 + 2538 + 2542 + 2543 + 2544 + 2546 + 2549 + 2550 + 2551 + 2552 + 2553 + 2555 + 2557 + 2558 + 2559 + 2561 + 2562 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_blue // Group blue // Subtree GENERIC + Begin SubModelPartNodes + 23 + 25 + 27 + 30 + 31 + 32 + 38 + 39 + 41 + 43 + 47 + 49 + 50 + 51 + 56 + 57 + 60 + 63 + 64 + 68 + 70 + 71 + 74 + 78 + 79 + 81 + 82 + 86 + 87 + 88 + 94 + 95 + 96 + 97 + 99 + 103 + 105 + 106 + 112 + 113 + 114 + 115 + 118 + 119 + 122 + 126 + 129 + 130 + 132 + 134 + 135 + 138 + 139 + 142 + 146 + 147 + 148 + 149 + 151 + 155 + 156 + 160 + 161 + 164 + 166 + 168 + 169 + 170 + 172 + 173 + 179 + 180 + 183 + 184 + 188 + 189 + 190 + 191 + 193 + 196 + 197 + 198 + 201 + 205 + 207 + 213 + 214 + 215 + 216 + 218 + 219 + 221 + 222 + 224 + 225 + 229 + 235 + 241 + 244 + 252 + 262 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_not_moving // Group not_moving // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 5 + 6 + 9 + 10 + 15 + 16 + 22 + 23 + 34 + 35 + 44 + 45 + 58 + 59 + 72 + 73 + 89 + 90 + 108 + 109 + 127 + 128 + 150 + 152 + 175 + 177 + 202 + 203 + 223 + 238 + 260 + 282 + 304 + 305 + 335 + 336 + 372 + 373 + 408 + 409 + 450 + 451 + 493 + 496 + 539 + 540 + 583 + 584 + 623 + 624 + 666 + 669 + 708 + 709 + 711 + 715 + 717 + 721 + 727 + 735 + 743 + 751 + 754 + 765 + 772 + 788 + 789 + 797 + 814 + 825 + 829 + 843 + 858 + 893 + 932 + 937 + 957 + 973 + 981 + 1004 + 1012 + 1024 + 1049 + 1052 + 1074 + 1086 + 1101 + 1122 + 1125 + 1150 + 1162 + 1177 + 1200 + 1206 + 1232 + 1239 + 1261 + 1274 + 1288 + 1310 + 1315 + 1343 + 1345 + 1372 + 1385 + 1400 + 1423 + 1430 + 1458 + 1459 + 1490 + 1495 + 1519 + 1529 + 1548 + 1564 + 1577 + 1603 + 1608 + 1635 + 1642 + 1667 + 1677 + 1696 + 1711 + 1724 + 1744 + 1755 + 1779 + 1784 + 1813 + 1815 + 1846 + 1850 + 1877 + 1887 + 1907 + 1922 + 1938 + 1958 + 1969 + 1993 + 2002 + 2027 + 2033 + 2061 + 2066 + 2095 + 2096 + 2128 + 2132 + 2161 + 2169 + 2192 + 2204 + 2221 + 2239 + 2253 + 2274 + 2286 + 2308 + 2318 + 2343 + 2351 + 2375 + 2381 + 2412 + 2415 + 2446 + 2447 + 2476 + 2480 + 2503 + 2508 + 2535 + 2555 + 2569 + 2580 + 2586 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_Meassure // Group Meassure // Subtree GENERIC + Begin SubModelPartNodes + 844 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_narrowing_zone // Group narrowing_zone // Subtree GENERIC + Begin SubModelPartNodes + 262 + 272 + 277 + 286 + 291 + 296 + 300 + 311 + 313 + 318 + 321 + 322 + 331 + 337 + 340 + 342 + 344 + 346 + 351 + 358 + 364 + 365 + 369 + 370 + 377 + 380 + 383 + 385 + 388 + 396 + 399 + 402 + 404 + 405 + 406 + 411 + 425 + 426 + 429 + 430 + 437 + 438 + 443 + 444 + 448 + 452 + 463 + 467 + 471 + 473 + 477 + 479 + 481 + 491 + 494 + 495 + 506 + 507 + 521 + 522 + 523 + 525 + 537 + 549 + 550 + 553 + 568 + 578 + 579 + 606 + 607 + 632 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart FluidParts_Volume // Group Volume // Subtree FluidParts + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + 2708 + 2709 + 2710 + 2711 + 2712 + 2713 + 2714 + 2715 + 2716 + 2717 + 2718 + 2719 + 2720 + 2721 + 2722 + 2723 + 2724 + 2725 + 2726 + 2727 + 2728 + 2729 + 2730 + 2731 + 2732 + 2733 + 2734 + 2735 + 2736 + 2737 + 2738 + 2739 + 2740 + 2741 + 2742 + 2743 + 2744 + 2745 + 2746 + 2747 + 2748 + 2749 + 2750 + 2751 + 2752 + 2753 + 2754 + 2755 + 2756 + 2757 + 2758 + 2759 + 2760 + 2761 + 2762 + 2763 + 2764 + 2765 + 2766 + 2767 + 2768 + 2769 + 2770 + 2771 + 2772 + 2773 + 2774 + 2775 + 2776 + 2777 + 2778 + 2779 + 2780 + 2781 + 2782 + 2783 + 2784 + 2785 + 2786 + 2787 + 2788 + 2789 + 2790 + 2791 + 2792 + 2793 + 2794 + 2795 + 2796 + 2797 + 2798 + 2799 + 2800 + 2801 + 2802 + 2803 + 2804 + 2805 + 2806 + 2807 + 2808 + 2809 + 2810 + 2811 + 2812 + 2813 + 2814 + 2815 + 2816 + 2817 + 2818 + 2819 + 2820 + 2821 + 2822 + 2823 + 2824 + 2825 + 2826 + 2827 + 2828 + 2829 + 2830 + 2831 + 2832 + 2833 + 2834 + 2835 + 2836 + 2837 + 2838 + 2839 + 2840 + 2841 + 2842 + 2843 + 2844 + 2845 + 2846 + 2847 + 2848 + 2849 + 2850 + 2851 + 2852 + 2853 + 2854 + 2855 + 2856 + 2857 + 2858 + 2859 + 2860 + 2861 + 2862 + 2863 + 2864 + 2865 + 2866 + 2867 + 2868 + 2869 + 2870 + 2871 + 2872 + 2873 + 2874 + 2875 + 2876 + 2877 + 2878 + 2879 + 2880 + 2881 + 2882 + 2883 + 2884 + 2885 + 2886 + 2887 + 2888 + 2889 + 2890 + 2891 + 2892 + 2893 + 2894 + 2895 + 2896 + 2897 + 2898 + 2899 + 2900 + 2901 + 2902 + 2903 + 2904 + 2905 + 2906 + 2907 + 2908 + 2909 + 2910 + 2911 + 2912 + 2913 + 2914 + 2915 + 2916 + 2917 + 2918 + 2919 + 2920 + 2921 + 2922 + 2923 + 2924 + 2925 + 2926 + 2927 + 2928 + 2929 + 2930 + 2931 + 2932 + 2933 + 2934 + 2935 + 2936 + 2937 + 2938 + 2939 + 2940 + 2941 + 2942 + 2943 + 2944 + 2945 + 2946 + 2947 + 2948 + 2949 + 2950 + 2951 + 2952 + 2953 + 2954 + 2955 + 2956 + 2957 + 2958 + 2959 + 2960 + 2961 + 2962 + 2963 + 2964 + 2965 + 2966 + 2967 + 2968 + 2969 + 2970 + 2971 + 2972 + 2973 + 2974 + 2975 + 2976 + 2977 + 2978 + 2979 + 2980 + 2981 + 2982 + 2983 + 2984 + 2985 + 2986 + 2987 + 2988 + 2989 + 2990 + 2991 + 2992 + 2993 + 2994 + 2995 + 2996 + 2997 + 2998 + 2999 + 3000 + 3001 + 3002 + 3003 + 3004 + 3005 + 3006 + 3007 + 3008 + 3009 + 3010 + 3011 + 3012 + 3013 + 3014 + 3015 + 3016 + 3017 + 3018 + 3019 + 3020 + 3021 + 3022 + 3023 + 3024 + 3025 + 3026 + 3027 + 3028 + 3029 + 3030 + 3031 + 3032 + 3033 + 3034 + 3035 + 3036 + 3037 + 3038 + 3039 + 3040 + 3041 + 3042 + 3043 + 3044 + 3045 + 3046 + 3047 + 3048 + 3049 + 3050 + 3051 + 3052 + 3053 + 3054 + 3055 + 3056 + 3057 + 3058 + 3059 + 3060 + 3061 + 3062 + 3063 + 3064 + 3065 + 3066 + 3067 + 3068 + 3069 + 3070 + 3071 + 3072 + 3073 + 3074 + 3075 + 3076 + 3077 + 3078 + 3079 + 3080 + 3081 + 3082 + 3083 + 3084 + 3085 + 3086 + 3087 + 3088 + 3089 + 3090 + 3091 + 3092 + 3093 + 3094 + 3095 + 3096 + 3097 + 3098 + 3099 + 3100 + 3101 + 3102 + 3103 + 3104 + 3105 + 3106 + 3107 + 3108 + 3109 + 3110 + 3111 + 3112 + 3113 + 3114 + 3115 + 3116 + 3117 + 3118 + 3119 + 3120 + 3121 + 3122 + 3123 + 3124 + 3125 + 3126 + 3127 + 3128 + 3129 + 3130 + 3131 + 3132 + 3133 + 3134 + 3135 + 3136 + 3137 + 3138 + 3139 + 3140 + 3141 + 3142 + 3143 + 3144 + 3145 + 3146 + 3147 + 3148 + 3149 + 3150 + 3151 + 3152 + 3153 + 3154 + 3155 + 3156 + 3157 + 3158 + 3159 + 3160 + 3161 + 3162 + 3163 + 3164 + 3165 + 3166 + 3167 + 3168 + 3169 + 3170 + 3171 + 3172 + 3173 + 3174 + 3175 + 3176 + 3177 + 3178 + 3179 + 3180 + 3181 + 3182 + 3183 + 3184 + 3185 + 3186 + 3187 + 3188 + 3189 + 3190 + 3191 + 3192 + 3193 + 3194 + 3195 + 3196 + 3197 + 3198 + 3199 + 3200 + 3201 + 3202 + 3203 + 3204 + 3205 + 3206 + 3207 + 3208 + 3209 + 3210 + 3211 + 3212 + 3213 + 3214 + 3215 + 3216 + 3217 + 3218 + 3219 + 3220 + 3221 + 3222 + 3223 + 3224 + 3225 + 3226 + 3227 + 3228 + 3229 + 3230 + 3231 + 3232 + 3233 + 3234 + 3235 + 3236 + 3237 + 3238 + 3239 + 3240 + 3241 + 3242 + 3243 + 3244 + 3245 + 3246 + 3247 + 3248 + 3249 + 3250 + 3251 + 3252 + 3253 + 3254 + 3255 + 3256 + 3257 + 3258 + 3259 + 3260 + 3261 + 3262 + 3263 + 3264 + 3265 + 3266 + 3267 + 3268 + 3269 + 3270 + 3271 + 3272 + 3273 + 3274 + 3275 + 3276 + 3277 + 3278 + 3279 + 3280 + 3281 + 3282 + 3283 + 3284 + 3285 + 3286 + 3287 + 3288 + 3289 + 3290 + 3291 + 3292 + 3293 + 3294 + 3295 + 3296 + 3297 + 3298 + 3299 + 3300 + 3301 + 3302 + 3303 + 3304 + 3305 + 3306 + 3307 + 3308 + 3309 + 3310 + 3311 + 3312 + 3313 + 3314 + 3315 + 3316 + 3317 + 3318 + 3319 + 3320 + 3321 + 3322 + 3323 + 3324 + 3325 + 3326 + 3327 + 3328 + 3329 + 3330 + 3331 + 3332 + 3333 + 3334 + 3335 + 3336 + 3337 + 3338 + 3339 + 3340 + 3341 + 3342 + 3343 + 3344 + 3345 + 3346 + 3347 + 3348 + 3349 + 3350 + 3351 + 3352 + 3353 + 3354 + 3355 + 3356 + 3357 + 3358 + 3359 + 3360 + 3361 + 3362 + 3363 + 3364 + 3365 + 3366 + 3367 + 3368 + 3369 + 3370 + 3371 + 3372 + 3373 + 3374 + 3375 + 3376 + 3377 + 3378 + 3379 + 3380 + 3381 + 3382 + 3383 + 3384 + 3385 + 3386 + 3387 + 3388 + 3389 + 3390 + 3391 + 3392 + 3393 + 3394 + 3395 + 3396 + 3397 + 3398 + 3399 + 3400 + 3401 + 3402 + 3403 + 3404 + 3405 + 3406 + 3407 + 3408 + 3409 + 3410 + 3411 + 3412 + 3413 + 3414 + 3415 + 3416 + 3417 + 3418 + 3419 + 3420 + 3421 + 3422 + 3423 + 3424 + 3425 + 3426 + 3427 + 3428 + 3429 + 3430 + 3431 + 3432 + 3433 + 3434 + 3435 + 3436 + 3437 + 3438 + 3439 + 3440 + 3441 + 3442 + 3443 + 3444 + 3445 + 3446 + 3447 + 3448 + 3449 + 3450 + 3451 + 3452 + 3453 + 3454 + 3455 + 3456 + 3457 + 3458 + 3459 + 3460 + 3461 + 3462 + 3463 + 3464 + 3465 + 3466 + 3467 + 3468 + 3469 + 3470 + 3471 + 3472 + 3473 + 3474 + 3475 + 3476 + 3477 + 3478 + 3479 + 3480 + 3481 + 3482 + 3483 + 3484 + 3485 + 3486 + 3487 + 3488 + 3489 + 3490 + 3491 + 3492 + 3493 + 3494 + 3495 + 3496 + 3497 + 3498 + 3499 + 3500 + 3501 + 3502 + 3503 + 3504 + 3505 + 3506 + 3507 + 3508 + 3509 + 3510 + 3511 + 3512 + 3513 + 3514 + 3515 + 3516 + 3517 + 3518 + 3519 + 3520 + 3521 + 3522 + 3523 + 3524 + 3525 + 3526 + 3527 + 3528 + 3529 + 3530 + 3531 + 3532 + 3533 + 3534 + 3535 + 3536 + 3537 + 3538 + 3539 + 3540 + 3541 + 3542 + 3543 + 3544 + 3545 + 3546 + 3547 + 3548 + 3549 + 3550 + 3551 + 3552 + 3553 + 3554 + 3555 + 3556 + 3557 + 3558 + 3559 + 3560 + 3561 + 3562 + 3563 + 3564 + 3565 + 3566 + 3567 + 3568 + 3569 + 3570 + 3571 + 3572 + 3573 + 3574 + 3575 + 3576 + 3577 + 3578 + 3579 + 3580 + 3581 + 3582 + 3583 + 3584 + 3585 + 3586 + 3587 + 3588 + 3589 + 3590 + 3591 + 3592 + 3593 + 3594 + 3595 + 3596 + 3597 + 3598 + 3599 + 3600 + 3601 + 3602 + 3603 + 3604 + 3605 + 3606 + 3607 + 3608 + 3609 + 3610 + 3611 + 3612 + 3613 + 3614 + 3615 + 3616 + 3617 + 3618 + 3619 + 3620 + 3621 + 3622 + 3623 + 3624 + 3625 + 3626 + 3627 + 3628 + 3629 + 3630 + 3631 + 3632 + 3633 + 3634 + 3635 + 3636 + 3637 + 3638 + 3639 + 3640 + 3641 + 3642 + 3643 + 3644 + 3645 + 3646 + 3647 + 3648 + 3649 + 3650 + 3651 + 3652 + 3653 + 3654 + 3655 + 3656 + 3657 + 3658 + 3659 + 3660 + 3661 + 3662 + 3663 + 3664 + 3665 + 3666 + 3667 + 3668 + 3669 + 3670 + 3671 + 3672 + 3673 + 3674 + 3675 + 3676 + 3677 + 3678 + 3679 + 3680 + 3681 + 3682 + 3683 + 3684 + 3685 + 3686 + 3687 + 3688 + 3689 + 3690 + 3691 + 3692 + 3693 + 3694 + 3695 + 3696 + 3697 + 3698 + 3699 + 3700 + 3701 + 3702 + 3703 + 3704 + 3705 + 3706 + 3707 + 3708 + 3709 + 3710 + 3711 + 3712 + 3713 + 3714 + 3715 + 3716 + 3717 + 3718 + 3719 + 3720 + 3721 + 3722 + 3723 + 3724 + 3725 + 3726 + 3727 + 3728 + 3729 + 3730 + 3731 + 3732 + 3733 + 3734 + 3735 + 3736 + 3737 + 3738 + 3739 + 3740 + 3741 + 3742 + 3743 + 3744 + 3745 + 3746 + 3747 + 3748 + 3749 + 3750 + 3751 + 3752 + 3753 + 3754 + 3755 + 3756 + 3757 + 3758 + 3759 + 3760 + 3761 + 3762 + 3763 + 3764 + 3765 + 3766 + 3767 + 3768 + 3769 + 3770 + 3771 + 3772 + 3773 + 3774 + 3775 + 3776 + 3777 + 3778 + 3779 + 3780 + 3781 + 3782 + 3783 + 3784 + 3785 + 3786 + 3787 + 3788 + 3789 + 3790 + 3791 + 3792 + 3793 + 3794 + 3795 + 3796 + 3797 + 3798 + 3799 + 3800 + 3801 + 3802 + 3803 + 3804 + 3805 + 3806 + 3807 + 3808 + 3809 + 3810 + 3811 + 3812 + 3813 + 3814 + 3815 + 3816 + 3817 + 3818 + 3819 + 3820 + 3821 + 3822 + 3823 + 3824 + 3825 + 3826 + 3827 + 3828 + 3829 + 3830 + 3831 + 3832 + 3833 + 3834 + 3835 + 3836 + 3837 + 3838 + 3839 + 3840 + 3841 + 3842 + 3843 + 3844 + 3845 + 3846 + 3847 + 3848 + 3849 + 3850 + 3851 + 3852 + 3853 + 3854 + 3855 + 3856 + 3857 + 3858 + 3859 + 3860 + 3861 + 3862 + 3863 + 3864 + 3865 + 3866 + 3867 + 3868 + 3869 + 3870 + 3871 + 3872 + 3873 + 3874 + 3875 + 3876 + 3877 + 3878 + 3879 + 3880 + 3881 + 3882 + 3883 + 3884 + 3885 + 3886 + 3887 + 3888 + 3889 + 3890 + 3891 + 3892 + 3893 + 3894 + 3895 + 3896 + 3897 + 3898 + 3899 + 3900 + 3901 + 3902 + 3903 + 3904 + 3905 + 3906 + 3907 + 3908 + 3909 + 3910 + 3911 + 3912 + 3913 + 3914 + 3915 + 3916 + 3917 + 3918 + 3919 + 3920 + 3921 + 3922 + 3923 + 3924 + 3925 + 3926 + 3927 + 3928 + 3929 + 3930 + 3931 + 3932 + 3933 + 3934 + 3935 + 3936 + 3937 + 3938 + 3939 + 3940 + 3941 + 3942 + 3943 + 3944 + 3945 + 3946 + 3947 + 3948 + 3949 + 3950 + 3951 + 3952 + 3953 + 3954 + 3955 + 3956 + 3957 + 3958 + 3959 + 3960 + 3961 + 3962 + 3963 + 3964 + 3965 + 3966 + 3967 + 3968 + 3969 + 3970 + 3971 + 3972 + 3973 + 3974 + 3975 + 3976 + 3977 + 3978 + 3979 + 3980 + 3981 + 3982 + 3983 + 3984 + 3985 + 3986 + 3987 + 3988 + 3989 + 3990 + 3991 + 3992 + 3993 + 3994 + 3995 + 3996 + 3997 + 3998 + 3999 + 4000 + 4001 + 4002 + 4003 + 4004 + 4005 + 4006 + 4007 + 4008 + 4009 + 4010 + 4011 + 4012 + 4013 + 4014 + 4015 + 4016 + 4017 + 4018 + 4019 + 4020 + 4021 + 4022 + 4023 + 4024 + 4025 + 4026 + 4027 + 4028 + 4029 + 4030 + 4031 + 4032 + 4033 + 4034 + 4035 + 4036 + 4037 + 4038 + 4039 + 4040 + 4041 + 4042 + 4043 + 4044 + 4045 + 4046 + 4047 + 4048 + 4049 + 4050 + 4051 + 4052 + 4053 + 4054 + 4055 + 4056 + 4057 + 4058 + 4059 + 4060 + 4061 + 4062 + 4063 + 4064 + 4065 + 4066 + 4067 + 4068 + 4069 + 4070 + 4071 + 4072 + 4073 + 4074 + 4075 + 4076 + 4077 + 4078 + 4079 + 4080 + 4081 + 4082 + 4083 + 4084 + 4085 + 4086 + 4087 + 4088 + 4089 + 4090 + 4091 + 4092 + 4093 + 4094 + 4095 + 4096 + 4097 + 4098 + 4099 + 4100 + 4101 + 4102 + 4103 + 4104 + 4105 + 4106 + 4107 + 4108 + 4109 + 4110 + 4111 + 4112 + 4113 + 4114 + 4115 + 4116 + 4117 + 4118 + 4119 + 4120 + 4121 + 4122 + 4123 + 4124 + 4125 + 4126 + 4127 + 4128 + 4129 + 4130 + 4131 + 4132 + 4133 + 4134 + 4135 + 4136 + 4137 + 4138 + 4139 + 4140 + 4141 + 4142 + 4143 + 4144 + 4145 + 4146 + 4147 + 4148 + 4149 + 4150 + 4151 + 4152 + 4153 + 4154 + 4155 + 4156 + 4157 + 4158 + 4159 + 4160 + 4161 + 4162 + 4163 + 4164 + 4165 + 4166 + 4167 + 4168 + 4169 + 4170 + 4171 + 4172 + 4173 + 4174 + 4175 + 4176 + 4177 + 4178 + 4179 + 4180 + 4181 + 4182 + 4183 + 4184 + 4185 + 4186 + 4187 + 4188 + 4189 + 4190 + 4191 + 4192 + 4193 + 4194 + 4195 + 4196 + 4197 + 4198 + 4199 + 4200 + 4201 + 4202 + 4203 + 4204 + 4205 + 4206 + 4207 + 4208 + 4209 + 4210 + 4211 + 4212 + 4213 + 4214 + 4215 + 4216 + 4217 + 4218 + 4219 + 4220 + 4221 + 4222 + 4223 + 4224 + 4225 + 4226 + 4227 + 4228 + 4229 + 4230 + 4231 + 4232 + 4233 + 4234 + 4235 + 4236 + 4237 + 4238 + 4239 + 4240 + 4241 + 4242 + 4243 + 4244 + 4245 + 4246 + 4247 + 4248 + 4249 + 4250 + 4251 + 4252 + 4253 + 4254 + 4255 + 4256 + 4257 + 4258 + 4259 + 4260 + 4261 + 4262 + 4263 + 4264 + 4265 + 4266 + 4267 + 4268 + 4269 + 4270 + 4271 + 4272 + 4273 + 4274 + 4275 + 4276 + 4277 + 4278 + 4279 + 4280 + 4281 + 4282 + 4283 + 4284 + 4285 + 4286 + 4287 + 4288 + 4289 + 4290 + 4291 + 4292 + 4293 + 4294 + 4295 + 4296 + 4297 + 4298 + 4299 + 4300 + 4301 + 4302 + 4303 + 4304 + 4305 + 4306 + 4307 + 4308 + 4309 + 4310 + 4311 + 4312 + 4313 + 4314 + 4315 + 4316 + 4317 + 4318 + 4319 + 4320 + 4321 + 4322 + 4323 + 4324 + 4325 + 4326 + 4327 + 4328 + 4329 + 4330 + 4331 + 4332 + 4333 + 4334 + 4335 + 4336 + 4337 + 4338 + 4339 + 4340 + 4341 + 4342 + 4343 + 4344 + 4345 + 4346 + 4347 + 4348 + 4349 + 4350 + 4351 + 4352 + 4353 + 4354 + 4355 + 4356 + 4357 + 4358 + 4359 + 4360 + 4361 + 4362 + 4363 + 4364 + 4365 + 4366 + 4367 + 4368 + 4369 + 4370 + 4371 + 4372 + 4373 + 4374 + 4375 + 4376 + 4377 + 4378 + 4379 + 4380 + 4381 + 4382 + 4383 + 4384 + 4385 + 4386 + 4387 + 4388 + 4389 + 4390 + 4391 + 4392 + 4393 + 4394 + 4395 + 4396 + 4397 + 4398 + 4399 + 4400 + 4401 + 4402 + 4403 + 4404 + 4405 + 4406 + 4407 + 4408 + 4409 + 4410 + 4411 + 4412 + 4413 + 4414 + 4415 + 4416 + 4417 + 4418 + 4419 + 4420 + 4421 + 4422 + 4423 + 4424 + 4425 + 4426 + 4427 + 4428 + 4429 + 4430 + 4431 + 4432 + 4433 + 4434 + 4435 + 4436 + 4437 + 4438 + 4439 + 4440 + 4441 + 4442 + 4443 + 4444 + 4445 + 4446 + 4447 + 4448 + 4449 + 4450 + 4451 + 4452 + 4453 + 4454 + 4455 + 4456 + 4457 + 4458 + 4459 + 4460 + 4461 + 4462 + 4463 + 4464 + 4465 + 4466 + 4467 + 4468 + 4469 + 4470 + 4471 + 4472 + 4473 + 4474 + 4475 + 4476 + 4477 + 4478 + 4479 + 4480 + 4481 + 4482 + 4483 + 4484 + 4485 + 4486 + 4487 + 4488 + 4489 + 4490 + 4491 + 4492 + 4493 + 4494 + 4495 + 4496 + 4497 + 4498 + 4499 + 4500 + 4501 + 4502 + 4503 + 4504 + 4505 + 4506 + 4507 + 4508 + 4509 + 4510 + 4511 + 4512 + 4513 + 4514 + 4515 + 4516 + 4517 + 4518 + 4519 + 4520 + 4521 + 4522 + 4523 + 4524 + 4525 + 4526 + 4527 + 4528 + 4529 + 4530 + 4531 + 4532 + 4533 + 4534 + 4535 + 4536 + 4537 + 4538 + 4539 + 4540 + 4541 + 4542 + 4543 + 4544 + 4545 + 4546 + 4547 + 4548 + 4549 + 4550 + 4551 + 4552 + 4553 + 4554 + 4555 + 4556 + 4557 + 4558 + 4559 + 4560 + 4561 + 4562 + 4563 + 4564 + 4565 + 4566 + 4567 + 4568 + 4569 + 4570 + 4571 + 4572 + 4573 + 4574 + 4575 + 4576 + 4577 + 4578 + 4579 + 4580 + 4581 + 4582 + 4583 + 4584 + 4585 + 4586 + 4587 + 4588 + 4589 + 4590 + 4591 + 4592 + 4593 + 4594 + 4595 + 4596 + 4597 + 4598 + 4599 + 4600 + 4601 + 4602 + 4603 + 4604 + 4605 + 4606 + 4607 + 4608 + 4609 + 4610 + 4611 + 4612 + 4613 + 4614 + 4615 + 4616 + 4617 + 4618 + 4619 + 4620 + 4621 + 4622 + 4623 + 4624 + 4625 + 4626 + 4627 + 4628 + 4629 + 4630 + 4631 + 4632 + 4633 + 4634 + 4635 + 4636 + 4637 + 4638 + 4639 + 4640 + 4641 + 4642 + 4643 + 4644 + 4645 + 4646 + 4647 + 4648 + 4649 + 4650 + 4651 + 4652 + 4653 + 4654 + 4655 + 4656 + 4657 + 4658 + 4659 + 4660 + 4661 + 4662 + 4663 + 4664 + 4665 + 4666 + 4667 + 4668 + 4669 + 4670 + 4671 + 4672 + 4673 + 4674 + 4675 + 4676 + 4677 + 4678 + 4679 + 4680 + 4681 + 4682 + 4683 + 4684 + 4685 + 4686 + 4687 + 4688 + 4689 + 4690 + 4691 + 4692 + 4693 + 4694 + 4695 + 4696 + 4697 + 4698 + 4699 + 4700 + 4701 + 4702 + 4703 + 4704 + 4705 + 4706 + 4707 + 4708 + 4709 + 4710 + 4711 + 4712 + 4713 + 4714 + 4715 + 4716 + 4717 + 4718 + 4719 + 4720 + 4721 + 4722 + 4723 + 4724 + 4725 + 4726 + 4727 + 4728 + 4729 + 4730 + 4731 + 4732 + 4733 + 4734 + 4735 + 4736 + 4737 + 4738 + 4739 + 4740 + 4741 + 4742 + 4743 + 4744 + 4745 + 4746 + 4747 + 4748 + 4749 + 4750 + 4751 + 4752 + 4753 + 4754 + 4755 + 4756 + 4757 + 4758 + 4759 + 4760 + 4761 + 4762 + 4763 + 4764 + 4765 + 4766 + 4767 + 4768 + 4769 + 4770 + 4771 + 4772 + 4773 + 4774 + 4775 + 4776 + 4777 + 4778 + 4779 + 4780 + 4781 + 4782 + 4783 + 4784 + 4785 + 4786 + 4787 + 4788 + 4789 + 4790 + 4791 + 4792 + 4793 + 4794 + 4795 + 4796 + 4797 + 4798 + 4799 + 4800 + 4801 + 4802 + 4803 + 4804 + 4805 + 4806 + 4807 + 4808 + 4809 + 4810 + 4811 + 4812 + 4813 + 4814 + 4815 + 4816 + 4817 + 4818 + 4819 + 4820 + 4821 + 4822 + 4823 + 4824 + 4825 + 4826 + 4827 + 4828 + 4829 + 4830 + 4831 + 4832 + 4833 + 4834 + 4835 + 4836 + 4837 + 4838 + 4839 + 4840 + 4841 + 4842 + 4843 + 4844 + 4845 + 4846 + 4847 + 4848 + 4849 + 4850 + 4851 + 4852 + 4853 + 4854 + 4855 + 4856 + 4857 + 4858 + 4859 + 4860 + 4861 + 4862 + 4863 + 4864 + 4865 + 4866 + 4867 + 4868 + 4869 + 4870 + 4871 + 4872 + 4873 + 4874 + 4875 + 4876 + 4877 + 4878 + 4879 + 4880 + 4881 + 4882 + 4883 + 4884 + 4885 + 4886 + 4887 + 4888 + 4889 + 4890 + 4891 + 4892 + 4893 + 4894 + 4895 + 4896 + 4897 + 4898 + 4899 + 4900 + 4901 + 4902 + 4903 + 4904 + 4905 + 4906 + 4907 + 4908 + 4909 + 4910 + 4911 + 4912 + 4913 + 4914 + 4915 + 4916 + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart Outlet2D_Outlet // Group Outlet // Subtree Outlet2D + Begin SubModelPartNodes + 2508 + 2509 + 2511 + 2512 + 2514 + 2516 + 2518 + 2521 + 2523 + 2526 + 2531 + 2534 + 2539 + 2541 + 2545 + 2548 + 2554 + 2556 + 2560 + 2563 + 2565 + 2570 + 2573 + 2576 + 2579 + 2582 + 2584 + 2585 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart NoSlip2D_Wall // Group Wall // Subtree NoSlip2D + Begin SubModelPartNodes + 1 + 3 + 6 + 10 + 16 + 23 + 35 + 45 + 59 + 73 + 90 + 109 + 128 + 152 + 177 + 202 + 204 + 206 + 209 + 211 + 220 + 226 + 233 + 239 + 250 + 262 + 277 + 296 + 304 + 307 + 309 + 312 + 316 + 322 + 323 + 332 + 335 + 341 + 351 + 353 + 368 + 372 + 385 + 408 + 450 + 493 + 494 + 521 + 529 + 539 + 549 + 567 + 578 + 583 + 602 + 606 + 623 + 632 + 635 + 666 + 668 + 672 + 695 + 708 + 709 + 710 + 711 + 715 + 717 + 721 + 727 + 731 + 735 + 743 + 746 + 751 + 754 + 763 + 765 + 772 + 776 + 788 + 789 + 792 + 797 + 811 + 814 + 819 + 825 + 829 + 843 + 847 + 858 + 876 + 893 + 906 + 932 + 937 + 957 + 973 + 981 + 1004 + 1012 + 1024 + 1049 + 1052 + 1074 + 1086 + 1101 + 1122 + 1125 + 1150 + 1162 + 1177 + 1200 + 1206 + 1232 + 1239 + 1261 + 1274 + 1288 + 1310 + 1315 + 1343 + 1345 + 1372 + 1385 + 1400 + 1423 + 1430 + 1458 + 1459 + 1490 + 1495 + 1519 + 1529 + 1548 + 1564 + 1577 + 1603 + 1608 + 1635 + 1642 + 1667 + 1677 + 1696 + 1711 + 1724 + 1744 + 1755 + 1779 + 1784 + 1813 + 1815 + 1846 + 1850 + 1877 + 1887 + 1907 + 1922 + 1938 + 1958 + 1969 + 1993 + 2002 + 2027 + 2033 + 2061 + 2066 + 2095 + 2096 + 2128 + 2132 + 2161 + 2169 + 2192 + 2204 + 2221 + 2239 + 2253 + 2274 + 2286 + 2308 + 2318 + 2343 + 2351 + 2375 + 2381 + 2412 + 2415 + 2446 + 2447 + 2476 + 2480 + 2503 + 2508 + 2535 + 2555 + 2569 + 2580 + 2586 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Total // Group Inlet//Total // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 9 + 15 + 22 + 34 + 44 + 58 + 72 + 89 + 108 + 127 + 150 + 175 + 203 + 223 + 238 + 260 + 282 + 305 + 336 + 373 + 409 + 451 + 496 + 540 + 584 + 624 + 669 + 709 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Custom2 // Group Inlet//Custom2 // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 9 + 15 + 22 + 34 + 44 + 58 + 72 + 89 + 108 + 127 + 150 + 175 + 203 + 223 + 238 + 260 + 282 + 305 + 336 + 373 + 409 + 451 + 496 + 540 + 584 + 624 + 669 + 709 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc_1.mdpa b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc_1.mdpa new file mode 100644 index 00000000..4ebef171 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc_1.mdpa @@ -0,0 +1,18958 @@ +Begin ModelPartData +// VARIABLE_NAME value +End ModelPartData + +Begin Properties 0 +End Properties + +Begin Nodes + 1 0.0000000000 0.0000000000 0.0000000000 + 2 0.0000000000 0.1000000000 0.0000000000 + 3 0.1000000000 0.0000000000 0.0000000000 + 4 0.0888354503 0.1416666667 0.0000000000 + 5 0.0000000000 0.2000000000 0.0000000000 + 6 0.1732050808 0.1000000000 0.0000000000 + 7 0.2000000000 0.0000000000 0.0000000000 + 8 0.1732050808 0.2000000000 0.0000000000 + 9 0.0866025404 0.2500000000 0.0000000000 + 10 0.2570054437 0.1214285714 0.0000000000 + 11 0.0000000000 0.3000000000 0.0000000000 + 12 0.3000000000 0.0000000000 0.0000000000 + 13 0.0756647446 0.3375231984 0.0000000000 + 14 0.1656884886 0.3099881848 0.0000000000 + 15 0.3448775552 0.0926190476 0.0000000000 + 16 0.2598076211 0.2500000000 0.0000000000 + 17 0.0000000000 0.4000000000 0.0000000000 + 18 0.4000000000 0.0000000000 0.0000000000 + 19 0.3464101615 0.2000000000 0.0000000000 + 20 0.4209721708 0.1416666667 0.0000000000 + 21 0.1260326942 0.4276278074 0.0000000000 + 22 0.3464101615 0.3000000000 0.0000000000 + 23 0.2618804547 0.3823013014 0.0000000000 + 24 0.4330127019 0.2500000000 0.0000000000 + 25 0.5000000000 0.0000000000 0.0000000000 + 26 0.0000000000 0.5000000000 0.0000000000 + 27 0.5000000000 0.1000000000 0.0000000000 + 28 0.3550047884 0.3846572083 0.0000000000 + 29 0.5000000000 0.2000000000 0.0000000000 + 30 0.4330127019 0.3500000000 0.0000000000 + 31 0.2272097870 0.5133222254 0.0000000000 + 32 0.1333309964 0.5477711252 0.0000000000 + 33 0.5535714286 0.1285714286 0.0000000000 + 34 0.3267685741 0.4741642388 0.0000000000 + 35 0.5714285714 0.0714285714 0.0000000000 + 36 0.5000000000 0.3000000000 0.0000000000 + 37 0.0000000000 0.6000000000 0.0000000000 + 38 0.6000000000 0.0000000000 0.0000000000 + 39 0.4147044139 0.4444014360 0.0000000000 + 40 0.5866025404 0.2500000000 0.0000000000 + 41 0.5000000000 0.4000000000 0.0000000000 + 42 0.2101045243 0.6118474816 0.0000000000 + 43 0.3039814332 0.5773954555 0.0000000000 + 44 0.1162258804 0.6462972817 0.0000000000 + 45 0.6428571429 0.1428571429 0.0000000000 + 46 0.3978305671 0.5429078060 0.0000000000 + 47 0.5866025404 0.3500000000 0.0000000000 + 48 0.0000000000 0.7000000000 0.0000000000 + 49 0.7000000000 0.0000000000 0.0000000000 + 50 0.5000000000 0.5000000000 0.0000000000 + 51 0.6692820323 0.3000000000 0.0000000000 + 52 0.2869138478 0.6759272456 0.0000000000 + 53 0.1929996216 0.7103737188 0.0000000000 + 54 0.5866025404 0.4500000000 0.0000000000 + 55 0.7142857143 0.2142857143 0.0000000000 + 56 0.3807775753 0.6414393235 0.0000000000 + 57 0.7500000000 0.0866025404 0.0000000000 + 58 0.0866025404 0.7500000000 0.0000000000 + 59 0.5000000000 0.6000000000 0.0000000000 + 60 0.6732050808 0.4000000000 0.0000000000 + 61 0.0000000000 0.8000000000 0.0000000000 + 62 0.8000000000 0.0000000000 0.0000000000 + 63 0.5866025404 0.5500000000 0.0000000000 + 64 0.8000000000 0.1692820323 0.0000000000 + 65 0.1732050808 0.8000000000 0.0000000000 + 66 0.7857142857 0.2857142857 0.0000000000 + 67 0.6732050808 0.5000000000 0.0000000000 + 68 0.3944833327 0.7433047084 0.0000000000 + 69 0.2858111132 0.7924616813 0.0000000000 + 70 0.8500000000 0.0866025404 0.0000000000 + 71 0.0866025404 0.8500000000 0.0000000000 + 72 0.5000000000 0.7000000000 0.0000000000 + 73 0.5866025404 0.6500000000 0.0000000000 + 74 0.7659141812 0.4321428571 0.0000000000 + 75 0.0000000000 0.9000000000 0.0000000000 + 76 0.9000000000 0.0000000000 0.0000000000 + 77 0.6732050808 0.6000000000 0.0000000000 + 78 0.2436534609 0.8709584004 0.0000000000 + 79 0.9000000000 0.1732050808 0.0000000000 + 80 0.1732050808 0.9000000000 0.0000000000 + 81 0.8571428571 0.3571428571 0.0000000000 + 82 0.7598076211 0.5500000000 0.0000000000 + 83 0.5000000000 0.8000000000 0.0000000000 + 84 0.4133974596 0.8500000000 0.0000000000 + 85 0.5866025404 0.7500000000 0.0000000000 + 86 0.9500000000 0.0866025404 0.0000000000 + 87 0.0866025404 0.9500000000 0.0000000000 + 88 0.3232866925 0.9051095923 0.0000000000 + 89 0.9321428571 0.2659141812 0.0000000000 + 90 0.6732050808 0.7000000000 0.0000000000 + 91 0.8464101615 0.5000000000 0.0000000000 + 92 0.7598076211 0.6500000000 0.0000000000 + 93 0.0000000000 1.0000000000 0.0000000000 + 94 1.0000000000 0.0000000000 0.0000000000 + 95 0.2566657422 0.9672374723 0.0000000000 + 96 1.0000000000 0.1732050808 0.0000000000 + 97 0.1732050808 1.0000000000 0.0000000000 + 98 0.9285714286 0.4285714286 0.0000000000 + 99 0.5000000000 0.9000000000 0.0000000000 + 100 0.5866025404 0.8500000000 0.0000000000 + 101 0.4133974596 0.9500000000 0.0000000000 + 102 0.8464101615 0.6000000000 0.0000000000 + 103 0.6732050808 0.8000000000 0.0000000000 + 104 0.3267949192 1.0000000000 0.0000000000 + 105 0.0866025404 1.0500000000 0.0000000000 + 106 1.0500000000 0.0866025404 0.0000000000 + 107 1.0000000000 0.3464101615 0.0000000000 + 108 0.7598076211 0.7500000000 0.0000000000 + 109 1.0500000000 0.2598076211 0.0000000000 + 110 0.9330127019 0.5500000000 0.0000000000 + 111 0.2550746908 1.0620812372 0.0000000000 + 112 0.8464101615 0.7000000000 0.0000000000 + 113 0.0000000000 1.1000000000 0.0000000000 + 114 1.1000000000 0.0000000000 0.0000000000 + 115 0.1732050808 1.1000000000 0.0000000000 + 116 1.1000000000 0.1732050808 0.0000000000 + 117 0.5866025404 0.9500000000 0.0000000000 + 118 0.5000000000 1.0000000000 0.0000000000 + 119 1.0000000000 0.5000000000 0.0000000000 + 120 0.6732050808 0.9000000000 0.0000000000 + 121 0.4133974596 1.0500000000 0.0000000000 + 122 1.0500000000 0.4330127019 0.0000000000 + 123 0.7598076211 0.8500000000 0.0000000000 + 124 0.9416482568 0.6452380952 0.0000000000 + 125 0.3267949192 1.1000000000 0.0000000000 + 126 1.1000000000 0.3464101615 0.0000000000 + 127 0.0866025404 1.1500000000 0.0000000000 + 128 1.1500000000 0.0866025404 0.0000000000 + 129 0.8464101615 0.8000000000 0.0000000000 + 130 1.1500000000 0.2598076211 0.0000000000 + 131 0.2504568778 1.1576012965 0.0000000000 + 132 0.9330127019 0.7500000000 0.0000000000 + 133 0.0000000000 1.2000000000 0.0000000000 + 134 1.2000000000 0.0000000000 0.0000000000 + 135 0.5866025404 1.0500000000 0.0000000000 + 136 0.1592515652 1.1942388597 0.0000000000 + 137 0.6732050808 1.0000000000 0.0000000000 + 138 0.5000000000 1.1000000000 0.0000000000 + 139 1.2000000000 0.1732050808 0.0000000000 + 140 1.0714285714 0.5714285714 0.0000000000 + 141 0.7598076211 0.9500000000 0.0000000000 + 142 0.4133974596 1.1500000000 0.0000000000 + 143 1.1452380952 0.4416482568 0.0000000000 + 144 0.8464101615 0.9000000000 0.0000000000 + 145 0.3267949192 1.2000000000 0.0000000000 + 146 1.0357966163 0.6932539683 0.0000000000 + 147 0.0778851671 1.2460871832 0.0000000000 + 148 1.2000000000 0.3464101615 0.0000000000 + 149 1.2500000000 0.0866025404 0.0000000000 + 150 0.9330127019 0.8500000000 0.0000000000 + 151 1.2500000000 0.2598076211 0.0000000000 + 152 0.2462286848 1.2543340703 0.0000000000 + 153 0.6732050808 1.1000000000 0.0000000000 + 154 0.5866025404 1.1500000000 0.0000000000 + 155 1.0196152423 0.8000000000 0.0000000000 + 156 0.7598076211 1.0500000000 0.0000000000 + 157 0.0000000000 1.3000000000 0.0000000000 + 158 0.5000000000 1.2000000000 0.0000000000 + 159 1.3000000000 0.0000000000 0.0000000000 + 160 0.1651076734 1.2931978959 0.0000000000 + 161 1.1932539683 0.5357966163 0.0000000000 + 162 0.8464101615 1.0000000000 0.0000000000 + 163 1.1428571429 0.6428571429 0.0000000000 + 164 1.3000000000 0.1732050808 0.0000000000 + 165 0.4133974596 1.2500000000 0.0000000000 + 166 1.2500000000 0.4330127019 0.0000000000 + 167 0.9330127019 0.9500000000 0.0000000000 + 168 1.1062177826 0.7500000000 0.0000000000 + 169 0.3267949192 1.3000000000 0.0000000000 + 170 1.3000000000 0.3464101615 0.0000000000 + 171 1.0196152423 0.9000000000 0.0000000000 + 172 0.0839434914 1.3582423854 0.0000000000 + 173 1.3583333333 0.0888354503 0.0000000000 + 174 0.6732050808 1.2000000000 0.0000000000 + 175 0.7598076211 1.1500000000 0.0000000000 + 176 0.5866025404 1.2500000000 0.0000000000 + 177 0.8464101615 1.1000000000 0.0000000000 + 178 1.2500000000 0.6062177826 0.0000000000 + 179 0.5000000000 1.3000000000 0.0000000000 + 180 1.1062177826 0.8500000000 0.0000000000 + 181 0.4180384758 1.3326794919 0.0000000000 + 182 1.3000000000 0.5196152423 0.0000000000 + 183 0.0000000000 1.4000000000 0.0000000000 + 184 1.4000000000 0.0000000000 0.0000000000 + 185 1.3785714286 0.2570054437 0.0000000000 + 186 0.2489661542 1.3809663698 0.0000000000 + 187 0.9330127019 1.0500000000 0.0000000000 + 188 1.2142857143 0.7142857143 0.0000000000 + 189 1.4000000000 0.1732050808 0.0000000000 + 190 0.1606681077 1.4101692334 0.0000000000 + 191 1.3583333333 0.4275105849 0.0000000000 + 192 1.1812608917 0.7978571429 0.0000000000 + 193 1.0196152423 1.0000000000 0.0000000000 + 194 0.3656332582 1.4022743103 0.0000000000 + 195 1.4073809524 0.3461852380 0.0000000000 + 196 1.1062177826 0.9500000000 0.0000000000 + 197 0.7598076211 1.2500000000 0.0000000000 + 198 0.6732050808 1.3000000000 0.0000000000 + 199 0.8464101615 1.2000000000 0.0000000000 + 200 1.2997959184 0.6865412630 0.0000000000 + 201 0.5866025404 1.3500000000 0.0000000000 + 202 1.3500000000 0.6062177826 0.0000000000 + 203 0.9330127019 1.1500000000 0.0000000000 + 204 0.5000000000 1.4000000000 0.0000000000 + 205 1.1938688934 0.8892857143 0.0000000000 + 206 1.4000000000 0.5196152423 0.0000000000 + 207 1.0196152423 1.1000000000 0.0000000000 + 208 1.5000000000 0.0000000000 0.0000000000 + 209 0.0000000000 1.5000000000 0.0000000000 + 210 1.5000000000 0.1000000000 0.0000000000 + 211 0.1000000000 1.5000000000 0.0000000000 + 212 1.2857142857 0.7857142857 0.0000000000 + 213 1.5000000000 0.2000000000 0.0000000000 + 214 0.2000000000 1.5000000000 0.0000000000 + 215 1.1062177826 1.0500000000 0.0000000000 + 216 1.5000000000 0.3000000000 0.0000000000 + 217 0.3000000000 1.5000000000 0.0000000000 + 218 1.5000000000 0.4000000000 0.0000000000 + 219 0.4000000000 1.5000000000 0.0000000000 + 220 0.6818181818 1.4090909091 0.0000000000 + 221 0.7727272727 1.3636363636 0.0000000000 + 222 0.5909090909 1.4545454545 0.0000000000 + 223 1.2051969779 1.0110930736 0.0000000000 + 224 1.3989795918 0.7202707498 0.0000000000 + 225 0.8636363636 1.3181818182 0.0000000000 + 226 0.5000000000 1.5000000000 0.0000000000 + 227 1.5000000000 0.5000000000 0.0000000000 + 228 0.9545454545 1.2727272727 0.0000000000 + 229 1.2794228634 0.9500000000 0.0000000000 + 230 0.0000000000 1.6000000000 0.0000000000 + 231 0.1621682934 1.5938067260 0.0000000000 + 232 1.3571428571 0.8571428571 0.0000000000 + 233 1.0454545455 1.2272727273 0.0000000000 + 234 1.5000000000 0.6000000000 0.0000000000 + 235 0.3393318923 1.5898307666 0.0000000000 + 236 0.2510338458 1.6190336302 0.0000000000 + 237 1.1363636364 1.1818181818 0.0000000000 + 238 0.6626385370 1.5000000000 0.0000000000 + 239 0.0864456923 1.6396022420 0.0000000000 + 240 0.5909090909 1.5454545455 0.0000000000 + 241 1.5000000000 0.7000000000 0.0000000000 + 242 1.2272727273 1.1363636364 0.0000000000 + 243 0.5000000000 1.6000000000 0.0000000000 + 244 0.7677381393 1.5000000000 0.0000000000 + 245 0.4160565086 1.6417576146 0.0000000000 + 246 0.0000000000 1.7000000000 0.0000000000 + 247 1.5000000000 0.8000000000 0.0000000000 + 248 0.1699033203 1.6938067260 0.0000000000 + 249 0.8937822174 1.4500000000 0.0000000000 + 250 1.4285714286 0.9285714286 0.0000000000 + 251 0.9803847577 1.4000000000 0.0000000000 + 252 1.3181818182 1.0909090909 0.0000000000 + 253 1.0669872981 1.3500000000 0.0000000000 + 254 0.6818181818 1.5909090909 0.0000000000 + 255 1.1535898385 1.3000000000 0.0000000000 + 256 0.3348923266 1.7068021041 0.0000000000 + 257 1.5000000000 0.9000000000 0.0000000000 + 258 0.5865783744 1.6499848982 0.0000000000 + 259 0.0866025404 1.7500000000 0.0000000000 + 260 1.4090909091 1.0454545455 0.0000000000 + 261 1.2401923789 1.2500000000 0.0000000000 + 262 0.2598076211 1.7500000000 0.0000000000 + 263 0.5000000000 1.7000000000 0.0000000000 + 264 1.3267949192 1.2000000000 0.0000000000 + 265 0.8937822174 1.5500000000 0.0000000000 + 266 0.9803847577 1.5000000000 0.0000000000 + 267 0.0000000000 1.8000000000 0.0000000000 + 268 1.0669872981 1.4500000000 0.0000000000 + 269 1.5000000000 1.0000000000 0.0000000000 + 270 0.4221148329 1.7539128168 0.0000000000 + 271 0.1732050808 1.8000000000 0.0000000000 + 272 0.7727272727 1.6363636364 0.0000000000 + 273 1.1535898385 1.4000000000 0.0000000000 + 274 1.4133974596 1.1500000000 0.0000000000 + 275 0.6731703240 1.6999965527 0.0000000000 + 276 1.2401923789 1.3500000000 0.0000000000 + 277 0.3407484348 1.8057611403 0.0000000000 + 278 0.5865571968 1.7499715216 0.0000000000 + 279 0.0866025404 1.8500000000 0.0000000000 + 280 1.3267949192 1.3000000000 0.0000000000 + 281 0.2495431222 1.8423987035 0.0000000000 + 282 1.5000000000 1.1000000000 0.0000000000 + 283 0.5000000000 1.8000000000 0.0000000000 + 284 0.9803847577 1.6000000000 0.0000000000 + 285 1.0669872981 1.5500000000 0.0000000000 + 286 1.6000000000 1.0000000000 0.0000000000 + 287 1.4133974596 1.2500000000 0.0000000000 + 288 0.8636363636 1.6818181818 0.0000000000 + 289 1.1535898385 1.5000000000 0.0000000000 + 290 0.4133974596 1.8500000000 0.0000000000 + 291 0.0000000000 1.9000000000 0.0000000000 + 292 0.7597683804 1.7500386656 0.0000000000 + 293 0.1732050808 1.9000000000 0.0000000000 + 294 1.2401923789 1.4500000000 0.0000000000 + 295 1.5000000000 1.2000000000 0.0000000000 + 296 0.6731400485 1.7999931072 0.0000000000 + 297 0.3267949192 1.9000000000 0.0000000000 + 298 1.3267949192 1.4000000000 0.0000000000 + 299 0.5865178330 1.8499464956 0.0000000000 + 300 0.0866025404 1.9500000000 0.0000000000 + 301 0.2449253092 1.9379187628 0.0000000000 + 302 1.4133974596 1.3500000000 0.0000000000 + 303 1.5942194622 1.1397619048 0.0000000000 + 304 0.5000000000 1.9000000000 0.0000000000 + 305 1.0669872981 1.6500000000 0.0000000000 + 306 1.7000000000 1.0000000000 0.0000000000 + 307 1.1535898385 1.6000000000 0.0000000000 + 308 0.9545454545 1.7272727273 0.0000000000 + 309 1.5000000000 1.3000000000 0.0000000000 + 310 1.2401923789 1.5500000000 0.0000000000 + 311 0.8463439891 1.8000850690 0.0000000000 + 312 0.4133974596 1.9500000000 0.0000000000 + 313 0.7597145422 1.8500382216 0.0000000000 + 314 2.0000000000 0.0000000000 0.0000000000 + 315 0.0000000000 2.0000000000 0.0000000000 + 316 2.0000000000 0.1000000000 0.0000000000 + 317 1.3267949192 1.5000000000 0.0000000000 + 318 0.1732050808 2.0000000000 0.0000000000 + 319 2.0000000000 0.2000000000 0.0000000000 + 320 0.6730839822 1.8999862197 0.0000000000 + 321 1.5866025404 1.2500000000 0.0000000000 + 322 2.0000000000 0.3000000000 0.0000000000 + 323 1.7055091521 1.0885714286 0.0000000000 + 324 1.4133974596 1.4500000000 0.0000000000 + 325 0.3267949192 2.0000000000 0.0000000000 + 326 0.5864450966 1.9498999019 0.0000000000 + 327 2.0000000000 0.4000000000 0.0000000000 + 328 0.2433342578 2.0327625277 0.0000000000 + 329 1.5000000000 1.4000000000 0.0000000000 + 330 0.0866025404 2.0500000000 0.0000000000 + 331 1.1535898385 1.7000000000 0.0000000000 + 332 1.0454545455 1.7727272727 0.0000000000 + 333 1.6732050808 1.2000000000 0.0000000000 + 334 1.8000000000 1.0000000000 0.0000000000 + 335 2.0000000000 0.5000000000 0.0000000000 + 336 0.5000000000 2.0000000000 0.0000000000 + 337 1.2401923789 1.6500000000 0.0000000000 + 338 0.9329195279 1.8501317946 0.0000000000 + 339 1.3267949192 1.6000000000 0.0000000000 + 340 0.8462900112 1.9000850276 0.0000000000 + 341 1.5866025404 1.3500000000 0.0000000000 + 342 2.0000000000 0.6000000000 0.0000000000 + 343 0.4133974596 2.0500000000 0.0000000000 + 344 0.7596349003 1.9500686820 0.0000000000 + 345 1.4133974596 1.5500000000 0.0000000000 + 346 2.1000000000 0.0000000000 0.0000000000 + 347 0.0000000000 2.1000000000 0.0000000000 + 348 0.1767133075 2.0948904077 0.0000000000 + 349 1.7519615242 1.1700000000 0.0000000000 + 350 0.6729808297 1.9999724545 0.0000000000 + 351 2.1083333333 0.1090919555 0.0000000000 + 352 1.6732050808 1.3000000000 0.0000000000 + 353 2.0000000000 0.7000000000 0.0000000000 + 354 1.5000000000 1.5000000000 0.0000000000 + 355 2.1000000000 0.3071796770 0.0000000000 + 356 1.8162771759 1.1014285714 0.0000000000 + 357 0.3267949192 2.1000000000 0.0000000000 + 358 0.5863116367 2.0498136484 0.0000000000 + 359 1.5808835240 1.4355872825 0.0000000000 + 360 1.1363636364 1.8181818182 0.0000000000 + 361 0.2563465391 2.1290415996 0.0000000000 + 362 1.2401923789 1.7500000000 0.0000000000 + 363 1.9000000000 1.0000000000 0.0000000000 + 364 0.0866025404 2.1500000000 0.0000000000 + 365 2.1430555556 0.2130005070 0.0000000000 + 366 2.0000000000 0.8000000000 0.0000000000 + 367 2.1000000000 0.4803847577 0.0000000000 + 368 1.0194950623 1.9001785402 0.0000000000 + 369 1.3267949192 1.7000000000 0.0000000000 + 370 1.7598076211 1.2500000000 0.0000000000 + 371 0.5000000000 2.1000000000 0.0000000000 + 372 0.9328655413 1.9501317783 0.0000000000 + 373 0.8462360180 2.0000850126 0.0000000000 + 374 1.4133974596 1.6500000000 0.0000000000 + 375 1.6732050808 1.4000000000 0.0000000000 + 376 1.8267949192 1.2000000000 0.0000000000 + 377 2.1500000000 0.3937822174 0.0000000000 + 378 0.7594890671 2.0501218168 0.0000000000 + 379 0.4133974596 2.1500000000 0.0000000000 + 380 2.0000000000 0.9000000000 0.0000000000 + 381 1.5000000000 1.6000000000 0.0000000000 + 382 1.5686816265 1.5345748819 0.0000000000 + 383 2.0966666667 0.6519145805 0.0000000000 + 384 2.2000000000 0.0000000000 0.0000000000 + 385 0.0000000000 2.2000000000 0.0000000000 + 386 2.2000000000 0.1339745962 0.0000000000 + 387 0.6727925309 2.0999449467 0.0000000000 + 388 2.1416666667 0.5724894151 0.0000000000 + 389 0.2141888868 2.2075383187 0.0000000000 + 390 1.7598076211 1.3500000000 0.0000000000 + 391 2.2000000000 0.3071796770 0.0000000000 + 392 0.3267949192 2.2000000000 0.0000000000 + 393 1.9094115925 1.1419047619 0.0000000000 + 394 0.5860688563 2.1496550705 0.0000000000 + 395 1.2272727273 1.8636363636 0.0000000000 + 396 1.6601472293 1.4948071233 0.0000000000 + 397 2.0000000000 1.0000000000 0.0000000000 + 398 1.3267949192 1.8000000000 0.0000000000 + 399 1.1060705987 1.9502252908 0.0000000000 + 400 1.8267949192 1.3000000000 0.0000000000 + 401 1.0194410752 2.0001785256 0.0000000000 + 402 1.4133974596 1.7500000000 0.0000000000 + 403 2.2000000000 0.4803847577 0.0000000000 + 404 0.9328115497 2.0501317636 0.0000000000 + 405 0.5000000000 2.2000000000 0.0000000000 + 406 2.1000000000 0.8267949192 0.0000000000 + 407 0.1055166673 2.2566952916 0.0000000000 + 408 2.2500000000 0.2205771366 0.0000000000 + 409 1.7414993331 1.4444014360 0.0000000000 + 410 2.1416666667 0.7334936491 0.0000000000 + 411 0.8461820261 2.1000849980 0.0000000000 + 412 1.5000000000 1.7000000000 0.0000000000 + 413 0.7592243702 2.1502124084 0.0000000000 + 414 2.0000000000 1.1000000000 0.0000000000 + 415 2.2500000000 0.3937822174 0.0000000000 + 416 1.9133974596 1.2500000000 0.0000000000 + 417 0.4133974596 2.2500000000 0.0000000000 + 418 1.5866025404 1.6500000000 0.0000000000 + 419 1.6510091314 1.5937003236 0.0000000000 + 420 2.2000000000 0.6535898385 0.0000000000 + 421 2.3000000000 0.0000000000 0.0000000000 + 422 0.0000000000 2.3000000000 0.0000000000 + 423 0.6724521333 2.1998899633 0.0000000000 + 424 1.8267949192 1.4000000000 0.0000000000 + 425 2.3000000000 0.1339745962 0.0000000000 + 426 0.3070003784 2.2896262812 0.0000000000 + 427 1.3181818182 1.9090909091 0.0000000000 + 428 2.2500000000 0.5669872981 0.0000000000 + 429 2.3000000000 0.3071796770 0.0000000000 + 430 0.5856319919 2.2493659982 0.0000000000 + 431 1.2050744428 1.9890716356 0.0000000000 + 432 2.1000000000 1.0000000000 0.0000000000 + 433 2.1416666667 0.9111645497 0.0000000000 + 434 1.4133974596 1.8500000000 0.0000000000 + 435 1.1060166074 2.0502252763 0.0000000000 + 436 1.7401923789 1.5500000000 0.0000000000 + 437 2.0000000000 1.2000000000 0.0000000000 + 438 0.2130861522 2.3240727544 0.0000000000 + 439 1.0193870842 2.1001785118 0.0000000000 + 440 1.9133974596 1.3500000000 0.0000000000 + 441 1.5000000000 1.8000000000 0.0000000000 + 442 0.9327575620 2.1501317493 0.0000000000 + 443 2.3000000000 0.4803847577 0.0000000000 + 444 2.2000000000 0.8267949192 0.0000000000 + 445 0.5000000000 2.3000000000 0.0000000000 + 446 0.8461280401 2.2000849867 0.0000000000 + 447 2.3500000000 0.2205771366 0.0000000000 + 448 0.1192224247 2.3585606765 0.0000000000 + 449 1.5866025404 1.7500000000 0.0000000000 + 450 1.8267949192 1.5000000000 0.0000000000 + 451 2.2500000000 0.7401923789 0.0000000000 + 452 2.0862200847 1.1282863896 0.0000000000 + 453 0.7587492567 2.2503617311 0.0000000000 + 454 2.3500000000 0.3937822174 0.0000000000 + 455 0.3837741196 2.3537027183 0.0000000000 + 456 1.6732050808 1.7000000000 0.0000000000 + 457 2.0000000000 1.3000000000 0.0000000000 + 458 2.3000000000 0.6535898385 0.0000000000 + 459 0.6718445037 2.2997799136 0.0000000000 + 460 1.7401923789 1.6500000000 0.0000000000 + 461 2.4000000000 0.0000000000 0.0000000000 + 462 0.0000000000 2.4000000000 0.0000000000 + 463 1.9133974596 1.4500000000 0.0000000000 + 464 2.4000000000 0.1339745962 0.0000000000 + 465 0.2898954757 2.3881525184 0.0000000000 + 466 1.4090909091 1.9545454545 0.0000000000 + 467 2.2000000000 1.0000000000 0.0000000000 + 468 1.2792216629 2.0503187910 0.0000000000 + 469 2.3500000000 0.5669872981 0.0000000000 + 470 1.1059626167 2.1502252617 0.0000000000 + 471 2.4000000000 0.3071796770 0.0000000000 + 472 0.5848571880 2.3488448395 0.0000000000 + 473 1.5000000000 1.9000000000 0.0000000000 + 474 1.0193330956 2.2001784973 0.0000000000 + 475 1.1936832421 2.1109331827 0.0000000000 + 476 2.2500000000 0.9133974596 0.0000000000 + 477 1.8267949192 1.6000000000 0.0000000000 + 478 0.1960185668 2.4226045445 0.0000000000 + 479 0.9327035737 2.2501317347 0.0000000000 + 480 2.0000000000 1.4000000000 0.0000000000 + 481 2.3000000000 0.8267949192 0.0000000000 + 482 1.5849679369 1.8605662433 0.0000000000 + 483 2.4000000000 0.4803847577 0.0000000000 + 484 0.8460740517 2.3000849721 0.0000000000 + 485 0.5000000000 2.4000000000 0.0000000000 + 486 2.1811004234 1.1208548116 0.0000000000 + 487 2.1362200847 1.2140129486 0.0000000000 + 488 1.6732050808 1.8000000000 0.0000000000 + 489 0.1021694329 2.4570921940 0.0000000000 + 490 2.4500000000 0.2205771366 0.0000000000 + 491 1.9133974596 1.5500000000 0.0000000000 + 492 2.3500000000 0.7401923789 0.0000000000 + 493 1.7401923789 1.7500000000 0.0000000000 + 494 0.7579091866 2.3505943474 0.0000000000 + 495 2.1000000000 1.3071796770 0.0000000000 + 496 0.3666690036 2.4522288748 0.0000000000 + 497 2.4500000000 0.3937822174 0.0000000000 + 498 2.4000000000 0.6535898385 0.0000000000 + 499 0.6707786696 2.3995587153 0.0000000000 + 500 1.8267949192 1.7000000000 0.0000000000 + 501 2.5000000000 0.0000000000 0.0000000000 + 502 1.5000000000 2.0000000000 0.0000000000 + 503 0.0000000000 2.5000000000 0.0000000000 + 504 2.0000000000 1.5000000000 0.0000000000 + 505 0.2727902130 2.4866777746 0.0000000000 + 506 1.1838262380 2.2051026750 0.0000000000 + 507 2.5000000000 0.1339745962 0.0000000000 + 508 2.3000000000 1.0000000000 0.0000000000 + 509 2.4500000000 0.5669872981 0.0000000000 + 510 1.4285714286 2.0714285714 0.0000000000 + 511 0.5835110557 2.4479194615 0.0000000000 + 512 2.5000000000 0.3071796770 0.0000000000 + 513 2.3500000000 0.9133974596 0.0000000000 + 514 1.1194853312 2.2643549305 0.0000000000 + 515 1.9133974596 1.6500000000 0.0000000000 + 516 1.6606913835 1.9082103189 0.0000000000 + 517 1.0378596459 2.3092072214 0.0000000000 + 518 0.1732314259 2.5258357612 0.0000000000 + 519 0.9413501607 2.3548638802 0.0000000000 + 520 1.3571428571 2.1428571429 0.0000000000 + 521 2.4000000000 0.8267949192 0.0000000000 + 522 2.2801834039 1.1159972802 0.0000000000 + 523 0.8460200634 2.4000849576 0.0000000000 + 524 2.5000000000 0.4803847577 0.0000000000 + 525 0.5000000000 2.5000000000 0.0000000000 + 526 0.0852955861 2.5555985640 0.0000000000 + 527 2.2000000000 1.3071796770 0.0000000000 + 528 2.4500000000 0.7401923789 0.0000000000 + 529 2.5500000000 0.2205771366 0.0000000000 + 530 2.2500000000 1.2205771366 0.0000000000 + 531 1.2857142857 2.2142857143 0.0000000000 + 532 1.6000000000 2.0000000000 0.0000000000 + 533 2.0000000000 1.6000000000 0.0000000000 + 534 2.1500000000 1.3937822174 0.0000000000 + 535 1.8267949192 1.8000000000 0.0000000000 + 536 0.7564565944 2.4509171477 0.0000000000 + 537 1.7452838997 1.8804853514 0.0000000000 + 538 2.1000000000 1.4803847577 0.0000000000 + 539 2.5500000000 0.3937822174 0.0000000000 + 540 1.5000000000 2.1000000000 0.0000000000 + 541 2.5000000000 0.6535898385 0.0000000000 + 542 0.6689583863 2.4991090447 0.0000000000 + 543 1.2142857143 2.2857142857 0.0000000000 + 544 1.9133974596 1.7500000000 0.0000000000 + 545 0.3739673058 2.5723721926 0.0000000000 + 546 2.6000000000 0.0000000000 0.0000000000 + 547 0.0000000000 2.6000000000 0.0000000000 + 548 2.4000000000 1.0000000000 0.0000000000 + 549 2.6000000000 0.1418206931 0.0000000000 + 550 0.5812464916 2.5463133163 0.0000000000 + 551 2.5500000000 0.5669872981 0.0000000000 + 552 2.4500000000 0.9133974596 0.0000000000 + 553 2.6000000000 0.3071796770 0.0000000000 + 554 0.1449952116 2.6153427917 0.0000000000 + 555 1.1428571429 2.3571428571 0.0000000000 + 556 0.9325955970 2.4501317056 0.0000000000 + 557 1.7000000000 2.0000000000 0.0000000000 + 558 2.0000000000 1.7000000000 0.0000000000 + 559 2.3800305673 1.1151876916 0.0000000000 + 560 0.2381195453 2.6176986986 0.0000000000 + 561 2.5000000000 0.8267949192 0.0000000000 + 562 1.8267949192 1.9000000000 0.0000000000 + 563 0.8459660750 2.5000849430 0.0000000000 + 564 2.6000000000 0.4803847577 0.0000000000 + 565 2.3000000000 1.3071796770 0.0000000000 + 566 2.2500000000 1.3937822174 0.0000000000 + 567 0.5000000000 2.6000000000 0.0000000000 + 568 2.3500000000 1.2205771366 0.0000000000 + 569 0.0669872981 2.6500000000 0.0000000000 + 570 2.2000000000 1.4803847577 0.0000000000 + 571 1.0714285714 2.4285714286 0.0000000000 + 572 2.5500000000 0.7401923789 0.0000000000 + 573 2.1416666667 1.5724894151 0.0000000000 + 574 1.4133974596 2.2500000000 0.0000000000 + 575 1.3307179677 2.3000000000 0.0000000000 + 576 2.6500000000 0.2205771366 0.0000000000 + 577 1.5000000000 2.2000000000 0.0000000000 + 578 1.9111645497 1.8583333333 0.0000000000 + 579 2.0926190476 1.6538147620 0.0000000000 + 580 0.7633716553 2.5675705713 0.0000000000 + 581 2.6500000000 0.3937822174 0.0000000000 + 582 2.6000000000 0.6535898385 0.0000000000 + 583 0.6659917334 2.5981694353 0.0000000000 + 584 1.8000000000 2.0000000000 0.0000000000 + 585 2.0000000000 1.8000000000 0.0000000000 + 586 1.0000000000 2.5000000000 0.0000000000 + 587 2.5000000000 1.0000000000 0.0000000000 + 588 0.4243352554 2.6624768016 0.0000000000 + 589 2.7000000000 0.0000000000 0.0000000000 + 590 0.0000000000 2.7000000000 0.0000000000 + 591 2.7000000000 0.1339745962 0.0000000000 + 592 0.1535898385 2.7000000000 0.0000000000 + 593 0.5776500535 2.6436288753 0.0000000000 + 594 2.5500000000 0.9133974596 0.0000000000 + 595 2.6500000000 0.5669872981 0.0000000000 + 596 0.3343115114 2.6900118152 0.0000000000 + 597 2.7000000000 0.3071796770 0.0000000000 + 598 2.4800050946 1.1150527602 0.0000000000 + 599 1.2340858188 2.4321428571 0.0000000000 + 600 2.6000000000 0.8267949192 0.0000000000 + 601 2.3500000000 1.3937822174 0.0000000000 + 602 2.4000000000 1.3071796770 0.0000000000 + 603 0.9285714286 2.5714285714 0.0000000000 + 604 2.3000000000 1.4803847577 0.0000000000 + 605 2.4500000000 1.2205771366 0.0000000000 + 606 2.2500000000 1.5669872981 0.0000000000 + 607 1.4133974596 2.3500000000 0.0000000000 + 608 1.3267949192 2.4000000000 0.0000000000 + 609 2.7000000000 0.4803847577 0.0000000000 + 610 2.1214285714 1.7429945563 0.0000000000 + 611 0.5000000000 2.7000000000 0.0000000000 + 612 1.5000000000 2.3000000000 0.0000000000 + 613 0.0669872981 2.7500000000 0.0000000000 + 614 2.6500000000 0.7401923789 0.0000000000 + 615 2.2000000000 1.6535898385 0.0000000000 + 616 1.1535898385 2.5000000000 0.0000000000 + 617 1.9000000000 2.0000000000 0.0000000000 + 618 2.0000000000 1.9000000000 0.0000000000 + 619 2.7500000000 0.2205771366 0.0000000000 + 620 0.2401923789 2.7500000000 0.0000000000 + 621 1.0669872981 2.5500000000 0.0000000000 + 622 2.7000000000 0.6535898385 0.0000000000 + 623 2.7500000000 0.3937822174 0.0000000000 + 624 0.8571428571 2.6428571429 0.0000000000 + 625 0.4133974596 2.7500000000 0.0000000000 + 626 0.6677079267 2.7002582283 0.0000000000 + 627 2.1000000000 1.8267949192 0.0000000000 + 628 2.6000000000 1.0000000000 0.0000000000 + 629 2.7846828546 0.1122743056 0.0000000000 + 630 2.8000000000 0.0000000000 0.0000000000 + 631 0.0000000000 2.8000000000 0.0000000000 + 632 2.6500000000 0.9133974596 0.0000000000 + 633 0.1535898385 2.8000000000 0.0000000000 + 634 2.7500000000 0.5669872981 0.0000000000 + 635 2.5800008491 1.1150302716 0.0000000000 + 636 2.8000000000 0.3071796770 0.0000000000 + 637 2.4500000000 1.3937822174 0.0000000000 + 638 0.3267949192 2.8000000000 0.0000000000 + 639 2.4000000000 1.4803847577 0.0000000000 + 640 2.5000000000 1.3071796770 0.0000000000 + 641 0.5948978465 2.7594928310 0.0000000000 + 642 2.7000000000 0.8267949192 0.0000000000 + 643 2.3500000000 1.5669872981 0.0000000000 + 644 0.7857142857 2.7142857143 0.0000000000 + 645 2.5500000000 1.2205771366 0.0000000000 + 646 2.0000000000 2.0000000000 0.0000000000 + 647 1.4133974596 2.4500000000 0.0000000000 + 648 1.5000000000 2.4000000000 0.0000000000 + 649 1.3267949192 2.5000000000 0.0000000000 + 650 2.3000000000 1.6535898385 0.0000000000 + 651 1.2401923789 2.5500000000 0.0000000000 + 652 2.8000000000 0.4803847577 0.0000000000 + 653 0.5000000000 2.8000000000 0.0000000000 + 654 2.2500000000 1.7401923789 0.0000000000 + 655 1.1535898385 2.6000000000 0.0000000000 + 656 2.7500000000 0.7401923789 0.0000000000 + 657 1.0583517432 2.6452380952 0.0000000000 + 658 2.8500000000 0.2205771366 0.0000000000 + 659 0.0790278292 2.8583333333 0.0000000000 + 660 2.2000000000 1.8267949192 0.0000000000 + 661 0.9642033837 2.6932539683 0.0000000000 + 662 2.1416666667 1.9111645497 0.0000000000 + 663 2.8000000000 0.6535898385 0.0000000000 + 664 0.7142857143 2.7857142857 0.0000000000 + 665 2.8500000000 0.3937822174 0.0000000000 + 666 2.7000000000 1.0000000000 0.0000000000 + 667 0.4111645497 2.8583333333 0.0000000000 + 668 0.2429945563 2.8785714286 0.0000000000 + 669 0.5678776618 2.8338772742 0.0000000000 + 670 0.8937822174 2.7500000000 0.0000000000 + 671 2.7500000000 0.9133974596 0.0000000000 + 672 2.9000000000 0.0000000000 0.0000000000 + 673 2.1000000000 2.0000000000 0.0000000000 + 674 2.0000000000 2.1000000000 0.0000000000 + 675 0.0000000000 2.9000000000 0.0000000000 + 676 2.6800001415 1.1150265235 0.0000000000 + 677 2.5000000000 1.4803847577 0.0000000000 + 678 2.8500000000 0.5669872981 0.0000000000 + 679 2.5500000000 1.3937822174 0.0000000000 + 680 2.4500000000 1.5669872981 0.0000000000 + 681 2.9080971277 0.0985169642 0.0000000000 + 682 2.6000000000 1.3071796770 0.0000000000 + 683 0.1551224448 2.9073809524 0.0000000000 + 684 2.4000000000 1.6535898385 0.0000000000 + 685 1.5000000000 2.5000000000 0.0000000000 + 686 1.4133974596 2.5500000000 0.0000000000 + 687 0.8134587370 2.7997959184 0.0000000000 + 688 2.9000000000 0.3071796770 0.0000000000 + 689 2.6500000000 1.2205771366 0.0000000000 + 690 0.3267949192 2.9000000000 0.0000000000 + 691 1.3267949192 2.6000000000 0.0000000000 + 692 2.8000000000 0.8267949192 0.0000000000 + 693 2.3500000000 1.7401923789 0.0000000000 + 694 1.2401923789 2.6500000000 0.0000000000 + 695 0.6428571429 2.8571428571 0.0000000000 + 696 1.1535898385 2.7000000000 0.0000000000 + 697 2.3000000000 1.8267949192 0.0000000000 + 698 2.9000000000 0.4803847577 0.0000000000 + 699 0.5000000000 2.9000000000 0.0000000000 + 700 2.8500000000 0.7401923789 0.0000000000 + 701 1.0669872981 2.7500000000 0.0000000000 + 702 2.2500000000 1.9133974596 0.0000000000 + 703 0.9803847577 2.8000000000 0.0000000000 + 704 2.9591175359 0.2121591004 0.0000000000 + 705 2.9000000000 0.6535898385 0.0000000000 + 706 2.0000000000 2.2000000000 0.0000000000 + 707 2.2000000000 2.0000000000 0.0000000000 + 708 2.8000000000 1.0000000000 0.0000000000 + 709 2.9500000000 0.3937822174 0.0000000000 + 710 2.0862200847 2.1282863896 0.0000000000 + 711 0.5714285714 2.9285714286 0.0000000000 + 712 0.8937822174 2.8500000000 0.0000000000 + 713 2.6000000000 1.4803847577 0.0000000000 + 714 2.8500000000 0.9133974596 0.0000000000 + 715 2.5500000000 1.5669872981 0.0000000000 + 716 2.6500000000 1.3937822174 0.0000000000 + 717 2.7800000236 1.1150258988 0.0000000000 + 718 2.5000000000 1.6535898385 0.0000000000 + 719 2.7000000000 1.3071796770 0.0000000000 + 720 3.0000000000 0.0000000000 0.0000000000 + 721 0.0000000000 3.0000000000 0.0000000000 + 722 1.5000000000 2.6000000000 0.0000000000 + 723 0.1000000000 3.0000000000 0.0000000000 + 724 0.7797292502 2.8989795918 0.0000000000 + 725 1.4133974596 2.6500000000 0.0000000000 + 726 2.9500000000 0.5669872981 0.0000000000 + 727 2.4500000000 1.7401923789 0.0000000000 + 728 0.2000000000 3.0000000000 0.0000000000 + 729 1.3267949192 2.7000000000 0.0000000000 + 730 2.7500000000 1.2205771366 0.0000000000 + 731 0.3000000000 3.0000000000 0.0000000000 + 732 2.9000000000 0.8267949192 0.0000000000 + 733 3.0000000000 0.3071796770 0.0000000000 + 734 2.4000000000 1.8267949192 0.0000000000 + 735 1.2401923789 2.7500000000 0.0000000000 + 736 0.4000000000 3.0000000000 0.0000000000 + 737 1.1535898385 2.8000000000 0.0000000000 + 738 2.3500000000 1.9133974596 0.0000000000 + 739 3.0000000000 0.4803847577 0.0000000000 + 740 0.5000000000 3.0000000000 0.0000000000 + 741 2.9500000000 0.7401923789 0.0000000000 + 742 2.1811004234 2.1208548116 0.0000000000 + 743 2.3000000000 2.0000000000 0.0000000000 + 744 2.0000000000 2.3000000000 0.0000000000 + 745 3.0475623583 0.1229079165 0.0000000000 + 746 1.0724894151 2.8583333333 0.0000000000 + 747 0.6000000000 3.0000000000 0.0000000000 + 748 3.0513359788 0.2340007015 0.0000000000 + 749 0.9803847577 2.9000000000 0.0000000000 + 750 2.9000000000 1.0000000000 0.0000000000 + 751 3.0000000000 0.6535898385 0.0000000000 + 752 3.0500000000 0.3937822174 0.0000000000 + 753 2.1362200847 2.2140129486 0.0000000000 + 754 2.6500000000 1.5669872981 0.0000000000 + 755 2.7000000000 1.4803847577 0.0000000000 + 756 0.7000000000 3.0000000000 0.0000000000 + 757 2.6000000000 1.6535898385 0.0000000000 + 758 2.7500000000 1.3937822174 0.0000000000 + 759 2.5500000000 1.7401923789 0.0000000000 + 760 2.9500000000 0.9133974596 0.0000000000 + 761 2.8800000039 1.1150257947 0.0000000000 + 762 1.5000000000 2.7000000000 0.0000000000 + 763 2.8000000000 1.3071796770 0.0000000000 + 764 1.4133974596 2.7500000000 0.0000000000 + 765 2.5000000000 1.8267949192 0.0000000000 + 766 1.3267949192 2.8000000000 0.0000000000 + 767 3.1000000000 0.0000000000 0.0000000000 + 768 2.8500000000 1.2205771366 0.0000000000 + 769 3.0500000000 0.5669872981 0.0000000000 + 770 0.8000000000 3.0000000000 0.0000000000 + 771 2.4500000000 1.9133974596 0.0000000000 + 772 2.2801834039 2.1159972802 0.0000000000 + 773 3.0000000000 0.8267949192 0.0000000000 + 774 1.2334936491 2.8583333333 0.0000000000 + 775 3.1000000000 0.3071796770 0.0000000000 + 776 2.1000000000 2.3071796770 0.0000000000 + 777 1.1519145805 2.9033333333 0.0000000000 + 778 2.4000000000 2.0000000000 0.0000000000 + 779 2.0000000000 2.4000000000 0.0000000000 + 780 0.9000000000 3.0000000000 0.0000000000 + 781 3.1000000000 0.4803847577 0.0000000000 + 782 3.0500000000 0.7401923789 0.0000000000 + 783 3.1500000000 0.2205771366 0.0000000000 + 784 2.2500000000 2.2205771366 0.0000000000 + 785 1.0000000000 3.0000000000 0.0000000000 + 786 3.0000000000 1.0000000000 0.0000000000 + 787 2.7500000000 1.5669872981 0.0000000000 + 788 2.7000000000 1.6535898385 0.0000000000 + 789 2.8000000000 1.4803847577 0.0000000000 + 790 3.1000000000 0.6535898385 0.0000000000 + 791 2.6500000000 1.7401923789 0.0000000000 + 792 2.8500000000 1.3937822174 0.0000000000 + 793 3.1500000000 0.3937822174 0.0000000000 + 794 1.5000000000 2.8000000000 0.0000000000 + 795 3.1753873772 0.1101418434 0.0000000000 + 796 2.6000000000 1.8267949192 0.0000000000 + 797 2.9000000000 1.3071796770 0.0000000000 + 798 2.9800000007 1.1150257774 0.0000000000 + 799 3.0500000000 0.9133974596 0.0000000000 + 800 2.3800305673 2.1151876916 0.0000000000 + 801 1.4111645497 2.8583333333 0.0000000000 + 802 2.2000000000 2.3071796770 0.0000000000 + 803 2.5500000000 1.9133974596 0.0000000000 + 804 1.3267949192 2.9000000000 0.0000000000 + 805 2.9500000000 1.2205771366 0.0000000000 + 806 1.1000000000 3.0000000000 0.0000000000 + 807 3.2000000000 0.0000000000 0.0000000000 + 808 3.1500000000 0.5669872981 0.0000000000 + 809 2.5000000000 2.0000000000 0.0000000000 + 810 2.0000000000 2.5000000000 0.0000000000 + 811 3.1000000000 0.8267949192 0.0000000000 + 812 3.2000000000 0.3071796770 0.0000000000 + 813 2.1500000000 2.3937822174 0.0000000000 + 814 1.2000000000 3.0000000000 0.0000000000 + 815 2.3500000000 2.2205771366 0.0000000000 + 816 3.1500000000 0.7401923789 0.0000000000 + 817 3.2000000000 0.4803847577 0.0000000000 + 818 2.1000000000 2.4803847577 0.0000000000 + 819 2.8000000000 1.6535898385 0.0000000000 + 820 2.8500000000 1.5669872981 0.0000000000 + 821 2.7500000000 1.7401923789 0.0000000000 + 822 2.9000000000 1.4803847577 0.0000000000 + 823 3.1000000000 1.0000000000 0.0000000000 + 824 3.2500000000 0.2205771366 0.0000000000 + 825 2.3000000000 2.3071796770 0.0000000000 + 826 2.4800050946 2.1150527602 0.0000000000 + 827 2.7000000000 1.8267949192 0.0000000000 + 828 2.9500000000 1.3937822174 0.0000000000 + 829 1.5000000000 2.9000000000 0.0000000000 + 830 3.2000000000 0.6535898385 0.0000000000 + 831 2.6500000000 1.9133974596 0.0000000000 + 832 1.3000000000 3.0000000000 0.0000000000 + 833 3.0000000000 1.3071796770 0.0000000000 + 834 3.2500000000 0.3937822174 0.0000000000 + 835 3.0800000001 1.1150257745 0.0000000000 + 836 3.1500000000 0.9133974596 0.0000000000 + 837 2.6000000000 2.0000000000 0.0000000000 + 838 2.0000000000 2.6000000000 0.0000000000 + 839 3.0500000000 1.2205771366 0.0000000000 + 840 2.2500000000 2.3937822174 0.0000000000 + 841 3.2500000000 0.5669872981 0.0000000000 + 842 3.3000000000 0.0000000000 0.0000000000 + 843 3.2000000000 0.8267949192 0.0000000000 + 844 3.3047619048 0.0967888707 0.0000000000 + 845 2.4500000000 2.2205771366 0.0000000000 + 846 1.4000000000 3.0000000000 0.0000000000 + 847 3.3000000000 0.3071796770 0.0000000000 + 848 2.2000000000 2.4803847577 0.0000000000 + 849 2.4000000000 2.3071796770 0.0000000000 + 850 3.2500000000 0.7401923789 0.0000000000 + 851 3.3000000000 0.4803847577 0.0000000000 + 852 2.5800008491 2.1150302716 0.0000000000 + 853 2.9000000000 1.6535898385 0.0000000000 + 854 2.8500000000 1.7401923789 0.0000000000 + 855 2.9500000000 1.5669872981 0.0000000000 + 856 2.8000000000 1.8267949192 0.0000000000 + 857 3.0000000000 1.4803847577 0.0000000000 + 858 2.1416666667 2.5724894151 0.0000000000 + 859 2.7500000000 1.9133974596 0.0000000000 + 860 3.2000000000 1.0000000000 0.0000000000 + 861 3.0500000000 1.3937822174 0.0000000000 + 862 1.5000000000 3.0000000000 0.0000000000 + 863 2.3500000000 2.3937822174 0.0000000000 + 864 2.7000000000 2.0000000000 0.0000000000 + 865 2.0000000000 2.7000000000 0.0000000000 + 866 3.3000000000 0.6535898385 0.0000000000 + 867 3.1000000000 1.3071796770 0.0000000000 + 868 3.1800000000 1.1150257740 0.0000000000 + 869 3.3646825397 0.2012206113 0.0000000000 + 870 3.3500000000 0.3937822174 0.0000000000 + 871 3.2500000000 0.9133974596 0.0000000000 + 872 3.1500000000 1.2205771366 0.0000000000 + 873 2.0966666667 2.6519145805 0.0000000000 + 874 2.5500000000 2.2205771366 0.0000000000 + 875 2.3000000000 2.4803847577 0.0000000000 + 876 3.3500000000 0.5669872981 0.0000000000 + 877 3.4000000000 0.0000000000 0.0000000000 + 878 2.5000000000 2.3071796770 0.0000000000 + 879 3.3000000000 0.8267949192 0.0000000000 + 880 2.2500000000 2.5669872981 0.0000000000 + 881 2.6800001415 2.1150265235 0.0000000000 + 882 2.9500000000 1.7401923789 0.0000000000 + 883 2.4500000000 2.3937822174 0.0000000000 + 884 3.0000000000 1.6535898385 0.0000000000 + 885 2.9000000000 1.8267949192 0.0000000000 + 886 3.0500000000 1.5669872981 0.0000000000 + 887 3.3500000000 0.7401923789 0.0000000000 + 888 3.4191137566 0.2881629041 0.0000000000 + 889 2.8500000000 1.9133974596 0.0000000000 + 890 3.4000000000 0.4803847577 0.0000000000 + 891 3.1000000000 1.4803847577 0.0000000000 + 892 3.4365740741 0.0929695172 0.0000000000 + 893 2.8000000000 2.0000000000 0.0000000000 + 894 2.0000000000 2.8000000000 0.0000000000 + 895 3.1500000000 1.3937822174 0.0000000000 + 896 2.2000000000 2.6535898385 0.0000000000 + 897 3.3000000000 1.0000000000 0.0000000000 + 898 2.4000000000 2.4803847577 0.0000000000 + 899 3.2000000000 1.3071796770 0.0000000000 + 900 2.6500000000 2.2205771366 0.0000000000 + 901 3.4000000000 0.6535898385 0.0000000000 + 902 3.2800000000 1.1150257739 0.0000000000 + 903 3.2500000000 1.2205771366 0.0000000000 + 904 3.3500000000 0.9133974596 0.0000000000 + 905 2.1416666667 2.7334936491 0.0000000000 + 906 2.6000000000 2.3071796770 0.0000000000 + 907 2.3500000000 2.5669872981 0.0000000000 + 908 3.4627443416 0.3815312237 0.0000000000 + 909 2.7800000236 2.1150258988 0.0000000000 + 910 3.4500000000 0.5669872981 0.0000000000 + 911 2.5500000000 2.3937822174 0.0000000000 + 912 3.4000000000 0.8267949192 0.0000000000 + 913 3.5000000000 0.0000000000 0.0000000000 + 914 3.5000000000 0.1732050808 0.0000000000 + 915 3.0500000000 1.7401923789 0.0000000000 + 916 2.3000000000 2.6535898385 0.0000000000 + 917 3.0000000000 1.8267949192 0.0000000000 + 918 3.1000000000 1.6535898385 0.0000000000 + 919 2.9500000000 1.9133974596 0.0000000000 + 920 3.1500000000 1.5669872981 0.0000000000 + 921 2.1000000000 2.8267949192 0.0000000000 + 922 2.5000000000 2.4803847577 0.0000000000 + 923 2.9000000000 2.0000000000 0.0000000000 + 924 2.0000000000 2.9000000000 0.0000000000 + 925 3.2000000000 1.4803847577 0.0000000000 + 926 3.4500000000 0.7401923789 0.0000000000 + 927 2.7500000000 2.2205771366 0.0000000000 + 928 3.2500000000 1.3937822174 0.0000000000 + 929 3.5090685014 0.4717634732 0.0000000000 + 930 3.5323522928 0.2763765156 0.0000000000 + 931 3.4000000000 1.0000000000 0.0000000000 + 932 2.2500000000 2.7401923789 0.0000000000 + 933 2.4500000000 2.5669872981 0.0000000000 + 934 3.3000000000 1.3071796770 0.0000000000 + 935 3.5500000000 0.0866025404 0.0000000000 + 936 2.7000000000 2.3071796770 0.0000000000 + 937 3.3800000000 1.1150257739 0.0000000000 + 938 3.5000000000 0.6535898385 0.0000000000 + 939 3.3500000000 1.2205771366 0.0000000000 + 940 3.4500000000 0.9133974596 0.0000000000 + 941 2.6500000000 2.3937822174 0.0000000000 + 942 2.8800000039 2.1150257947 0.0000000000 + 943 2.4000000000 2.6535898385 0.0000000000 + 944 2.2000000000 2.8267949192 0.0000000000 + 945 2.6000000000 2.4803847577 0.0000000000 + 946 3.5750000000 0.3700961894 0.0000000000 + 947 3.5500000000 0.5669872981 0.0000000000 + 948 3.5000000000 0.8267949192 0.0000000000 + 949 3.1000000000 1.8267949192 0.0000000000 + 950 3.1500000000 1.7401923789 0.0000000000 + 951 3.6000000000 0.0000000000 0.0000000000 + 952 3.0500000000 1.9133974596 0.0000000000 + 953 3.2000000000 1.6535898385 0.0000000000 + 954 3.6000000000 0.1732050808 0.0000000000 + 955 3.0000000000 2.0000000000 0.0000000000 + 956 2.0000000000 3.0000000000 0.0000000000 + 957 3.2500000000 1.5669872981 0.0000000000 + 958 2.3500000000 2.7401923789 0.0000000000 + 959 2.8500000000 2.2205771366 0.0000000000 + 960 2.1416666667 2.9111645497 0.0000000000 + 961 3.3000000000 1.4803847577 0.0000000000 + 962 2.5500000000 2.5669872981 0.0000000000 + 963 3.5500000000 0.7401923789 0.0000000000 + 964 2.8000000000 2.3071796770 0.0000000000 + 965 3.3500000000 1.3937822174 0.0000000000 + 966 3.5000000000 1.0000000000 0.0000000000 + 967 3.4000000000 1.3071796770 0.0000000000 + 968 2.3000000000 2.8267949192 0.0000000000 + 969 2.5000000000 2.6535898385 0.0000000000 + 970 2.7500000000 2.3937822174 0.0000000000 + 971 3.6166666667 0.4645940725 0.0000000000 + 972 3.6500000000 0.0866025404 0.0000000000 + 973 3.4800000000 1.1150257739 0.0000000000 + 974 2.9800000007 2.1150257774 0.0000000000 + 975 3.6000000000 0.6535898385 0.0000000000 + 976 3.6500000000 0.2598076211 0.0000000000 + 977 3.4500000000 1.2205771366 0.0000000000 + 978 2.1000000000 3.0000000000 0.0000000000 + 979 3.5500000000 0.9133974596 0.0000000000 + 980 2.7000000000 2.4803847577 0.0000000000 + 981 2.4500000000 2.7401923789 0.0000000000 + 982 2.2500000000 2.9133974596 0.0000000000 + 983 3.2000000000 1.8267949192 0.0000000000 + 984 3.1500000000 1.9133974596 0.0000000000 + 985 3.2500000000 1.7401923789 0.0000000000 + 986 3.1000000000 2.0000000000 0.0000000000 + 987 2.6500000000 2.5669872981 0.0000000000 + 988 3.3000000000 1.6535898385 0.0000000000 + 989 2.9500000000 2.2205771366 0.0000000000 + 990 3.6000000000 0.8267949192 0.0000000000 + 991 3.6500000000 0.5669872981 0.0000000000 + 992 3.3500000000 1.5669872981 0.0000000000 + 993 3.7000000000 0.0000000000 0.0000000000 + 994 3.6861111111 0.3595690659 0.0000000000 + 995 3.7000000000 0.1732050808 0.0000000000 + 996 2.9000000000 2.3071796770 0.0000000000 + 997 2.4000000000 2.8267949192 0.0000000000 + 998 3.4000000000 1.4803847577 0.0000000000 + 999 2.6000000000 2.6535898385 0.0000000000 + 1000 2.2000000000 3.0000000000 0.0000000000 + 1001 3.4500000000 1.3937822174 0.0000000000 + 1002 2.8500000000 2.3937822174 0.0000000000 + 1003 3.6500000000 0.7401923789 0.0000000000 + 1004 3.5000000000 1.3071796770 0.0000000000 + 1005 3.0800000001 2.1150257745 0.0000000000 + 1006 3.6000000000 1.0000000000 0.0000000000 + 1007 2.8000000000 2.4803847577 0.0000000000 + 1008 2.3500000000 2.9133974596 0.0000000000 + 1009 2.5500000000 2.7401923789 0.0000000000 + 1010 3.5800000000 1.1150257739 0.0000000000 + 1011 3.7500000000 0.0866025404 0.0000000000 + 1012 3.7250000000 0.4566987298 0.0000000000 + 1013 3.5500000000 1.2205771366 0.0000000000 + 1014 3.7000000000 0.6535898385 0.0000000000 + 1015 3.7500000000 0.2598076211 0.0000000000 + 1016 2.7500000000 2.5669872981 0.0000000000 + 1017 3.6500000000 0.9133974596 0.0000000000 + 1018 3.2500000000 1.9133974596 0.0000000000 + 1019 3.3000000000 1.8267949192 0.0000000000 + 1020 3.0500000000 2.2205771366 0.0000000000 + 1021 3.2000000000 2.0000000000 0.0000000000 + 1022 2.5000000000 2.8267949192 0.0000000000 + 1023 3.3500000000 1.7401923789 0.0000000000 + 1024 2.3000000000 3.0000000000 0.0000000000 + 1025 3.4000000000 1.6535898385 0.0000000000 + 1026 3.0000000000 2.3071796770 0.0000000000 + 1027 2.7000000000 2.6535898385 0.0000000000 + 1028 3.4500000000 1.5669872981 0.0000000000 + 1029 3.7000000000 0.8267949192 0.0000000000 + 1030 2.9500000000 2.3937822174 0.0000000000 + 1031 3.8000000000 0.0000000000 0.0000000000 + 1032 3.5000000000 1.4803847577 0.0000000000 + 1033 3.8000000000 0.1732050808 0.0000000000 + 1034 2.4500000000 2.9133974596 0.0000000000 + 1035 3.7688657407 0.5491131196 0.0000000000 + 1036 2.6500000000 2.7401923789 0.0000000000 + 1037 3.5500000000 1.3937822174 0.0000000000 + 1038 3.8000000000 0.3464101615 0.0000000000 + 1039 2.9000000000 2.4803847577 0.0000000000 + 1040 3.7500000000 0.7401923789 0.0000000000 + 1041 3.6000000000 1.3071796770 0.0000000000 + 1042 3.7000000000 1.0000000000 0.0000000000 + 1043 2.8500000000 2.5669872981 0.0000000000 + 1044 2.6000000000 2.8267949192 0.0000000000 + 1045 2.4000000000 3.0000000000 0.0000000000 + 1046 3.6800000000 1.1150257739 0.0000000000 + 1047 3.2000000000 2.1339745962 0.0000000000 + 1048 3.6500000000 1.2205771366 0.0000000000 + 1049 3.8500000000 0.0866025404 0.0000000000 + 1050 3.1500000000 2.2205771366 0.0000000000 + 1051 2.8000000000 2.6535898385 0.0000000000 + 1052 3.3500000000 1.9133974596 0.0000000000 + 1053 3.3000000000 2.0000000000 0.0000000000 + 1054 3.8500000000 0.2598076211 0.0000000000 + 1055 3.7500000000 0.9133974596 0.0000000000 + 1056 3.4000000000 1.8267949192 0.0000000000 + 1057 3.8090277778 0.6450365506 0.0000000000 + 1058 3.4500000000 1.7401923789 0.0000000000 + 1059 3.1000000000 2.3071796770 0.0000000000 + 1060 3.5000000000 1.6535898385 0.0000000000 + 1061 2.5500000000 2.9133974596 0.0000000000 + 1062 3.8500000000 0.4330127019 0.0000000000 + 1063 3.0500000000 2.3937822174 0.0000000000 + 1064 3.5500000000 1.5669872981 0.0000000000 + 1065 2.7500000000 2.7401923789 0.0000000000 + 1066 3.8000000000 0.8267949192 0.0000000000 + 1067 3.6000000000 1.4803847577 0.0000000000 + 1068 3.0000000000 2.4803847577 0.0000000000 + 1069 3.9000000000 0.0000000000 0.0000000000 + 1070 3.9000000000 0.1732050808 0.0000000000 + 1071 2.5000000000 3.0000000000 0.0000000000 + 1072 3.6500000000 1.3937822174 0.0000000000 + 1073 2.7000000000 2.8267949192 0.0000000000 + 1074 2.9500000000 2.5669872981 0.0000000000 + 1075 3.9000000000 0.3464101615 0.0000000000 + 1076 3.8791666667 0.5393535989 0.0000000000 + 1077 3.7000000000 1.3071796770 0.0000000000 + 1078 3.8589451058 0.7326250317 0.0000000000 + 1079 3.8000000000 1.0000000000 0.0000000000 + 1080 3.3000000000 2.1339745962 0.0000000000 + 1081 2.9000000000 2.6535898385 0.0000000000 + 1082 3.2500000000 2.2205771366 0.0000000000 + 1083 2.6500000000 2.9133974596 0.0000000000 + 1084 3.7800000000 1.1150257739 0.0000000000 + 1085 3.7500000000 1.2205771366 0.0000000000 + 1086 3.4000000000 2.0000000000 0.0000000000 + 1087 3.2000000000 2.3071796770 0.0000000000 + 1088 3.4500000000 1.9133974596 0.0000000000 + 1089 3.5000000000 1.8267949192 0.0000000000 + 1090 3.9500000000 0.0866025404 0.0000000000 + 1091 3.5500000000 1.7401923789 0.0000000000 + 1092 2.8500000000 2.7401923789 0.0000000000 + 1093 3.1500000000 2.3937822174 0.0000000000 + 1094 3.8500000000 0.9133974596 0.0000000000 + 1095 3.9500000000 0.2598076211 0.0000000000 + 1096 3.6000000000 1.6535898385 0.0000000000 + 1097 2.6000000000 3.0000000000 0.0000000000 + 1098 3.1000000000 2.4803847577 0.0000000000 + 1099 3.6500000000 1.5669872981 0.0000000000 + 1100 3.9500000000 0.4330127019 0.0000000000 + 1101 3.9250000000 0.6299038106 0.0000000000 + 1102 2.8000000000 2.8267949192 0.0000000000 + 1103 3.7000000000 1.4803847577 0.0000000000 + 1104 3.0500000000 2.5669872981 0.0000000000 + 1105 3.9000000000 0.8267949192 0.0000000000 + 1106 4.0000000000 0.0000000000 0.0000000000 + 1107 3.7500000000 1.3937822174 0.0000000000 + 1108 4.0000000000 0.1732050808 0.0000000000 + 1109 3.0000000000 2.6535898385 0.0000000000 + 1110 2.7500000000 2.9133974596 0.0000000000 + 1111 3.4000000000 2.1339745962 0.0000000000 + 1112 4.0000000000 0.3464101615 0.0000000000 + 1113 3.8000000000 1.3071796770 0.0000000000 + 1114 3.3500000000 2.2205771366 0.0000000000 + 1115 3.9000000000 1.0000000000 0.0000000000 + 1116 2.9500000000 2.7401923789 0.0000000000 + 1117 3.3000000000 2.3071796770 0.0000000000 + 1118 3.5000000000 2.0000000000 0.0000000000 + 1119 3.5500000000 1.9133974596 0.0000000000 + 1120 4.0000000000 0.5196152423 0.0000000000 + 1121 3.9696428571 0.7270276119 0.0000000000 + 1122 2.7000000000 3.0000000000 0.0000000000 + 1123 3.2500000000 2.3937822174 0.0000000000 + 1124 3.6000000000 1.8267949192 0.0000000000 + 1125 3.8800000000 1.1150257739 0.0000000000 + 1126 3.8500000000 1.2205771366 0.0000000000 + 1127 3.6500000000 1.7401923789 0.0000000000 + 1128 3.2000000000 2.4803847577 0.0000000000 + 1129 2.9000000000 2.8267949192 0.0000000000 + 1130 4.0500000000 0.0866025404 0.0000000000 + 1131 3.7000000000 1.6535898385 0.0000000000 + 1132 3.9500000000 0.9133974596 0.0000000000 + 1133 4.0500000000 0.2598076211 0.0000000000 + 1134 3.1500000000 2.5669872981 0.0000000000 + 1135 3.7500000000 1.5669872981 0.0000000000 + 1136 4.0500000000 0.4330127019 0.0000000000 + 1137 2.8500000000 2.9133974596 0.0000000000 + 1138 3.8000000000 1.4803847577 0.0000000000 + 1139 3.1000000000 2.6535898385 0.0000000000 + 1140 4.0000000000 0.8267949192 0.0000000000 + 1141 4.0395833333 0.6224402584 0.0000000000 + 1142 3.8500000000 1.3937822174 0.0000000000 + 1143 3.5000000000 2.1339745962 0.0000000000 + 1144 4.1000000000 0.0000000000 0.0000000000 + 1145 3.0500000000 2.7401923789 0.0000000000 + 1146 3.4500000000 2.2205771366 0.0000000000 + 1147 2.8000000000 3.0000000000 0.0000000000 + 1148 4.1000000000 0.1732050808 0.0000000000 + 1149 3.4000000000 2.3071796770 0.0000000000 + 1150 3.9000000000 1.3071796770 0.0000000000 + 1151 4.1000000000 0.3464101615 0.0000000000 + 1152 3.3500000000 2.3937822174 0.0000000000 + 1153 3.6000000000 2.0000000000 0.0000000000 + 1154 3.6500000000 1.9133974596 0.0000000000 + 1155 3.0000000000 2.8267949192 0.0000000000 + 1156 4.0000000000 1.0000000000 0.0000000000 + 1157 3.7000000000 1.8267949192 0.0000000000 + 1158 3.3000000000 2.4803847577 0.0000000000 + 1159 3.9800000000 1.1095800904 0.0000000000 + 1160 4.1000000000 0.5196152423 0.0000000000 + 1161 3.7500000000 1.7401923789 0.0000000000 + 1162 3.9500000000 1.2205771366 0.0000000000 + 1163 3.2500000000 2.5669872981 0.0000000000 + 1164 3.8000000000 1.6535898385 0.0000000000 + 1165 2.9500000000 2.9133974596 0.0000000000 + 1166 4.1500000000 0.0866025404 0.0000000000 + 1167 4.0500000000 0.9133974596 0.0000000000 + 1168 3.8500000000 1.5669872981 0.0000000000 + 1169 3.2000000000 2.6535898385 0.0000000000 + 1170 4.0928571429 0.7322618607 0.0000000000 + 1171 4.1500000000 0.2598076211 0.0000000000 + 1172 3.9000000000 1.4803847577 0.0000000000 + 1173 2.9000000000 3.0000000000 0.0000000000 + 1174 4.1500000000 0.4330127019 0.0000000000 + 1175 3.1500000000 2.7401923789 0.0000000000 + 1176 4.1000000000 0.8267949192 0.0000000000 + 1177 3.6000000000 2.1339745962 0.0000000000 + 1178 3.5500000000 2.2205771366 0.0000000000 + 1179 3.9500000000 1.3937822174 0.0000000000 + 1180 3.5000000000 2.3071796770 0.0000000000 + 1181 4.1500000000 0.6062177826 0.0000000000 + 1182 3.1000000000 2.8267949192 0.0000000000 + 1183 3.4500000000 2.3937822174 0.0000000000 + 1184 4.2000000000 0.0000000000 0.0000000000 + 1185 4.2000000000 0.1732050808 0.0000000000 + 1186 3.7000000000 2.0000000000 0.0000000000 + 1187 4.0000000000 1.3071796770 0.0000000000 + 1188 3.4000000000 2.4803847577 0.0000000000 + 1189 3.7500000000 1.9133974596 0.0000000000 + 1190 4.2000000000 0.3464101615 0.0000000000 + 1191 3.8000000000 1.8267949192 0.0000000000 + 1192 3.0500000000 2.9133974596 0.0000000000 + 1193 4.1000000000 1.0000000000 0.0000000000 + 1194 3.3500000000 2.5669872981 0.0000000000 + 1195 3.8500000000 1.7401923789 0.0000000000 + 1196 4.0500000000 1.2205771366 0.0000000000 + 1197 4.2000000000 0.5196152423 0.0000000000 + 1198 3.3000000000 2.6535898385 0.0000000000 + 1199 3.9000000000 1.6535898385 0.0000000000 + 1200 3.0000000000 3.0000000000 0.0000000000 + 1201 4.1000000000 1.1013004951 0.0000000000 + 1202 4.1500000000 0.9133974596 0.0000000000 + 1203 3.9500000000 1.5669872981 0.0000000000 + 1204 4.2500000000 0.0866025404 0.0000000000 + 1205 3.2500000000 2.7401923789 0.0000000000 + 1206 4.2000000000 0.6928203230 0.0000000000 + 1207 4.2500000000 0.2598076211 0.0000000000 + 1208 4.1817176871 0.8119126854 0.0000000000 + 1209 4.0000000000 1.4803847577 0.0000000000 + 1210 3.2000000000 2.8267949192 0.0000000000 + 1211 3.7000000000 2.1339745962 0.0000000000 + 1212 4.2500000000 0.4330127019 0.0000000000 + 1213 3.6500000000 2.2205771366 0.0000000000 + 1214 3.6000000000 2.3071796770 0.0000000000 + 1215 3.5500000000 2.3937822174 0.0000000000 + 1216 4.0500000000 1.3937822174 0.0000000000 + 1217 3.5000000000 2.4803847577 0.0000000000 + 1218 3.1500000000 2.9133974596 0.0000000000 + 1219 4.2500000000 0.6062177826 0.0000000000 + 1220 3.8000000000 2.0000000000 0.0000000000 + 1221 3.8500000000 1.9133974596 0.0000000000 + 1222 4.3000000000 0.0000000000 0.0000000000 + 1223 3.4500000000 2.5669872981 0.0000000000 + 1224 4.1000000000 1.3071796770 0.0000000000 + 1225 4.3000000000 0.1732050808 0.0000000000 + 1226 3.9000000000 1.8267949192 0.0000000000 + 1227 3.4000000000 2.6535898385 0.0000000000 + 1228 3.1000000000 3.0000000000 0.0000000000 + 1229 4.3000000000 0.3464101615 0.0000000000 + 1230 3.9500000000 1.7401923789 0.0000000000 + 1231 4.2000000000 1.0000000000 0.0000000000 + 1232 4.1500000000 1.2205771366 0.0000000000 + 1233 3.3500000000 2.7401923789 0.0000000000 + 1234 4.0000000000 1.6535898385 0.0000000000 + 1235 4.3000000000 0.5196152423 0.0000000000 + 1236 4.0500000000 1.5669872981 0.0000000000 + 1237 3.3000000000 2.8267949192 0.0000000000 + 1238 4.2500000000 0.9133974596 0.0000000000 + 1239 4.3500000000 0.0866025404 0.0000000000 + 1240 4.3000000000 0.6928203230 0.0000000000 + 1241 4.3500000000 0.2598076211 0.0000000000 + 1242 3.7500000000 2.2205771366 0.0000000000 + 1243 3.8000000000 2.1339745962 0.0000000000 + 1244 4.1000000000 1.4803847577 0.0000000000 + 1245 3.7000000000 2.3071796770 0.0000000000 + 1246 4.2200000055 1.1095800852 0.0000000000 + 1247 3.2500000000 2.9133974596 0.0000000000 + 1248 3.6500000000 2.3937822174 0.0000000000 + 1249 4.2963951652 0.7910334077 0.0000000000 + 1250 4.3500000000 0.4330127019 0.0000000000 + 1251 3.6000000000 2.4803847577 0.0000000000 + 1252 4.1500000000 1.3937822174 0.0000000000 + 1253 3.5500000000 2.5669872981 0.0000000000 + 1254 3.9000000000 2.0000000000 0.0000000000 + 1255 3.2000000000 3.0000000000 0.0000000000 + 1256 3.9500000000 1.9133974596 0.0000000000 + 1257 4.3500000000 0.6062177826 0.0000000000 + 1258 3.5000000000 2.6535898385 0.0000000000 + 1259 4.0000000000 1.8267949192 0.0000000000 + 1260 4.2000000000 1.3071796770 0.0000000000 + 1261 4.4000000000 0.0000000000 0.0000000000 + 1262 4.4000000000 0.1732050808 0.0000000000 + 1263 3.4500000000 2.7401923789 0.0000000000 + 1264 4.0500000000 1.7401923789 0.0000000000 + 1265 4.4000000000 0.3464101615 0.0000000000 + 1266 4.3000000000 1.0000000000 0.0000000000 + 1267 4.1000000000 1.6535898385 0.0000000000 + 1268 3.4000000000 2.8267949192 0.0000000000 + 1269 4.2500000000 1.2205771366 0.0000000000 + 1270 4.4000000000 0.5196152423 0.0000000000 + 1271 4.1500000000 1.5669872981 0.0000000000 + 1272 4.3829081633 0.7029458701 0.0000000000 + 1273 3.3500000000 2.9133974596 0.0000000000 + 1274 3.8500000000 2.2205771366 0.0000000000 + 1275 4.3500000000 0.9133974596 0.0000000000 + 1276 3.8000000000 2.3071796770 0.0000000000 + 1277 3.9000000000 2.1339745962 0.0000000000 + 1278 3.7500000000 2.3937822174 0.0000000000 + 1279 4.4500000000 0.0866025404 0.0000000000 + 1280 4.2000000000 1.4803847577 0.0000000000 + 1281 3.7000000000 2.4803847577 0.0000000000 + 1282 4.4500000000 0.2598076211 0.0000000000 + 1283 3.3000000000 3.0000000000 0.0000000000 + 1284 4.3200000327 1.1150257429 0.0000000000 + 1285 3.6500000000 2.5669872981 0.0000000000 + 1286 4.4500000000 0.4330127019 0.0000000000 + 1287 4.0000000000 2.0000000000 0.0000000000 + 1288 3.6000000000 2.6535898385 0.0000000000 + 1289 4.2500000000 1.3937822174 0.0000000000 + 1290 4.0500000000 1.9133974596 0.0000000000 + 1291 4.4101403061 0.8099397330 0.0000000000 + 1292 3.5500000000 2.7401923789 0.0000000000 + 1293 4.1000000000 1.8267949192 0.0000000000 + 1294 4.4500000000 0.6062177826 0.0000000000 + 1295 4.3000000000 1.3071796770 0.0000000000 + 1296 3.5000000000 2.8267949192 0.0000000000 + 1297 4.5000000000 0.0000000000 0.0000000000 + 1298 4.1500000000 1.7401923789 0.0000000000 + 1299 4.5000000000 0.1732050808 0.0000000000 + 1300 4.4000000000 1.0000000000 0.0000000000 + 1301 4.5000000000 0.3464101615 0.0000000000 + 1302 4.2000000000 1.6535898385 0.0000000000 + 1303 3.4500000000 2.9133974596 0.0000000000 + 1304 4.3500000000 1.2205771366 0.0000000000 + 1305 4.2500000000 1.5669872981 0.0000000000 + 1306 4.5000000000 0.5196152423 0.0000000000 + 1307 3.9000000000 2.3071796770 0.0000000000 + 1308 3.9500000000 2.2205771366 0.0000000000 + 1309 3.8500000000 2.3937822174 0.0000000000 + 1310 4.0000000000 2.1339745962 0.0000000000 + 1311 3.4000000000 3.0000000000 0.0000000000 + 1312 4.4788548753 0.7106066903 0.0000000000 + 1313 3.8000000000 2.4803847577 0.0000000000 + 1314 4.4500000000 0.9133974596 0.0000000000 + 1315 3.7500000000 2.5669872981 0.0000000000 + 1316 4.3000000000 1.4803847577 0.0000000000 + 1317 4.5500000000 0.0866025404 0.0000000000 + 1318 3.7000000000 2.6535898385 0.0000000000 + 1319 4.5500000000 0.2598076211 0.0000000000 + 1320 4.4200001965 1.1150255877 0.0000000000 + 1321 4.1000000000 2.0000000000 0.0000000000 + 1322 3.6500000000 2.7401923789 0.0000000000 + 1323 4.3500000000 1.3937822174 0.0000000000 + 1324 4.1500000000 1.9133974596 0.0000000000 + 1325 4.5500000000 0.4330127019 0.0000000000 + 1326 4.5000000000 0.8267949192 0.0000000000 + 1327 3.6000000000 2.8267949192 0.0000000000 + 1328 4.2000000000 1.8267949192 0.0000000000 + 1329 4.4000000000 1.3071796770 0.0000000000 + 1330 4.5500000000 0.6062177826 0.0000000000 + 1331 3.5500000000 2.9133974596 0.0000000000 + 1332 4.2500000000 1.7401923789 0.0000000000 + 1333 4.6000000000 0.0000000000 0.0000000000 + 1334 4.6000000000 0.1732050808 0.0000000000 + 1335 4.3000000000 1.6535898385 0.0000000000 + 1336 4.1000000000 2.1013004951 0.0000000000 + 1337 3.5000000000 3.0000000000 0.0000000000 + 1338 4.5000000000 1.0000000000 0.0000000000 + 1339 4.6000000000 0.3464101615 0.0000000000 + 1340 4.4500000000 1.2205771366 0.0000000000 + 1341 4.0000000000 2.3071796770 0.0000000000 + 1342 3.9500000000 2.3937822174 0.0000000000 + 1343 4.0500000000 2.2205771366 0.0000000000 + 1344 3.9000000000 2.4803847577 0.0000000000 + 1345 4.3500000000 1.5669872981 0.0000000000 + 1346 3.8500000000 2.5669872981 0.0000000000 + 1347 4.6000000000 0.5196152423 0.0000000000 + 1348 3.8000000000 2.6535898385 0.0000000000 + 1349 4.5800807823 0.7115240544 0.0000000000 + 1350 4.5500000000 0.9133974596 0.0000000000 + 1351 4.4000000000 1.4803847577 0.0000000000 + 1352 3.7500000000 2.7401923789 0.0000000000 + 1353 4.6500000000 0.0866025404 0.0000000000 + 1354 4.2000000000 2.0000000000 0.0000000000 + 1355 4.5200011788 1.1150246570 0.0000000000 + 1356 3.7000000000 2.8267949192 0.0000000000 + 1357 4.6500000000 0.2598076211 0.0000000000 + 1358 4.2500000000 1.9133974596 0.0000000000 + 1359 4.4500000000 1.3937822174 0.0000000000 + 1360 4.6500000000 0.4330127019 0.0000000000 + 1361 3.6500000000 2.9133974596 0.0000000000 + 1362 4.3000000000 1.8267949192 0.0000000000 + 1363 4.6000000000 0.8267949192 0.0000000000 + 1364 4.3500000000 1.7401923789 0.0000000000 + 1365 4.5000000000 1.3071796770 0.0000000000 + 1366 3.6000000000 3.0000000000 0.0000000000 + 1367 4.6500000000 0.6062177826 0.0000000000 + 1368 4.7000000000 0.0000000000 0.0000000000 + 1369 4.4000000000 1.6535898385 0.0000000000 + 1370 4.7000000000 0.1732050808 0.0000000000 + 1371 4.0500000000 2.3937822174 0.0000000000 + 1372 4.1000000000 2.3071796770 0.0000000000 + 1373 4.0000000000 2.4803847577 0.0000000000 + 1374 4.1500000000 2.2205771366 0.0000000000 + 1375 4.6000000000 1.0000000000 0.0000000000 + 1376 3.9500000000 2.5669872981 0.0000000000 + 1377 4.5500000000 1.2205771366 0.0000000000 + 1378 4.7000000000 0.3464101615 0.0000000000 + 1379 3.9000000000 2.6535898385 0.0000000000 + 1380 4.4500000000 1.5669872981 0.0000000000 + 1381 4.2200000168 2.1095800744 0.0000000000 + 1382 3.8500000000 2.7401923789 0.0000000000 + 1383 4.7000000000 0.5196152423 0.0000000000 + 1384 4.6800134637 0.7117282969 0.0000000000 + 1385 3.8000000000 2.8267949192 0.0000000000 + 1386 4.5000000000 1.4803847577 0.0000000000 + 1387 4.6500000000 0.9133974596 0.0000000000 + 1388 4.3000000000 2.0000000000 0.0000000000 + 1389 3.7500000000 2.9133974596 0.0000000000 + 1390 4.7500000000 0.0866025404 0.0000000000 + 1391 4.3500000000 1.9133974596 0.0000000000 + 1392 4.6200070730 1.1150190726 0.0000000000 + 1393 4.7500000000 0.2598076211 0.0000000000 + 1394 4.5500000000 1.3937822174 0.0000000000 + 1395 3.7000000000 3.0000000000 0.0000000000 + 1396 4.4000000000 1.8267949192 0.0000000000 + 1397 4.7500000000 0.4330127019 0.0000000000 + 1398 4.7000000000 0.8267949192 0.0000000000 + 1399 4.4500000000 1.7401923789 0.0000000000 + 1400 4.6000000000 1.3071796770 0.0000000000 + 1401 4.7500000000 0.6062177826 0.0000000000 + 1402 4.1500000000 2.3937822174 0.0000000000 + 1403 4.1000000000 2.4803847577 0.0000000000 + 1404 4.2000000000 2.3071796770 0.0000000000 + 1405 4.5000000000 1.6535898385 0.0000000000 + 1406 4.0500000000 2.5669872981 0.0000000000 + 1407 4.2500000000 2.2205771366 0.0000000000 + 1408 4.8000000000 0.0000000000 0.0000000000 + 1409 4.0000000000 2.6535898385 0.0000000000 + 1410 4.8000000000 0.1732050808 0.0000000000 + 1411 4.7000000000 1.0000000000 0.0000000000 + 1412 3.9500000000 2.7401923789 0.0000000000 + 1413 4.6500000000 1.2205771366 0.0000000000 + 1414 4.3200001010 2.1150256782 0.0000000000 + 1415 4.5500000000 1.5669872981 0.0000000000 + 1416 4.8000000000 0.3464101615 0.0000000000 + 1417 3.9000000000 2.8267949192 0.0000000000 + 1418 4.8000000000 0.5196152423 0.0000000000 + 1419 3.8500000000 2.9133974596 0.0000000000 + 1420 4.6000000000 1.4803847577 0.0000000000 + 1421 4.4000000000 2.0000000000 0.0000000000 + 1422 4.7500000000 0.9133974596 0.0000000000 + 1423 3.8000000000 3.0000000000 0.0000000000 + 1424 4.4500000000 1.9133974596 0.0000000000 + 1425 4.8000000000 0.6928203230 0.0000000000 + 1426 4.7200424383 1.1149855661 0.0000000000 + 1427 4.8500000000 0.0866025404 0.0000000000 + 1428 4.6500000000 1.3937822174 0.0000000000 + 1429 4.5000000000 1.8267949192 0.0000000000 + 1430 4.8500000000 0.2598076211 0.0000000000 + 1431 4.8500000000 0.4330127019 0.0000000000 + 1432 4.8000000000 0.8267949192 0.0000000000 + 1433 4.5500000000 1.7401923789 0.0000000000 + 1434 4.2000000000 2.4803847577 0.0000000000 + 1435 4.2500000000 2.3937822174 0.0000000000 + 1436 4.7000000000 1.3071796770 0.0000000000 + 1437 4.1500000000 2.5669872981 0.0000000000 + 1438 4.3000000000 2.3071796770 0.0000000000 + 1439 4.1000000000 2.6535898385 0.0000000000 + 1440 4.3500000000 2.2205771366 0.0000000000 + 1441 4.8500000000 0.6062177826 0.0000000000 + 1442 4.6000000000 1.6535898385 0.0000000000 + 1443 4.0500000000 2.7401923789 0.0000000000 + 1444 4.0000000000 2.8267949192 0.0000000000 + 1445 4.4200006058 2.1150251999 0.0000000000 + 1446 4.9000000000 0.0000000000 0.0000000000 + 1447 4.9000000000 0.1732050808 0.0000000000 + 1448 4.8000000000 1.0000000000 0.0000000000 + 1449 4.7500000000 1.2205771366 0.0000000000 + 1450 4.6500000000 1.5669872981 0.0000000000 + 1451 3.9500000000 2.9133974596 0.0000000000 + 1452 4.9000000000 0.3464101615 0.0000000000 + 1453 3.9000000000 3.0000000000 0.0000000000 + 1454 4.5000000000 2.0000000000 0.0000000000 + 1455 4.9000000000 0.5196152423 0.0000000000 + 1456 4.7000000000 1.4803847577 0.0000000000 + 1457 4.8500000000 0.9133974596 0.0000000000 + 1458 4.5500000000 1.9133974596 0.0000000000 + 1459 4.8202546296 1.1147845273 0.0000000000 + 1460 4.9000000000 0.6928203230 0.0000000000 + 1461 4.6000000000 1.8267949192 0.0000000000 + 1462 4.7500000000 1.3937822174 0.0000000000 + 1463 4.9500000000 0.0866025404 0.0000000000 + 1464 4.9500000000 0.2598076211 0.0000000000 + 1465 4.3000000000 2.4803847577 0.0000000000 + 1466 4.6500000000 1.7401923789 0.0000000000 + 1467 4.2500000000 2.5669872981 0.0000000000 + 1468 4.3500000000 2.3937822174 0.0000000000 + 1469 4.2000000000 2.6535898385 0.0000000000 + 1470 4.4000000000 2.3071796770 0.0000000000 + 1471 4.9500000000 0.4330127019 0.0000000000 + 1472 4.9000000000 0.8267949192 0.0000000000 + 1473 4.1500000000 2.7401923789 0.0000000000 + 1474 4.4500000000 2.2205771366 0.0000000000 + 1475 4.8000000000 1.3071796770 0.0000000000 + 1476 4.1000000000 2.8267949192 0.0000000000 + 1477 4.7000000000 1.6535898385 0.0000000000 + 1478 4.9500000000 0.6062177826 0.0000000000 + 1479 4.0500000000 2.9133974596 0.0000000000 + 1480 4.5200036348 2.1150223302 0.0000000000 + 1481 5.0000000000 0.0000000000 0.0000000000 + 1482 4.0000000000 3.0000000000 0.0000000000 + 1483 4.9000000000 1.0000000000 0.0000000000 + 1484 4.8500000000 1.2205771366 0.0000000000 + 1485 4.7500000000 1.5669872981 0.0000000000 + 1486 5.0000000000 0.1732050808 0.0000000000 + 1487 5.0000000000 0.3464101615 0.0000000000 + 1488 4.6000000000 2.0000000000 0.0000000000 + 1489 4.8000000000 1.4803847577 0.0000000000 + 1490 5.0000000000 0.5196152423 0.0000000000 + 1491 4.6500000000 1.9133974596 0.0000000000 + 1492 4.9500000000 0.9133974596 0.0000000000 + 1493 4.7000000000 1.8267949192 0.0000000000 + 1494 4.8500000000 1.3937822174 0.0000000000 + 1495 5.0000000000 0.6928203230 0.0000000000 + 1496 4.9249035494 1.1103799496 0.0000000000 + 1497 5.0500000000 0.0866025404 0.0000000000 + 1498 4.3500000000 2.5669872981 0.0000000000 + 1499 4.4000000000 2.4803847577 0.0000000000 + 1500 4.3000000000 2.6535898385 0.0000000000 + 1501 4.4500000000 2.3937822174 0.0000000000 + 1502 5.0500000000 0.2598076211 0.0000000000 + 1503 4.2500000000 2.7401923789 0.0000000000 + 1504 4.5000000000 2.3071796770 0.0000000000 + 1505 4.7500000000 1.7401923789 0.0000000000 + 1506 4.2000000000 2.8267949192 0.0000000000 + 1507 4.5500000000 2.2205771366 0.0000000000 + 1508 5.0000000000 0.8267949192 0.0000000000 + 1509 5.0500000000 0.4330127019 0.0000000000 + 1510 4.1500000000 2.9133974596 0.0000000000 + 1511 4.9000000000 1.3071796770 0.0000000000 + 1512 4.8000000000 1.6535898385 0.0000000000 + 1513 4.1000000000 3.0000000000 0.0000000000 + 1514 4.6200218086 2.1150051116 0.0000000000 + 1515 5.0500000000 0.6062177826 0.0000000000 + 1516 4.8500000000 1.5669872981 0.0000000000 + 1517 4.9500000000 1.2205771366 0.0000000000 + 1518 5.0000000000 1.0000000000 0.0000000000 + 1519 5.1000000000 0.0000000000 0.0000000000 + 1520 5.1000000000 0.1732050808 0.0000000000 + 1521 4.7000000000 2.0000000000 0.0000000000 + 1522 5.1000000000 0.3464101615 0.0000000000 + 1523 4.9000000000 1.4803847577 0.0000000000 + 1524 4.7500000000 1.9133974596 0.0000000000 + 1525 5.1000000000 0.5196152423 0.0000000000 + 1526 5.0500000000 0.9133974596 0.0000000000 + 1527 4.8000000000 1.8267949192 0.0000000000 + 1528 4.4500000000 2.5669872981 0.0000000000 + 1529 4.4000000000 2.6535898385 0.0000000000 + 1530 4.5000000000 2.4803847577 0.0000000000 + 1531 4.3500000000 2.7401923789 0.0000000000 + 1532 4.5500000000 2.3937822174 0.0000000000 + 1533 4.9500000000 1.3937822174 0.0000000000 + 1534 4.3000000000 2.8267949192 0.0000000000 + 1535 4.6000000000 2.3071796770 0.0000000000 + 1536 5.1000000000 0.6928203230 0.0000000000 + 1537 5.0291666667 1.1063408970 0.0000000000 + 1538 5.1500000000 0.0866025404 0.0000000000 + 1539 4.2500000000 2.9133974596 0.0000000000 + 1540 4.8500000000 1.7401923789 0.0000000000 + 1541 4.6500000000 2.2205771366 0.0000000000 + 1542 5.1500000000 0.2598076211 0.0000000000 + 1543 4.2000000000 3.0000000000 0.0000000000 + 1544 5.1000000000 0.8267949192 0.0000000000 + 1545 5.0000000000 1.3071796770 0.0000000000 + 1546 5.1500000000 0.4330127019 0.0000000000 + 1547 4.9000000000 1.6535898385 0.0000000000 + 1548 4.7201308513 2.1149017999 0.0000000000 + 1549 5.1500000000 0.6062177826 0.0000000000 + 1550 4.9500000000 1.5669872981 0.0000000000 + 1551 5.1000000000 1.0000000000 0.0000000000 + 1552 5.2000000000 0.0000000000 0.0000000000 + 1553 4.8000000000 2.0000000000 0.0000000000 + 1554 5.2000000000 0.1732050808 0.0000000000 + 1555 5.2000000000 0.3464101615 0.0000000000 + 1556 4.8500000000 1.9133974596 0.0000000000 + 1557 5.0750000000 1.1968911087 0.0000000000 + 1558 5.0000000000 1.4803847577 0.0000000000 + 1559 4.5000000000 2.6535898385 0.0000000000 + 1560 4.5500000000 2.5669872981 0.0000000000 + 1561 5.2000000000 0.5196152423 0.0000000000 + 1562 4.4500000000 2.7401923789 0.0000000000 + 1563 4.6000000000 2.4803847577 0.0000000000 + 1564 4.9000000000 1.8267949192 0.0000000000 + 1565 4.4000000000 2.8267949192 0.0000000000 + 1566 4.6500000000 2.3937822174 0.0000000000 + 1567 5.1500000000 0.9133974596 0.0000000000 + 1568 4.3500000000 2.9133974596 0.0000000000 + 1569 4.7000000000 2.3071796770 0.0000000000 + 1570 5.0500000000 1.3937822174 0.0000000000 + 1571 4.3000000000 3.0000000000 0.0000000000 + 1572 4.7500000000 2.2205771366 0.0000000000 + 1573 5.2000000000 0.6928203230 0.0000000000 + 1574 4.9500000000 1.7401923789 0.0000000000 + 1575 5.2500000000 0.0866025404 0.0000000000 + 1576 5.2500000000 0.2598076211 0.0000000000 + 1577 5.1500000000 1.0866025404 0.0000000000 + 1578 4.8207851080 2.1142819303 0.0000000000 + 1579 5.2000000000 0.8267949192 0.0000000000 + 1580 5.0000000000 1.6535898385 0.0000000000 + 1581 5.2500000000 0.4330127019 0.0000000000 + 1582 5.1138888889 1.2940207726 0.0000000000 + 1583 5.2500000000 0.6062177826 0.0000000000 + 1584 5.0500000000 1.5669872981 0.0000000000 + 1585 4.9000000000 2.0000000000 0.0000000000 + 1586 5.2000000000 1.0000000000 0.0000000000 + 1587 5.3000000000 0.0000000000 0.0000000000 + 1588 5.3000000000 0.1732050808 0.0000000000 + 1589 4.9500000000 1.9133974596 0.0000000000 + 1590 4.6000000000 2.6535898385 0.0000000000 + 1591 5.1000000000 1.4803847577 0.0000000000 + 1592 5.3000000000 0.3464101615 0.0000000000 + 1593 4.5500000000 2.7401923789 0.0000000000 + 1594 4.6500000000 2.5669872981 0.0000000000 + 1595 4.5000000000 2.8267949192 0.0000000000 + 1596 4.7000000000 2.4803847577 0.0000000000 + 1597 4.4500000000 2.9133974596 0.0000000000 + 1598 4.7500000000 2.3937822174 0.0000000000 + 1599 5.1856481481 1.1868026153 0.0000000000 + 1600 5.0000000000 1.8267949192 0.0000000000 + 1601 4.4000000000 3.0000000000 0.0000000000 + 1602 5.3000000000 0.5196152423 0.0000000000 + 1603 4.8000000000 2.3071796770 0.0000000000 + 1604 5.2500000000 0.9133974596 0.0000000000 + 1605 4.8500000000 2.2205771366 0.0000000000 + 1606 5.1500000000 1.3937822174 0.0000000000 + 1607 5.0500000000 1.7401923789 0.0000000000 + 1608 5.3000000000 0.6928203230 0.0000000000 + 1609 5.3500000000 0.0866025404 0.0000000000 + 1610 5.3500000000 0.2598076211 0.0000000000 + 1611 4.9247106481 2.1105627121 0.0000000000 + 1612 5.2500000000 1.0866025404 0.0000000000 + 1613 5.1000000000 1.6535898385 0.0000000000 + 1614 5.3500000000 0.4330127019 0.0000000000 + 1615 5.3166666667 0.8188467370 0.0000000000 + 1616 5.2250000000 1.2834936491 0.0000000000 + 1617 5.1500000000 1.5669872981 0.0000000000 + 1618 5.3500000000 0.6062177826 0.0000000000 + 1619 5.0000000000 2.0000000000 0.0000000000 + 1620 5.3000000000 1.0000000000 0.0000000000 + 1621 4.6500000000 2.7401923789 0.0000000000 + 1622 4.7000000000 2.6535898385 0.0000000000 + 1623 4.6000000000 2.8267949192 0.0000000000 + 1624 4.7500000000 2.5669872981 0.0000000000 + 1625 5.4000000000 0.0000000000 0.0000000000 + 1626 5.0500000000 1.9133974596 0.0000000000 + 1627 5.4000000000 0.1732050808 0.0000000000 + 1628 4.5500000000 2.9133974596 0.0000000000 + 1629 4.8000000000 2.4803847577 0.0000000000 + 1630 5.2000000000 1.4803847577 0.0000000000 + 1631 4.5000000000 3.0000000000 0.0000000000 + 1632 4.8500000000 2.3937822174 0.0000000000 + 1633 5.4000000000 0.3464101615 0.0000000000 + 1634 4.9000000000 2.3071796770 0.0000000000 + 1635 5.1000000000 1.8267949192 0.0000000000 + 1636 5.4000000000 0.5196152423 0.0000000000 + 1637 5.3500000000 0.9133974596 0.0000000000 + 1638 5.3000000000 1.1732050808 0.0000000000 + 1639 4.9625000000 2.2087341226 0.0000000000 + 1640 5.2500000000 1.3937822174 0.0000000000 + 1641 5.1500000000 1.7401923789 0.0000000000 + 1642 5.4000000000 0.7254944242 0.0000000000 + 1643 5.4500000000 0.0866025404 0.0000000000 + 1644 5.0357638889 2.1000904174 0.0000000000 + 1645 5.4500000000 0.2598076211 0.0000000000 + 1646 5.2000000000 1.6535898385 0.0000000000 + 1647 5.3500000000 1.0866025404 0.0000000000 + 1648 5.4000000000 0.8411758364 0.0000000000 + 1649 5.4500000000 0.4330127019 0.0000000000 + 1650 5.1000000000 2.0000000000 0.0000000000 + 1651 5.2500000000 1.5669872981 0.0000000000 + 1652 5.3325038580 1.2763841854 0.0000000000 + 1653 5.4500000000 0.6062177826 0.0000000000 + 1654 4.7500000000 2.7401923789 0.0000000000 + 1655 4.7000000000 2.8267949192 0.0000000000 + 1656 4.8000000000 2.6535898385 0.0000000000 + 1657 4.6500000000 2.9133974596 0.0000000000 + 1658 4.8500000000 2.5669872981 0.0000000000 + 1659 4.6000000000 3.0000000000 0.0000000000 + 1660 5.4000000000 1.0000000000 0.0000000000 + 1661 4.9000000000 2.4803847577 0.0000000000 + 1662 5.1500000000 1.9133974596 0.0000000000 + 1663 4.9500000000 2.3937822174 0.0000000000 + 1664 5.5000000000 0.0000000000 0.0000000000 + 1665 5.5000000000 0.1732050808 0.0000000000 + 1666 5.3000000000 1.4803847577 0.0000000000 + 1667 5.0000000000 2.3071796770 0.0000000000 + 1668 5.5000000000 0.3464101615 0.0000000000 + 1669 5.2000000000 1.8267949192 0.0000000000 + 1670 5.5000000000 0.5196152423 0.0000000000 + 1671 5.4000000000 1.1732050808 0.0000000000 + 1672 5.4500000000 0.9133974596 0.0000000000 + 1673 5.0712384259 2.2004549786 0.0000000000 + 1674 5.2500000000 1.7401923789 0.0000000000 + 1675 5.3700231481 1.3748114635 0.0000000000 + 1676 5.5500000000 0.0866025404 0.0000000000 + 1677 5.3000000000 1.6535898385 0.0000000000 + 1678 5.5500000000 0.2598076211 0.0000000000 + 1679 5.1500000000 2.0866025404 0.0000000000 + 1680 5.4500000000 1.0866025404 0.0000000000 + 1681 5.5000000000 0.8267949192 0.0000000000 + 1682 5.5199999908 0.7172148096 0.0000000000 + 1683 5.5500000000 0.4330127019 0.0000000000 + 1684 4.8000000000 2.8267949192 0.0000000000 + 1685 4.8500000000 2.7401923789 0.0000000000 + 1686 5.2000000000 2.0000000000 0.0000000000 + 1687 4.7500000000 2.9133974596 0.0000000000 + 1688 4.9000000000 2.6535898385 0.0000000000 + 1689 5.3500000000 1.5669872981 0.0000000000 + 1690 4.7000000000 3.0000000000 0.0000000000 + 1691 4.9500000000 2.5669872981 0.0000000000 + 1692 5.0000000000 2.4803847577 0.0000000000 + 1693 5.5500000000 0.6062177826 0.0000000000 + 1694 5.2500000000 1.9133974596 0.0000000000 + 1695 5.0500000000 2.3937822174 0.0000000000 + 1696 5.5000000000 1.0000000000 0.0000000000 + 1697 5.4500000000 1.2598076211 0.0000000000 + 1698 5.1000000000 2.3071796770 0.0000000000 + 1699 5.4000000000 1.4803847577 0.0000000000 + 1700 5.6000000000 0.0000000000 0.0000000000 + 1701 5.6000000000 0.1732050808 0.0000000000 + 1702 5.3000000000 1.8267949192 0.0000000000 + 1703 5.6000000000 0.3464101615 0.0000000000 + 1704 5.5000000000 1.1732050808 0.0000000000 + 1705 5.6000000000 0.5196152423 0.0000000000 + 1706 5.1791666667 2.1929434374 0.0000000000 + 1707 5.5500000000 0.9133974596 0.0000000000 + 1708 5.3500000000 1.7401923789 0.0000000000 + 1709 5.4701388889 1.3747018060 0.0000000000 + 1710 5.4000000000 1.6535898385 0.0000000000 + 1711 5.2500000000 2.0866025404 0.0000000000 + 1712 5.5899999893 0.8182280995 0.0000000000 + 1713 5.6500000000 0.0866025404 0.0000000000 + 1714 5.5500000000 1.0866025404 0.0000000000 + 1715 5.6500000000 0.2598076211 0.0000000000 + 1716 4.9000000000 2.8267949192 0.0000000000 + 1717 4.8500000000 2.9133974596 0.0000000000 + 1718 4.9500000000 2.7401923789 0.0000000000 + 1719 4.8000000000 3.0000000000 0.0000000000 + 1720 5.0000000000 2.6535898385 0.0000000000 + 1721 5.3000000000 2.0000000000 0.0000000000 + 1722 5.6199999450 0.7117690298 0.0000000000 + 1723 5.0500000000 2.5669872981 0.0000000000 + 1724 5.6500000000 0.4330127019 0.0000000000 + 1725 5.4500000000 1.5669872981 0.0000000000 + 1726 5.1000000000 2.4803847577 0.0000000000 + 1727 5.1500000000 2.3937822174 0.0000000000 + 1728 5.3500000000 1.9133974596 0.0000000000 + 1729 5.6500000000 0.6062177826 0.0000000000 + 1730 5.6000000000 1.0000000000 0.0000000000 + 1731 5.5500000000 1.2598076211 0.0000000000 + 1732 5.5000000000 1.4803847577 0.0000000000 + 1733 5.2173611111 2.2907310465 0.0000000000 + 1734 5.7000000000 0.0000000000 0.0000000000 + 1735 5.4000000000 1.8267949192 0.0000000000 + 1736 5.7000000000 0.1732050808 0.0000000000 + 1737 5.7000000000 0.3464101615 0.0000000000 + 1738 5.4500000000 1.7401923789 0.0000000000 + 1739 5.6000000000 1.1732050808 0.0000000000 + 1740 5.6500000000 0.9133974596 0.0000000000 + 1741 5.7000000000 0.5196152423 0.0000000000 + 1742 5.3000000000 2.1732050808 0.0000000000 + 1743 5.5745041367 1.3705659907 0.0000000000 + 1744 5.3500000000 2.0866025404 0.0000000000 + 1745 5.5000000000 1.6535898385 0.0000000000 + 1746 4.9500000000 2.9133974596 0.0000000000 + 1747 5.0000000000 2.8267949192 0.0000000000 + 1748 4.9000000000 3.0000000000 0.0000000000 + 1749 5.0500000000 2.7401923789 0.0000000000 + 1750 5.1000000000 2.6535898385 0.0000000000 + 1751 5.7500000000 0.0866025404 0.0000000000 + 1752 5.6500000000 1.0866025404 0.0000000000 + 1753 5.1500000000 2.5669872981 0.0000000000 + 1754 5.7500000000 0.2598076211 0.0000000000 + 1755 5.4000000000 2.0000000000 0.0000000000 + 1756 5.7000000000 0.8267949192 0.0000000000 + 1757 5.2000000000 2.4803847577 0.0000000000 + 1758 5.7199996702 0.7117684522 0.0000000000 + 1759 5.7500000000 0.4330127019 0.0000000000 + 1760 5.5500000000 1.5669872981 0.0000000000 + 1761 5.2500000000 2.3937822174 0.0000000000 + 1762 5.4500000000 1.9133974596 0.0000000000 + 1763 5.7500000000 0.6062177826 0.0000000000 + 1764 5.7000000000 1.0000000000 0.0000000000 + 1765 5.6500000000 1.2598076211 0.0000000000 + 1766 5.6000000000 1.4803847577 0.0000000000 + 1767 5.3250000000 2.2834936491 0.0000000000 + 1768 5.5000000000 1.8267949192 0.0000000000 + 1769 5.8000000000 0.0000000000 0.0000000000 + 1770 5.8000000000 0.1732050808 0.0000000000 + 1771 5.8000000000 0.3464101615 0.0000000000 + 1772 5.5500000000 1.7401923789 0.0000000000 + 1773 5.7000000000 1.1732050808 0.0000000000 + 1774 5.4000000000 2.1732050808 0.0000000000 + 1775 5.7500000000 0.9133974596 0.0000000000 + 1776 5.8000000000 0.5196152423 0.0000000000 + 1777 5.0500000000 2.9133974596 0.0000000000 + 1778 5.0000000000 3.0000000000 0.0000000000 + 1779 5.1000000000 2.8267949192 0.0000000000 + 1780 5.1500000000 2.7401923789 0.0000000000 + 1781 5.4500000000 2.0866025404 0.0000000000 + 1782 5.2000000000 2.6535898385 0.0000000000 + 1783 5.6000000000 1.6535898385 0.0000000000 + 1784 5.6768859312 1.3683093807 0.0000000000 + 1785 5.2500000000 2.5669872981 0.0000000000 + 1786 5.8500000000 0.0866025404 0.0000000000 + 1787 5.3000000000 2.4803847577 0.0000000000 + 1788 5.7500000000 1.0866025404 0.0000000000 + 1789 5.5000000000 2.0000000000 0.0000000000 + 1790 5.8500000000 0.2598076211 0.0000000000 + 1791 5.8000000000 0.8267949192 0.0000000000 + 1792 5.6500000000 1.5669872981 0.0000000000 + 1793 5.8199980214 0.7117649862 0.0000000000 + 1794 5.8500000000 0.4330127019 0.0000000000 + 1795 5.3629436728 2.3815188495 0.0000000000 + 1796 5.5500000000 1.9133974596 0.0000000000 + 1797 5.8500000000 0.6062177826 0.0000000000 + 1798 5.8000000000 1.0000000000 0.0000000000 + 1799 5.7500000000 1.2598076211 0.0000000000 + 1800 5.4325231481 2.2763659092 0.0000000000 + 1801 5.6000000000 1.8267949192 0.0000000000 + 1802 5.7113155870 1.4696639053 0.0000000000 + 1803 5.9000000000 0.0000000000 0.0000000000 + 1804 5.9000000000 0.1732050808 0.0000000000 + 1805 5.9000000000 0.3464101615 0.0000000000 + 1806 5.6500000000 1.7401923789 0.0000000000 + 1807 5.5000000000 2.1732050808 0.0000000000 + 1808 5.1000000000 3.0000000000 0.0000000000 + 1809 5.1500000000 2.9133974596 0.0000000000 + 1810 5.8000000000 1.1732050808 0.0000000000 + 1811 5.2000000000 2.8267949192 0.0000000000 + 1812 5.8500000000 0.9133974596 0.0000000000 + 1813 5.2500000000 2.7401923789 0.0000000000 + 1814 5.9000000000 0.5196152423 0.0000000000 + 1815 5.3000000000 2.6535898385 0.0000000000 + 1816 5.5500000000 2.0866025404 0.0000000000 + 1817 5.3500000000 2.5669872981 0.0000000000 + 1818 5.7000000000 1.6535898385 0.0000000000 + 1819 5.7791666667 1.3661485181 0.0000000000 + 1820 5.4000000000 2.4803847577 0.0000000000 + 1821 5.6000000000 2.0000000000 0.0000000000 + 1822 5.8500000000 1.0866025404 0.0000000000 + 1823 5.9500000000 0.0866025404 0.0000000000 + 1824 5.9500000000 0.2598076211 0.0000000000 + 1825 5.9000000000 0.8267949192 0.0000000000 + 1826 5.7500000000 1.5669872981 0.0000000000 + 1827 5.9199881285 0.7117441906 0.0000000000 + 1828 5.4701388889 2.3747018060 0.0000000000 + 1829 5.6500000000 1.9133974596 0.0000000000 + 1830 5.9500000000 0.4330127019 0.0000000000 + 1831 5.9500000000 0.6062177826 0.0000000000 + 1832 5.8500000000 1.2598076211 0.0000000000 + 1833 5.9000000000 1.0000000000 0.0000000000 + 1834 5.5378086420 2.2713582150 0.0000000000 + 1835 5.7000000000 1.8267949192 0.0000000000 + 1836 5.8137268553 1.4673793706 0.0000000000 + 1837 6.0000000000 0.0000000000 0.0000000000 + 1838 6.0000000000 0.1732050808 0.0000000000 + 1839 5.2000000000 3.0000000000 0.0000000000 + 1840 5.2500000000 2.9133974596 0.0000000000 + 1841 5.3000000000 2.8267949192 0.0000000000 + 1842 5.6000000000 2.1732050808 0.0000000000 + 1843 5.7500000000 1.7401923789 0.0000000000 + 1844 6.0000000000 0.3464101615 0.0000000000 + 1845 5.3500000000 2.7401923789 0.0000000000 + 1846 5.9000000000 1.1732050808 0.0000000000 + 1847 5.4000000000 2.6535898385 0.0000000000 + 1848 5.9500000000 0.9133974596 0.0000000000 + 1849 6.0000000000 0.5196152423 0.0000000000 + 1850 5.6500000000 2.0866025404 0.0000000000 + 1851 5.4500000000 2.5669872981 0.0000000000 + 1852 5.8000000000 1.6535898385 0.0000000000 + 1853 5.5000000000 2.4803847577 0.0000000000 + 1854 5.8831944474 1.3623324330 0.0000000000 + 1855 5.7000000000 2.0000000000 0.0000000000 + 1856 5.9500000000 1.0866025404 0.0000000000 + 1857 6.0500000000 0.0866025404 0.0000000000 + 1858 6.0500000000 0.2598076211 0.0000000000 + 1859 5.8500000000 1.5669872981 0.0000000000 + 1860 6.0000000000 0.8267949192 0.0000000000 + 1861 5.5741898148 2.3708637922 0.0000000000 + 1862 5.7500000000 1.9133974596 0.0000000000 + 1863 6.0199287709 0.7116194170 0.0000000000 + 1864 6.0500000000 0.4330127019 0.0000000000 + 1865 6.0500000000 0.6062177826 0.0000000000 + 1866 5.8000000000 1.8267949192 0.0000000000 + 1867 5.9500000000 1.2598076211 0.0000000000 + 1868 6.0000000000 1.0000000000 0.0000000000 + 1869 5.6500000000 2.2598076211 0.0000000000 + 1870 5.3000000000 3.0000000000 0.0000000000 + 1871 5.3500000000 2.9133974596 0.0000000000 + 1872 5.4000000000 2.8267949192 0.0000000000 + 1873 5.9200000179 1.4614359185 0.0000000000 + 1874 6.1000000000 0.0000000000 0.0000000000 + 1875 5.4500000000 2.7401923789 0.0000000000 + 1876 5.7000000000 2.1732050808 0.0000000000 + 1877 6.1000000000 0.1732050808 0.0000000000 + 1878 5.8500000000 1.7401923789 0.0000000000 + 1879 5.5000000000 2.6535898385 0.0000000000 + 1880 6.1000000000 0.3464101615 0.0000000000 + 1881 6.0000000000 1.1732050808 0.0000000000 + 1882 5.5500000000 2.5669872981 0.0000000000 + 1883 5.7500000000 2.0866025404 0.0000000000 + 1884 6.0500000000 0.9133974596 0.0000000000 + 1885 6.1000000000 0.5196152423 0.0000000000 + 1886 5.6000000000 2.4803847577 0.0000000000 + 1887 5.9000000000 1.6535898385 0.0000000000 + 1888 5.8000000000 2.0000000000 0.0000000000 + 1889 6.0500000000 1.0866025404 0.0000000000 + 1890 6.0000000000 1.3464101615 0.0000000000 + 1891 5.6750000000 2.3700961894 0.0000000000 + 1892 6.1500000000 0.0866025404 0.0000000000 + 1893 5.9500000000 1.5669872981 0.0000000000 + 1894 5.8500000000 1.9133974596 0.0000000000 + 1895 6.1500000000 0.2598076211 0.0000000000 + 1896 6.1000000000 0.8267949192 0.0000000000 + 1897 6.1195726253 0.7108707751 0.0000000000 + 1898 6.1500000000 0.4330127019 0.0000000000 + 1899 5.9000000000 1.8267949192 0.0000000000 + 1900 5.7452380952 2.2697649290 0.0000000000 + 1901 5.4000000000 3.0000000000 0.0000000000 + 1902 6.0500000000 1.2598076211 0.0000000000 + 1903 6.1500000000 0.6062177826 0.0000000000 + 1904 5.4500000000 2.9133974596 0.0000000000 + 1905 6.1000000000 1.0000000000 0.0000000000 + 1906 5.5000000000 2.8267949192 0.0000000000 + 1907 5.5500000000 2.7401923789 0.0000000000 + 1908 5.8000000000 2.1732050808 0.0000000000 + 1909 6.0200001072 1.4614358339 0.0000000000 + 1910 5.6000000000 2.6535898385 0.0000000000 + 1911 5.9500000000 1.7401923789 0.0000000000 + 1912 6.2000000000 0.0000000000 0.0000000000 + 1913 6.2000000000 0.1732050808 0.0000000000 + 1914 5.6500000000 2.5669872981 0.0000000000 + 1915 6.2000000000 0.3464101615 0.0000000000 + 1916 5.8500000000 2.0866025404 0.0000000000 + 1917 6.1000000000 1.1732050808 0.0000000000 + 1918 5.7000000000 2.4803847577 0.0000000000 + 1919 6.1500000000 0.9133974596 0.0000000000 + 1920 6.2000000000 0.5196152423 0.0000000000 + 1921 6.0000000000 1.6535898385 0.0000000000 + 1922 5.9000000000 2.0000000000 0.0000000000 + 1923 6.1500000000 1.0866025404 0.0000000000 + 1924 6.1000000000 1.3464101615 0.0000000000 + 1925 6.0500000000 1.5669872981 0.0000000000 + 1926 5.9500000000 1.9133974596 0.0000000000 + 1927 6.2500000000 0.0866025404 0.0000000000 + 1928 6.2000000000 0.8267949192 0.0000000000 + 1929 6.2500000000 0.2598076211 0.0000000000 + 1930 6.2174357521 0.7063789240 0.0000000000 + 1931 5.5000000000 3.0000000000 0.0000000000 + 1932 6.2500000000 0.4330127019 0.0000000000 + 1933 5.7952006079 2.3881597039 0.0000000000 + 1934 5.5500000000 2.9133974596 0.0000000000 + 1935 5.8500000000 2.2598076211 0.0000000000 + 1936 6.0000000000 1.8267949192 0.0000000000 + 1937 5.6000000000 2.8267949192 0.0000000000 + 1938 6.1500000000 1.2598076211 0.0000000000 + 1939 6.2500000000 0.6062177826 0.0000000000 + 1940 5.6500000000 2.7401923789 0.0000000000 + 1941 6.2000000000 1.0000000000 0.0000000000 + 1942 5.7000000000 2.6535898385 0.0000000000 + 1943 5.9000000000 2.1732050808 0.0000000000 + 1944 6.1200006430 1.4614353262 0.0000000000 + 1945 6.0500000000 1.7401923789 0.0000000000 + 1946 5.7500000000 2.5669872981 0.0000000000 + 1947 6.3000000000 0.0000000000 0.0000000000 + 1948 6.3000000000 0.1732050808 0.0000000000 + 1949 5.9500000000 2.0866025404 0.0000000000 + 1950 6.3000000000 0.3464101615 0.0000000000 + 1951 6.2000000000 1.1732050808 0.0000000000 + 1952 5.7992857143 2.4954424185 0.0000000000 + 1953 6.2500000000 0.9133974596 0.0000000000 + 1954 6.1000000000 1.6535898385 0.0000000000 + 1955 6.3000000000 0.5196152423 0.0000000000 + 1956 6.0000000000 2.0000000000 0.0000000000 + 1957 6.2899354371 0.8084285063 0.0000000000 + 1958 6.2500000000 1.0866025404 0.0000000000 + 1959 6.2000000000 1.3464101615 0.0000000000 + 1960 6.0500000000 1.9133974596 0.0000000000 + 1961 6.1500000000 1.5669872981 0.0000000000 + 1962 6.3500000000 0.0866025404 0.0000000000 + 1963 5.6000000000 3.0000000000 0.0000000000 + 1964 6.3500000000 0.2598076211 0.0000000000 + 1965 6.3175850340 0.7000539972 0.0000000000 + 1966 5.6500000000 2.9133974596 0.0000000000 + 1967 5.7000000000 2.8267949192 0.0000000000 + 1968 5.9500000000 2.2598076211 0.0000000000 + 1969 6.3500000000 0.4330127019 0.0000000000 + 1970 6.1000000000 1.8267949192 0.0000000000 + 1971 5.7500000000 2.7401923789 0.0000000000 + 1972 5.9142613980 2.3685086926 0.0000000000 + 1973 6.2500000000 1.2598076211 0.0000000000 + 1974 5.8000000000 2.6535898385 0.0000000000 + 1975 6.3000000000 1.0000000000 0.0000000000 + 1976 6.3500000000 0.6062177826 0.0000000000 + 1977 5.8826190476 2.4731133191 0.0000000000 + 1978 6.0000000000 2.1732050808 0.0000000000 + 1979 5.8500000000 2.5669872981 0.0000000000 + 1980 6.2200038580 1.4614322801 0.0000000000 + 1981 6.1500000000 1.7401923789 0.0000000000 + 1982 6.0500000000 2.0866025404 0.0000000000 + 1983 6.4000000000 0.0000000000 0.0000000000 + 1984 6.4000000000 0.1732050808 0.0000000000 + 1985 6.3000000000 1.1732050808 0.0000000000 + 1986 6.4000000000 0.3464101615 0.0000000000 + 1987 6.3500000000 0.9133974596 0.0000000000 + 1988 6.2000000000 1.6535898385 0.0000000000 + 1989 6.1000000000 2.0000000000 0.0000000000 + 1990 6.4000000000 0.5196152423 0.0000000000 + 1991 6.4009183673 0.6777248979 0.0000000000 + 1992 6.1500000000 1.9133974596 0.0000000000 + 1993 5.7000000000 3.0000000000 0.0000000000 + 1994 6.3000000000 1.3464101615 0.0000000000 + 1995 6.3500000000 1.0866025404 0.0000000000 + 1996 6.2500000000 1.5669872981 0.0000000000 + 1997 5.7500000000 2.9133974596 0.0000000000 + 1998 6.4500000000 0.0866025404 0.0000000000 + 1999 5.8000000000 2.8267949192 0.0000000000 + 2000 6.4045918367 0.7905482780 0.0000000000 + 2001 6.4500000000 0.2598076211 0.0000000000 + 2002 6.0500000000 2.2598076211 0.0000000000 + 2003 5.8500000000 2.7401923789 0.0000000000 + 2004 6.2000000000 1.8267949192 0.0000000000 + 2005 6.4500000000 0.4330127019 0.0000000000 + 2006 6.0199996691 2.3653577847 0.0000000000 + 2007 5.9000000000 2.6535898385 0.0000000000 + 2008 6.3500000000 1.2598076211 0.0000000000 + 2009 6.1000000000 2.1732050808 0.0000000000 + 2010 5.9865210997 2.4704978287 0.0000000000 + 2011 6.4000000000 1.0000000000 0.0000000000 + 2012 6.4500000000 0.6062177826 0.0000000000 + 2013 5.9500000000 2.5669872981 0.0000000000 + 2014 6.3200231481 1.4614140039 0.0000000000 + 2015 6.2500000000 1.7401923789 0.0000000000 + 2016 6.1500000000 2.0866025404 0.0000000000 + 2017 6.5000000000 0.0000000000 0.0000000000 + 2018 6.5000000000 0.1732050808 0.0000000000 + 2019 6.4000000000 1.1732050808 0.0000000000 + 2020 6.5000000000 0.3464101615 0.0000000000 + 2021 6.3000000000 1.6535898385 0.0000000000 + 2022 6.4500000000 0.9133974596 0.0000000000 + 2023 6.2000000000 2.0000000000 0.0000000000 + 2024 6.5000000000 0.5196152423 0.0000000000 + 2025 5.8000000000 3.0000000000 0.0000000000 + 2026 5.8500000000 2.9133974596 0.0000000000 + 2027 6.2500000000 1.9133974596 0.0000000000 + 2028 6.5000000000 0.6928203230 0.0000000000 + 2029 6.4000000000 1.3464101615 0.0000000000 + 2030 6.3500000000 1.5669872981 0.0000000000 + 2031 6.4500000000 1.0866025404 0.0000000000 + 2032 5.9000000000 2.8267949192 0.0000000000 + 2033 6.5500000000 0.0866025404 0.0000000000 + 2034 5.9500000000 2.7401923789 0.0000000000 + 2035 6.1500000000 2.2598076211 0.0000000000 + 2036 6.5500000000 0.2598076211 0.0000000000 + 2037 6.3000000000 1.8267949192 0.0000000000 + 2038 6.0000000000 2.6535898385 0.0000000000 + 2039 6.1199980149 2.3653517891 0.0000000000 + 2040 6.5500000000 0.4330127019 0.0000000000 + 2041 6.2000000000 2.1732050808 0.0000000000 + 2042 6.4500000000 1.2598076211 0.0000000000 + 2043 6.0500000000 2.5669872981 0.0000000000 + 2044 6.5000000000 1.0000000000 0.0000000000 + 2045 6.5500000000 0.6062177826 0.0000000000 + 2046 6.5329081633 0.7957460314 0.0000000000 + 2047 6.3500000000 1.7401923789 0.0000000000 + 2048 6.4201388889 1.4613043464 0.0000000000 + 2049 6.1000000000 2.4803847577 0.0000000000 + 2050 6.2500000000 2.0866025404 0.0000000000 + 2051 6.6000000000 0.0000000000 0.0000000000 + 2052 6.6000000000 0.1732050808 0.0000000000 + 2053 6.5000000000 1.1732050808 0.0000000000 + 2054 6.6000000000 0.3464101615 0.0000000000 + 2055 6.3000000000 2.0000000000 0.0000000000 + 2056 6.4000000000 1.6535898385 0.0000000000 + 2057 5.9000000000 3.0000000000 0.0000000000 + 2058 6.6000000000 0.5196152423 0.0000000000 + 2059 5.9500000000 2.9133974596 0.0000000000 + 2060 6.3500000000 1.9133974596 0.0000000000 + 2061 6.0000000000 2.8267949192 0.0000000000 + 2062 6.6000000000 0.6928203230 0.0000000000 + 2063 6.4500000000 1.5669872981 0.0000000000 + 2064 6.5000000000 1.3464101615 0.0000000000 + 2065 6.5500000000 1.0866025404 0.0000000000 + 2066 6.0500000000 2.7401923789 0.0000000000 + 2067 6.2500000000 2.2598076211 0.0000000000 + 2068 6.6500000000 0.0866025404 0.0000000000 + 2069 6.1000000000 2.6535898385 0.0000000000 + 2070 6.2199880891 2.3653158152 0.0000000000 + 2071 6.5928571429 0.9054669415 0.0000000000 + 2072 6.6500000000 0.2598076211 0.0000000000 + 2073 6.4000000000 1.8267949192 0.0000000000 + 2074 6.6500000000 0.4330127019 0.0000000000 + 2075 6.1500000000 2.5669872981 0.0000000000 + 2076 6.3000000000 2.1732050808 0.0000000000 + 2077 6.5500000000 1.2598076211 0.0000000000 + 2078 6.6000000000 1.0000000000 0.0000000000 + 2079 6.6500000000 0.6062177826 0.0000000000 + 2080 6.2000000000 2.4803847577 0.0000000000 + 2081 6.4500000000 1.7401923789 0.0000000000 + 2082 6.3500000000 2.0866025404 0.0000000000 + 2083 6.5241898148 1.4574663326 0.0000000000 + 2084 6.6500000000 0.7794228634 0.0000000000 + 2085 6.7000000000 0.0000000000 0.0000000000 + 2086 6.7000000000 0.1732050808 0.0000000000 + 2087 6.6000000000 1.1732050808 0.0000000000 + 2088 6.4000000000 2.0000000000 0.0000000000 + 2089 6.5000000000 1.6535898385 0.0000000000 + 2090 6.0000000000 3.0000000000 0.0000000000 + 2091 6.7000000000 0.3464101615 0.0000000000 + 2092 6.0500000000 2.9133974596 0.0000000000 + 2093 6.7000000000 0.5196152423 0.0000000000 + 2094 6.1000000000 2.8267949192 0.0000000000 + 2095 6.4500000000 1.9133974596 0.0000000000 + 2096 6.1500000000 2.7401923789 0.0000000000 + 2097 6.5500000000 1.5669872981 0.0000000000 + 2098 6.7000000000 0.6928203230 0.0000000000 + 2099 6.6000000000 1.3464101615 0.0000000000 + 2100 6.6500000000 1.0866025404 0.0000000000 + 2101 6.3500000000 2.2598076211 0.0000000000 + 2102 6.2000000000 2.6535898385 0.0000000000 + 2103 6.3199285347 2.3650999720 0.0000000000 + 2104 6.7500000000 0.0866025404 0.0000000000 + 2105 6.5000000000 1.8267949192 0.0000000000 + 2106 6.7500000000 0.2598076211 0.0000000000 + 2107 6.2500000000 2.5669872981 0.0000000000 + 2108 6.4000000000 2.1732050808 0.0000000000 + 2109 6.7500000000 0.4330127019 0.0000000000 + 2110 6.6500000000 1.2598076211 0.0000000000 + 2111 6.3000000000 2.4803847577 0.0000000000 + 2112 6.7000000000 1.0000000000 0.0000000000 + 2113 6.7500000000 0.6062177826 0.0000000000 + 2114 6.5500000000 1.7401923789 0.0000000000 + 2115 6.7188095238 0.8915478157 0.0000000000 + 2116 6.4500000000 2.0866025404 0.0000000000 + 2117 6.6250000000 1.4566987298 0.0000000000 + 2118 6.7500000000 0.7794228634 0.0000000000 + 2119 6.1000000000 3.0000000000 0.0000000000 + 2120 6.8000000000 0.0000000000 0.0000000000 + 2121 6.5000000000 2.0000000000 0.0000000000 + 2122 6.7000000000 1.1732050808 0.0000000000 + 2123 6.8000000000 0.1732050808 0.0000000000 + 2124 6.6000000000 1.6535898385 0.0000000000 + 2125 6.1500000000 2.9133974596 0.0000000000 + 2126 6.8000000000 0.3464101615 0.0000000000 + 2127 6.2000000000 2.8267949192 0.0000000000 + 2128 6.8000000000 0.5196152423 0.0000000000 + 2129 6.5500000000 1.9133974596 0.0000000000 + 2130 6.2500000000 2.7401923789 0.0000000000 + 2131 6.7000000000 1.3464101615 0.0000000000 + 2132 6.4500000000 2.2598076211 0.0000000000 + 2133 6.8000000000 0.6928203230 0.0000000000 + 2134 6.3000000000 2.6535898385 0.0000000000 + 2135 6.7500000000 1.0866025404 0.0000000000 + 2136 6.4195712081 2.3638049126 0.0000000000 + 2137 6.6666666667 1.5511966128 0.0000000000 + 2138 6.6000000000 1.8267949192 0.0000000000 + 2139 6.3500000000 2.5669872981 0.0000000000 + 2140 6.8500000000 0.0866025404 0.0000000000 + 2141 6.5000000000 2.1732050808 0.0000000000 + 2142 6.8500000000 0.2598076211 0.0000000000 + 2143 6.8500000000 0.4330127019 0.0000000000 + 2144 6.4000000000 2.4803847577 0.0000000000 + 2145 6.7500000000 1.2598076211 0.0000000000 + 2146 6.8000000000 1.0000000000 0.0000000000 + 2147 6.6500000000 1.7401923789 0.0000000000 + 2148 6.5500000000 2.0866025404 0.0000000000 + 2149 6.8500000000 0.6062177826 0.0000000000 + 2150 6.8200000000 0.8849742261 0.0000000000 + 2151 6.2000000000 3.0000000000 0.0000000000 + 2152 6.7361111111 1.4461716063 0.0000000000 + 2153 6.8500000000 0.7794228634 0.0000000000 + 2154 6.2500000000 2.9133974596 0.0000000000 + 2155 6.6000000000 2.0000000000 0.0000000000 + 2156 6.9000000000 0.0000000000 0.0000000000 + 2157 6.8000000000 1.1732050808 0.0000000000 + 2158 6.7000000000 1.6535898385 0.0000000000 + 2159 6.9000000000 0.1732050808 0.0000000000 + 2160 6.3000000000 2.8267949192 0.0000000000 + 2161 6.9000000000 0.3464101615 0.0000000000 + 2162 6.3500000000 2.7401923789 0.0000000000 + 2163 6.9000000000 0.5196152423 0.0000000000 + 2164 6.6500000000 1.9133974596 0.0000000000 + 2165 6.4000000000 2.6535898385 0.0000000000 + 2166 6.5500000000 2.2598076211 0.0000000000 + 2167 6.5174272487 2.3560345566 0.0000000000 + 2168 6.8000000000 1.3464101615 0.0000000000 + 2169 6.9000000000 0.6928203230 0.0000000000 + 2170 6.8500000000 1.0866025404 0.0000000000 + 2171 6.4902603248 2.4629309733 0.0000000000 + 2172 6.4500000000 2.5669872981 0.0000000000 + 2173 6.7000000000 1.8267949192 0.0000000000 + 2174 6.7750000000 1.5433012702 0.0000000000 + 2175 6.6000000000 2.1732050808 0.0000000000 + 2176 6.9500000000 0.0866025404 0.0000000000 + 2177 6.9500000000 0.2598076211 0.0000000000 + 2178 6.9500000000 0.4330127019 0.0000000000 + 2179 6.8500000000 1.2598076211 0.0000000000 + 2180 6.6500000000 2.0866025404 0.0000000000 + 2181 6.7500000000 1.7401923789 0.0000000000 + 2182 6.9000000000 1.0000000000 0.0000000000 + 2183 6.9199999998 0.8849742259 0.0000000000 + 2184 6.9500000000 0.6062177826 0.0000000000 + 2185 6.3000000000 3.0000000000 0.0000000000 + 2186 6.3500000000 2.9133974596 0.0000000000 + 2187 6.7000000000 2.0000000000 0.0000000000 + 2188 6.9500000000 0.7794228634 0.0000000000 + 2189 6.4000000000 2.8267949192 0.0000000000 + 2190 6.8000000000 1.6535898385 0.0000000000 + 2191 6.8500000000 1.4330127019 0.0000000000 + 2192 6.9000000000 1.1732050808 0.0000000000 + 2193 7.0000000000 0.0000000000 0.0000000000 + 2194 7.0000000000 0.1732050808 0.0000000000 + 2195 6.6000000000 2.3464101615 0.0000000000 + 2196 6.4500000000 2.7401923789 0.0000000000 + 2197 7.0000000000 0.3464101615 0.0000000000 + 2198 6.7500000000 1.9133974596 0.0000000000 + 2199 7.0000000000 0.5196152423 0.0000000000 + 2200 6.5000000000 2.6535898385 0.0000000000 + 2201 6.6500000000 2.2598076211 0.0000000000 + 2202 6.9000000000 1.3464101615 0.0000000000 + 2203 7.0000000000 0.6928203230 0.0000000000 + 2204 6.9500000000 1.0866025404 0.0000000000 + 2205 6.5500000000 2.5669872981 0.0000000000 + 2206 6.8000000000 1.8267949192 0.0000000000 + 2207 6.6045634921 2.4433870166 0.0000000000 + 2208 6.7000000000 2.1732050808 0.0000000000 + 2209 6.8791666667 1.5393535989 0.0000000000 + 2210 7.0500000000 0.0866025404 0.0000000000 + 2211 7.0500000000 0.2598076211 0.0000000000 + 2212 6.9500000000 1.2598076211 0.0000000000 + 2213 7.0500000000 0.4330127019 0.0000000000 + 2214 6.7500000000 2.0866025404 0.0000000000 + 2215 6.8500000000 1.7401923789 0.0000000000 + 2216 6.4000000000 3.0000000000 0.0000000000 + 2217 7.0000000000 1.0000000000 0.0000000000 + 2218 7.0199999990 0.8849742245 0.0000000000 + 2219 7.0500000000 0.6062177826 0.0000000000 + 2220 6.4500000000 2.9133974596 0.0000000000 + 2221 6.8000000000 2.0000000000 0.0000000000 + 2222 6.5000000000 2.8267949192 0.0000000000 + 2223 7.0500000000 0.7794228634 0.0000000000 + 2224 6.9500000000 1.4330127019 0.0000000000 + 2225 7.0000000000 1.1732050808 0.0000000000 + 2226 6.7000000000 2.3464101615 0.0000000000 + 2227 7.1000000000 0.0000000000 0.0000000000 + 2228 6.5500000000 2.7401923789 0.0000000000 + 2229 7.1000000000 0.1732050808 0.0000000000 + 2230 7.1000000000 0.3464101615 0.0000000000 + 2231 6.9173611111 1.6371412080 0.0000000000 + 2232 6.8500000000 1.9133974596 0.0000000000 + 2233 6.6000000000 2.6535898385 0.0000000000 + 2234 6.7500000000 2.2598076211 0.0000000000 + 2235 7.1000000000 0.5196152423 0.0000000000 + 2236 7.0000000000 1.3464101615 0.0000000000 + 2237 6.6569444444 2.5604078459 0.0000000000 + 2238 7.0500000000 1.0866025404 0.0000000000 + 2239 7.1000000000 0.6928203230 0.0000000000 + 2240 6.9000000000 1.8267949192 0.0000000000 + 2241 6.8000000000 2.1732050808 0.0000000000 + 2242 7.1500000000 0.0866025404 0.0000000000 + 2243 6.9869212963 1.5320065439 0.0000000000 + 2244 7.1500000000 0.2598076211 0.0000000000 + 2245 6.5000000000 3.0000000000 0.0000000000 + 2246 6.7250000000 2.4566987298 0.0000000000 + 2247 6.8500000000 2.0866025404 0.0000000000 + 2248 7.0500000000 1.2598076211 0.0000000000 + 2249 7.1500000000 0.4330127019 0.0000000000 + 2250 6.9500000000 1.7401923789 0.0000000000 + 2251 6.5500000000 2.9133974596 0.0000000000 + 2252 7.1000000000 1.0000000000 0.0000000000 + 2253 7.1199999940 0.8849742167 0.0000000000 + 2254 7.1500000000 0.6062177826 0.0000000000 + 2255 6.6000000000 2.8267949192 0.0000000000 + 2256 6.9000000000 2.0000000000 0.0000000000 + 2257 7.1500000000 0.7794228634 0.0000000000 + 2258 6.6500000000 2.7401923789 0.0000000000 + 2259 6.8000000000 2.3464101615 0.0000000000 + 2260 7.0500000000 1.4330127019 0.0000000000 + 2261 7.1000000000 1.1732050808 0.0000000000 + 2262 7.2000000000 0.0000000000 0.0000000000 + 2263 7.2000000000 0.1732050808 0.0000000000 + 2264 6.7000000000 2.6535898385 0.0000000000 + 2265 7.2000000000 0.3464101615 0.0000000000 + 2266 6.9500000000 1.9133974596 0.0000000000 + 2267 7.0250000000 1.6299038106 0.0000000000 + 2268 6.8500000000 2.2598076211 0.0000000000 + 2269 7.2000000000 0.5196152423 0.0000000000 + 2270 7.1000000000 1.3464101615 0.0000000000 + 2271 6.7666666667 2.5511966128 0.0000000000 + 2272 7.1500000000 1.0866025404 0.0000000000 + 2273 7.2000000000 0.6928203230 0.0000000000 + 2274 6.9000000000 2.1732050808 0.0000000000 + 2275 7.0000000000 1.8267949192 0.0000000000 + 2276 6.6000000000 3.0000000000 0.0000000000 + 2277 7.2500000000 0.0866025404 0.0000000000 + 2278 7.2500000000 0.2598076211 0.0000000000 + 2279 6.9500000000 2.0866025404 0.0000000000 + 2280 7.1500000000 1.2598076211 0.0000000000 + 2281 6.6500000000 2.9133974596 0.0000000000 + 2282 6.8361111111 2.4461716063 0.0000000000 + 2283 7.1000000000 1.5196152423 0.0000000000 + 2284 7.2500000000 0.4330127019 0.0000000000 + 2285 7.2000000000 1.0000000000 0.0000000000 + 2286 6.7000000000 2.8267949192 0.0000000000 + 2287 7.0666666667 1.7244016936 0.0000000000 + 2288 7.2199999643 0.8849741694 0.0000000000 + 2289 7.2500000000 0.6062177826 0.0000000000 + 2290 7.0000000000 2.0000000000 0.0000000000 + 2291 6.7500000000 2.7401923789 0.0000000000 + 2292 6.9000000000 2.3464101615 0.0000000000 + 2293 7.2500000000 0.7794228634 0.0000000000 + 2294 7.1500000000 1.4330127019 0.0000000000 + 2295 7.2000000000 1.1732050808 0.0000000000 + 2296 7.3000000000 0.0000000000 0.0000000000 + 2297 7.3000000000 0.1732050808 0.0000000000 + 2298 7.0500000000 1.9133974596 0.0000000000 + 2299 6.8104166667 2.6437206602 0.0000000000 + 2300 6.9500000000 2.2598076211 0.0000000000 + 2301 7.3000000000 0.3464101615 0.0000000000 + 2302 7.1361111111 1.6193766870 0.0000000000 + 2303 7.3000000000 0.5196152423 0.0000000000 + 2304 7.2000000000 1.3464101615 0.0000000000 + 2305 7.0000000000 2.1732050808 0.0000000000 + 2306 7.2500000000 1.0866025404 0.0000000000 + 2307 7.1000000000 1.8267949192 0.0000000000 + 2308 7.3000000000 0.6928203230 0.0000000000 + 2309 6.8806712963 2.5379280509 0.0000000000 + 2310 6.7000000000 3.0000000000 0.0000000000 + 2311 7.3500000000 0.0866025404 0.0000000000 + 2312 6.7500000000 2.9133974596 0.0000000000 + 2313 7.0500000000 2.0866025404 0.0000000000 + 2314 7.3500000000 0.2598076211 0.0000000000 + 2315 7.2000000000 1.5196152423 0.0000000000 + 2316 7.2500000000 1.2598076211 0.0000000000 + 2317 7.3500000000 0.4330127019 0.0000000000 + 2318 6.9500000000 2.4330127019 0.0000000000 + 2319 6.8000000000 2.8267949192 0.0000000000 + 2320 7.3000000000 1.0000000000 0.0000000000 + 2321 7.3199997857 0.8849738857 0.0000000000 + 2322 7.3500000000 0.6062177826 0.0000000000 + 2323 7.1000000000 2.0000000000 0.0000000000 + 2324 7.1750000000 1.7165063509 0.0000000000 + 2325 6.8500000000 2.7401923789 0.0000000000 + 2326 7.0000000000 2.3464101615 0.0000000000 + 2327 7.2500000000 1.4330127019 0.0000000000 + 2328 7.3500000000 0.7794228634 0.0000000000 + 2329 7.3000000000 1.1732050808 0.0000000000 + 2330 7.4000000000 0.0000000000 0.0000000000 + 2331 7.1500000000 1.9133974596 0.0000000000 + 2332 7.4000000000 0.1732050808 0.0000000000 + 2333 7.0500000000 2.2598076211 0.0000000000 + 2334 6.9208333333 2.6338514819 0.0000000000 + 2335 7.4000000000 0.3464101615 0.0000000000 + 2336 7.4000000000 0.5196152423 0.0000000000 + 2337 7.3000000000 1.3464101615 0.0000000000 + 2338 7.1000000000 2.1732050808 0.0000000000 + 2339 7.2500000000 1.6062177826 0.0000000000 + 2340 7.3500000000 1.0866025404 0.0000000000 + 2341 6.8000000000 3.0000000000 0.0000000000 + 2342 7.4000000000 0.6928203230 0.0000000000 + 2343 7.0000000000 2.5196152423 0.0000000000 + 2344 6.8500000000 2.9133974596 0.0000000000 + 2345 7.2239914021 1.8049720923 0.0000000000 + 2346 7.1500000000 2.0866025404 0.0000000000 + 2347 7.4500000000 0.0866025404 0.0000000000 + 2348 7.4500000000 0.2598076211 0.0000000000 + 2349 7.3000000000 1.5196152423 0.0000000000 + 2350 6.9000000000 2.8267949192 0.0000000000 + 2351 7.3500000000 1.2598076211 0.0000000000 + 2352 7.0500000000 2.4330127019 0.0000000000 + 2353 7.4500000000 0.4330127019 0.0000000000 + 2354 7.4000000000 1.0000000000 0.0000000000 + 2355 7.4199987140 0.8849721834 0.0000000000 + 2356 7.2000000000 2.0000000000 0.0000000000 + 2357 7.4500000000 0.6062177826 0.0000000000 + 2358 7.1000000000 2.3464101615 0.0000000000 + 2359 6.9630787037 2.7278010772 0.0000000000 + 2360 7.2914985670 1.7010261992 0.0000000000 + 2361 7.3500000000 1.4330127019 0.0000000000 + 2362 7.4500000000 0.7794228634 0.0000000000 + 2363 7.4000000000 1.1732050808 0.0000000000 + 2364 7.1500000000 2.2598076211 0.0000000000 + 2365 7.5000000000 0.0000000000 0.0000000000 + 2366 7.5000000000 0.1732050808 0.0000000000 + 2367 7.0326388889 2.6226664131 0.0000000000 + 2368 7.5000000000 0.3464101615 0.0000000000 + 2369 7.2689484127 1.9008906379 0.0000000000 + 2370 7.5000000000 0.5196152423 0.0000000000 + 2371 7.2000000000 2.1732050808 0.0000000000 + 2372 7.4000000000 1.3464101615 0.0000000000 + 2373 7.3500000000 1.6062177826 0.0000000000 + 2374 6.9000000000 3.0000000000 0.0000000000 + 2375 7.4500000000 1.0866025404 0.0000000000 + 2376 7.5000000000 0.6928203230 0.0000000000 + 2377 7.1000000000 2.5196152423 0.0000000000 + 2378 6.9500000000 2.9133974596 0.0000000000 + 2379 7.2500000000 2.0866025404 0.0000000000 + 2380 7.0000000000 2.8267949192 0.0000000000 + 2381 7.5500000000 0.0866025404 0.0000000000 + 2382 7.1500000000 2.4330127019 0.0000000000 + 2383 7.4000000000 1.5196152423 0.0000000000 + 2384 7.5500000000 0.2598076211 0.0000000000 + 2385 7.3500000000 1.7794228634 0.0000000000 + 2386 7.5500000000 0.4330127019 0.0000000000 + 2387 7.5000000000 1.0000000000 0.0000000000 + 2388 7.4611645497 1.2604059275 0.0000000000 + 2389 7.3000000000 2.0000000000 0.0000000000 + 2390 7.5199922840 0.8849619695 0.0000000000 + 2391 7.2000000000 2.3464101615 0.0000000000 + 2392 7.5500000000 0.6062177826 0.0000000000 + 2393 7.0750000000 2.7165063509 0.0000000000 + 2394 7.5500000000 0.7794228634 0.0000000000 + 2395 7.4000000000 1.6928203230 0.0000000000 + 2396 7.5000000000 1.1732050808 0.0000000000 + 2397 7.2500000000 2.2598076211 0.0000000000 + 2398 7.4617949192 1.4351345418 0.0000000000 + 2399 7.6000000000 0.0000000000 0.0000000000 + 2400 7.6000000000 0.1732050808 0.0000000000 + 2401 7.6000000000 0.3464101615 0.0000000000 + 2402 7.1500000000 2.6062177826 0.0000000000 + 2403 7.0000000000 3.0000000000 0.0000000000 + 2404 7.3000000000 2.1732050808 0.0000000000 + 2405 7.6000000000 0.5196152423 0.0000000000 + 2406 7.4559676785 1.5921628878 0.0000000000 + 2407 7.5500000000 1.0866025404 0.0000000000 + 2408 7.2000000000 2.5196152423 0.0000000000 + 2409 7.0500000000 2.9133974596 0.0000000000 + 2410 7.6000000000 0.6928203230 0.0000000000 + 2411 7.3955640590 1.9036802526 0.0000000000 + 2412 7.4867949192 1.5117691454 0.0000000000 + 2413 7.3500000000 2.0866025404 0.0000000000 + 2414 7.2500000000 2.4330127019 0.0000000000 + 2415 7.6500000000 0.0866025404 0.0000000000 + 2416 7.1166666667 2.8110042340 0.0000000000 + 2417 7.6500000000 0.2598076211 0.0000000000 + 2418 7.5556303696 1.2433247420 0.0000000000 + 2419 7.4500000000 1.7794228634 0.0000000000 + 2420 7.6500000000 0.4330127019 0.0000000000 + 2421 7.4000000000 2.0000000000 0.0000000000 + 2422 7.6000000000 1.0000000000 0.0000000000 + 2423 7.3000000000 2.3464101615 0.0000000000 + 2424 7.6199537037 0.8849006864 0.0000000000 + 2425 7.6500000000 0.6062177826 0.0000000000 + 2426 7.1861111111 2.7059792274 0.0000000000 + 2427 7.5669872981 1.3500000000 0.0000000000 + 2428 7.3500000000 2.2598076211 0.0000000000 + 2429 7.6500000000 0.7794228634 0.0000000000 + 2430 7.6000000000 1.1732050808 0.0000000000 + 2431 7.7000000000 0.0000000000 0.0000000000 + 2432 7.7000000000 0.1732050808 0.0000000000 + 2433 7.2500000000 2.6062177826 0.0000000000 + 2434 7.5669872981 1.4500000000 0.0000000000 + 2435 7.1000000000 3.0000000000 0.0000000000 + 2436 7.7000000000 0.3464101615 0.0000000000 + 2437 7.4000000000 2.1732050808 0.0000000000 + 2438 7.5320238536 1.6725548332 0.0000000000 + 2439 7.7000000000 0.5196152423 0.0000000000 + 2440 7.1500000000 2.9133974596 0.0000000000 + 2441 7.3000000000 2.5196152423 0.0000000000 + 2442 7.5669872981 1.5500000000 0.0000000000 + 2443 7.6500000000 1.0866025404 0.0000000000 + 2444 7.5000000000 1.8660254038 0.0000000000 + 2445 7.7000000000 0.6928203230 0.0000000000 + 2446 7.4500000000 2.0866025404 0.0000000000 + 2447 7.3500000000 2.4330127019 0.0000000000 + 2448 7.2250000000 2.8031088913 0.0000000000 + 2449 7.7500000000 0.0866025404 0.0000000000 + 2450 7.6500000000 1.2598076211 0.0000000000 + 2451 7.7500000000 0.2598076211 0.0000000000 + 2452 7.5500000000 1.7794228634 0.0000000000 + 2453 7.5000000000 2.0000000000 0.0000000000 + 2454 7.7500000000 0.4330127019 0.0000000000 + 2455 7.4000000000 2.3464101615 0.0000000000 + 2456 7.7000000000 1.0000000000 0.0000000000 + 2457 7.7197222222 0.8845329880 0.0000000000 + 2458 7.7500000000 0.6062177826 0.0000000000 + 2459 7.6535898385 1.4000000000 0.0000000000 + 2460 7.3000000000 2.6928203230 0.0000000000 + 2461 7.7000000000 1.1732050808 0.0000000000 + 2462 7.7500000000 0.7794228634 0.0000000000 + 2463 7.4611645497 2.2604059275 0.0000000000 + 2464 7.3500000000 2.6062177826 0.0000000000 + 2465 7.6535898385 1.5000000000 0.0000000000 + 2466 7.2000000000 3.0000000000 0.0000000000 + 2467 7.8000000000 0.0000000000 0.0000000000 + 2468 7.8000000000 0.1732050808 0.0000000000 + 2469 7.8000000000 0.3464101615 0.0000000000 + 2470 7.5000000000 2.1732050808 0.0000000000 + 2471 7.4000000000 2.5196152423 0.0000000000 + 2472 7.8000000000 0.5196152423 0.0000000000 + 2473 7.6535898385 1.6000000000 0.0000000000 + 2474 7.7500000000 1.0866025404 0.0000000000 + 2475 7.2696428571 2.9002326926 0.0000000000 + 2476 7.8000000000 0.6928203230 0.0000000000 + 2477 7.5500000000 2.0866025404 0.0000000000 + 2478 7.6449313814 1.7086629494 0.0000000000 + 2479 7.6062546025 1.8993497525 0.0000000000 + 2480 7.4617949192 2.4351345418 0.0000000000 + 2481 7.7500000000 1.2598076211 0.0000000000 + 2482 7.7401923789 1.3500000000 0.0000000000 + 2483 7.3500000000 2.7794228634 0.0000000000 + 2484 7.6000000000 2.0000000000 0.0000000000 + 2485 7.8583333333 0.0888354503 0.0000000000 + 2486 7.6535898385 1.8000000000 0.0000000000 + 2487 7.8000000000 1.0000000000 0.0000000000 + 2488 7.8183333333 0.8823267973 0.0000000000 + 2489 7.8583333333 0.4275105849 0.0000000000 + 2490 7.8500000000 0.6062177826 0.0000000000 + 2491 7.4000000000 2.6928203230 0.0000000000 + 2492 7.7401923789 1.4500000000 0.0000000000 + 2493 7.5556303696 2.2433247420 0.0000000000 + 2494 7.8785714286 0.2570054437 0.0000000000 + 2495 7.3000000000 3.0000000000 0.0000000000 + 2496 7.4559676785 2.5921628878 0.0000000000 + 2497 7.7401923789 1.5500000000 0.0000000000 + 2498 7.4867949192 2.5117691454 0.0000000000 + 2499 7.9000000000 0.0000000000 0.0000000000 + 2500 7.9000000000 0.1732050808 0.0000000000 + 2501 7.8630555556 0.7860799934 0.0000000000 + 2502 7.8128846256 1.1899175519 0.0000000000 + 2503 7.6000000000 2.1732050808 0.0000000000 + 2504 7.7401923789 1.6500000000 0.0000000000 + 2505 7.9073809524 0.3461852380 0.0000000000 + 2506 7.9000000000 0.5196152423 0.0000000000 + 2507 7.5669872981 2.3500000000 0.0000000000 + 2508 7.8500000000 1.0866025404 0.0000000000 + 2509 7.6500000000 2.0866025404 0.0000000000 + 2510 7.9000000000 0.6928203230 0.0000000000 + 2511 7.8267949192 1.3000000000 0.0000000000 + 2512 7.7401923789 1.7500000000 0.0000000000 + 2513 7.3956632653 2.9035862605 0.0000000000 + 2514 7.8267949192 1.4000000000 0.0000000000 + 2515 7.4500000000 2.7794228634 0.0000000000 + 2516 7.5669872981 2.4500000000 0.0000000000 + 2517 7.7000000000 2.0000000000 0.0000000000 + 2518 7.9100000000 0.8690896534 0.0000000000 + 2519 7.7362323798 1.8784785361 0.0000000000 + 2520 7.9000000000 1.0000000000 0.0000000000 + 2521 7.8267949192 1.5000000000 0.0000000000 + 2522 7.6500000000 2.2598076211 0.0000000000 + 2523 7.4000000000 3.0000000000 0.0000000000 + 2524 7.5669872981 2.5500000000 0.0000000000 + 2525 7.9000000000 1.1732050808 0.0000000000 + 2526 7.8267949192 1.6000000000 0.0000000000 + 2527 7.5320238536 2.6725548332 0.0000000000 + 2528 8.0000000000 0.0000000000 0.0000000000 + 2529 8.0000000000 0.1000000000 0.0000000000 + 2530 7.7000000000 2.1732050808 0.0000000000 + 2531 8.0000000000 0.2000000000 0.0000000000 + 2532 8.0000000000 0.3000000000 0.0000000000 + 2533 7.8267949192 1.7000000000 0.0000000000 + 2534 8.0000000000 0.4000000000 0.0000000000 + 2535 7.9133974596 1.2500000000 0.0000000000 + 2536 8.0000000000 0.5000000000 0.0000000000 + 2537 7.6535898385 2.4000000000 0.0000000000 + 2538 8.0000000000 0.6000000000 0.0000000000 + 2539 7.7500000000 2.0866025404 0.0000000000 + 2540 7.9133974596 1.3500000000 0.0000000000 + 2541 8.0000000000 0.7000000000 0.0000000000 + 2542 7.8267949192 1.8000000000 0.0000000000 + 2543 8.0000000000 0.8000000000 0.0000000000 + 2544 7.9133974596 1.4500000000 0.0000000000 + 2545 7.5500000000 2.7794228634 0.0000000000 + 2546 8.0000000000 0.9000000000 0.0000000000 + 2547 7.6535898385 2.5000000000 0.0000000000 + 2548 7.8000000000 2.0000000000 0.0000000000 + 2549 7.8267949192 1.9000000000 0.0000000000 + 2550 7.5199378280 2.8908344497 0.0000000000 + 2551 8.0000000000 1.0000000000 0.0000000000 + 2552 7.9133974596 1.5500000000 0.0000000000 + 2553 7.7500000000 2.2598076211 0.0000000000 + 2554 8.0000000000 1.1000000000 0.0000000000 + 2555 7.5000000000 3.0000000000 0.0000000000 + 2556 7.6535898385 2.6000000000 0.0000000000 + 2557 7.9133974596 1.6500000000 0.0000000000 + 2558 7.7401923789 2.3500000000 0.0000000000 + 2559 8.0000000000 1.2000000000 0.0000000000 + 2560 7.9133974596 1.7500000000 0.0000000000 + 2561 8.0000000000 1.3000000000 0.0000000000 + 2562 7.6449313814 2.7086629494 0.0000000000 + 2563 7.8128846256 2.1899175519 0.0000000000 + 2564 7.7401923789 2.4500000000 0.0000000000 + 2565 8.0000000000 1.4000000000 0.0000000000 + 2566 7.8500000000 2.0866025404 0.0000000000 + 2567 7.9111645497 1.8583333333 0.0000000000 + 2568 8.0000000000 1.5000000000 0.0000000000 + 2569 7.9000000000 2.0000000000 0.0000000000 + 2570 7.7401923789 2.5500000000 0.0000000000 + 2571 7.6535898385 2.8000000000 0.0000000000 + 2572 7.6239637029 2.8825747112 0.0000000000 + 2573 7.8267949192 2.3000000000 0.0000000000 + 2574 8.0000000000 1.6000000000 0.0000000000 + 2575 7.6000000000 3.0000000000 0.0000000000 + 2576 8.0000000000 1.7000000000 0.0000000000 + 2577 7.7401923789 2.6500000000 0.0000000000 + 2578 7.8267949192 2.4000000000 0.0000000000 + 2579 7.9000000000 2.1732050808 0.0000000000 + 2580 8.0000000000 1.8000000000 0.0000000000 + 2581 7.7401923789 2.7500000000 0.0000000000 + 2582 7.8267949192 2.5000000000 0.0000000000 + 2583 8.0000000000 1.9000000000 0.0000000000 + 2584 7.9133974596 2.2500000000 0.0000000000 + 2585 8.0000000000 2.0000000000 0.0000000000 + 2586 7.8267949192 2.6000000000 0.0000000000 + 2587 7.9133974596 2.3500000000 0.0000000000 + 2588 7.7387622512 2.8760821016 0.0000000000 + 2589 7.7000000000 3.0000000000 0.0000000000 + 2590 8.0000000000 2.1000000000 0.0000000000 + 2591 7.8267949192 2.7000000000 0.0000000000 + 2592 7.9133974596 2.4500000000 0.0000000000 + 2593 8.0000000000 2.2000000000 0.0000000000 + 2594 7.8267949192 2.8000000000 0.0000000000 + 2595 7.9133974596 2.5500000000 0.0000000000 + 2596 8.0000000000 2.3000000000 0.0000000000 + 2597 7.9133974596 2.6500000000 0.0000000000 + 2598 7.8267949192 2.9000000000 0.0000000000 + 2599 8.0000000000 2.4000000000 0.0000000000 + 2600 7.8000000000 3.0000000000 0.0000000000 + 2601 7.9133974596 2.7500000000 0.0000000000 + 2602 8.0000000000 2.5000000000 0.0000000000 + 2603 7.9111645497 2.8583333333 0.0000000000 + 2604 8.0000000000 2.6000000000 0.0000000000 + 2605 8.0000000000 2.7000000000 0.0000000000 + 2606 7.9000000000 3.0000000000 0.0000000000 + 2607 8.0000000000 2.8000000000 0.0000000000 + 2608 8.0000000000 2.9000000000 0.0000000000 + 2609 8.0000000000 3.0000000000 0.0000000000 +End Nodes + + +Begin Elements Element2D3N// GUI group identifier: Volume + 1 0 721 675 723 + 2 0 211 214 231 + 3 0 611 653 625 + 4 0 231 214 236 + 5 0 211 239 230 + 6 0 625 653 667 + 7 0 236 214 217 + 8 0 667 653 699 + 9 0 625 667 638 + 10 0 667 699 736 + 11 0 638 667 690 + 12 0 690 667 736 + 13 0 638 690 668 + 14 0 668 731 728 + 15 0 638 668 620 + 16 0 620 668 633 + 17 0 638 620 596 + 18 0 633 668 683 + 19 0 620 633 592 + 20 0 596 620 560 + 21 0 683 668 728 + 22 0 592 633 613 + 23 0 560 620 592 + 24 0 613 633 659 + 25 0 592 613 569 + 26 0 659 633 683 + 27 0 613 659 631 + 28 0 631 659 675 + 29 0 613 631 590 + 30 0 675 659 723 + 31 0 613 590 569 + 32 0 569 590 547 + 33 0 569 547 526 + 34 0 526 547 503 + 35 0 569 526 554 + 36 0 554 526 518 + 37 0 569 554 592 + 38 0 592 554 560 + 39 0 560 554 518 + 40 0 518 526 489 + 41 0 489 526 503 + 42 0 518 489 478 + 43 0 478 489 448 + 44 0 518 478 505 + 45 0 448 489 462 + 46 0 478 448 438 + 47 0 505 478 465 + 48 0 518 505 560 + 49 0 478 438 465 + 50 0 505 465 496 + 51 0 496 465 455 + 52 0 505 496 545 + 53 0 438 448 407 + 54 0 407 448 422 + 55 0 438 407 389 + 56 0 455 465 426 + 57 0 496 455 485 + 58 0 505 545 560 + 59 0 426 465 438 + 60 0 385 347 364 + 61 0 364 347 330 + 62 0 385 364 407 + 63 0 330 347 315 + 64 0 364 330 348 + 65 0 330 315 300 + 66 0 348 330 318 + 67 0 364 348 389 + 68 0 300 315 291 + 69 0 318 330 300 + 70 0 300 291 279 + 71 0 318 300 293 + 72 0 279 291 267 + 73 0 300 279 293 + 74 0 279 267 259 + 75 0 293 279 271 + 76 0 259 267 246 + 77 0 279 259 271 + 78 0 271 259 248 + 79 0 248 259 239 + 80 0 271 248 262 + 81 0 239 259 246 + 82 0 248 239 231 + 83 0 231 239 211 + 84 0 262 248 236 + 85 0 230 239 246 + 86 0 304 336 312 + 87 0 312 336 343 + 88 0 304 312 290 + 89 0 343 336 371 + 90 0 312 343 325 + 91 0 290 312 297 + 92 0 343 371 379 + 93 0 325 343 357 + 94 0 297 312 325 + 95 0 379 371 405 + 96 0 357 343 379 + 97 0 379 405 417 + 98 0 357 379 392 + 99 0 417 405 445 + 100 0 392 379 417 + 101 0 417 445 455 + 102 0 392 417 426 + 103 0 392 426 389 + 104 0 392 389 361 + 105 0 361 389 348 + 106 0 361 348 328 + 107 0 328 348 318 + 108 0 328 318 301 + 109 0 301 318 293 + 110 0 301 293 281 + 111 0 328 301 325 + 112 0 281 293 271 + 113 0 281 271 262 + 114 0 301 281 297 + 115 0 328 325 357 + 116 0 281 262 277 + 117 0 297 281 277 + 118 0 301 297 325 + 119 0 297 277 290 + 120 0 290 277 270 + 121 0 270 277 256 + 122 0 290 270 283 + 123 0 283 270 263 + 124 0 263 270 245 + 125 0 361 328 357 + 126 0 361 357 392 + 127 0 277 262 256 + 128 0 256 262 236 + 129 0 245 270 256 + 130 0 245 256 235 + 131 0 263 245 243 + 132 0 235 256 236 + 133 0 235 236 217 + 134 0 245 235 219 + 135 0 290 283 304 + 136 0 231 236 248 + 137 0 226 243 219 + 138 0 736 731 690 + 139 0 445 485 455 + 140 0 596 560 545 + 141 0 217 219 235 + 142 0 699 740 736 + 143 0 438 389 426 + 144 0 659 683 723 + 145 0 462 422 448 + 146 0 728 723 683 + 147 0 230 209 211 + 148 0 525 567 545 + 149 0 625 638 596 + 150 0 625 596 588 + 151 0 588 596 545 + 152 0 625 588 611 + 153 0 611 588 567 + 154 0 567 588 545 + 155 0 389 407 364 + 156 0 503 462 489 + 157 0 731 668 690 + 158 0 485 525 496 + 159 0 545 496 525 + 160 0 455 426 417 + 161 0 422 385 407 + 162 0 243 245 219 + 163 0 25 27 18 + 164 0 219 217 194 + 165 0 11 5 9 + 166 0 194 217 186 + 167 0 219 194 204 + 168 0 9 5 4 + 169 0 186 217 214 + 170 0 4 5 2 + 171 0 9 4 8 + 172 0 4 2 3 + 173 0 8 4 6 + 174 0 6 4 3 + 175 0 8 6 10 + 176 0 10 7 12 + 177 0 8 10 16 + 178 0 16 10 19 + 179 0 8 16 14 + 180 0 19 10 15 + 181 0 16 19 22 + 182 0 14 16 23 + 183 0 15 10 12 + 184 0 22 19 24 + 185 0 23 16 22 + 186 0 24 19 20 + 187 0 22 24 30 + 188 0 20 19 15 + 189 0 24 20 29 + 190 0 29 20 27 + 191 0 24 29 36 + 192 0 27 20 18 + 193 0 24 36 30 + 194 0 30 36 41 + 195 0 30 41 39 + 196 0 39 41 50 + 197 0 30 39 28 + 198 0 28 39 34 + 199 0 30 28 22 + 200 0 22 28 23 + 201 0 23 28 34 + 202 0 34 39 46 + 203 0 46 39 50 + 204 0 34 46 43 + 205 0 43 46 56 + 206 0 34 43 31 + 207 0 56 46 59 + 208 0 43 56 52 + 209 0 31 43 42 + 210 0 34 31 23 + 211 0 43 52 42 + 212 0 31 42 32 + 213 0 32 42 44 + 214 0 31 32 21 + 215 0 52 56 68 + 216 0 68 56 72 + 217 0 52 68 69 + 218 0 44 42 53 + 219 0 32 44 37 + 220 0 31 21 23 + 221 0 53 42 52 + 222 0 83 99 84 + 223 0 84 99 101 + 224 0 83 84 68 + 225 0 101 99 118 + 226 0 84 101 88 + 227 0 101 118 121 + 228 0 88 101 104 + 229 0 84 88 69 + 230 0 121 118 138 + 231 0 104 101 121 + 232 0 121 138 142 + 233 0 104 121 125 + 234 0 142 138 158 + 235 0 121 142 125 + 236 0 142 158 165 + 237 0 125 142 145 + 238 0 165 158 179 + 239 0 142 165 145 + 240 0 145 165 169 + 241 0 169 165 181 + 242 0 145 169 152 + 243 0 181 165 179 + 244 0 169 181 194 + 245 0 194 181 204 + 246 0 152 169 186 + 247 0 204 181 179 + 248 0 113 93 105 + 249 0 105 93 87 + 250 0 113 105 127 + 251 0 87 93 75 + 252 0 105 87 97 + 253 0 127 105 115 + 254 0 87 75 71 + 255 0 97 87 80 + 256 0 115 105 97 + 257 0 71 75 61 + 258 0 80 87 71 + 259 0 71 61 58 + 260 0 80 71 65 + 261 0 58 61 48 + 262 0 65 71 58 + 263 0 58 48 44 + 264 0 65 58 53 + 265 0 65 53 69 + 266 0 65 69 78 + 267 0 78 69 88 + 268 0 78 88 95 + 269 0 95 88 104 + 270 0 95 104 111 + 271 0 111 104 125 + 272 0 111 125 131 + 273 0 95 111 97 + 274 0 131 125 145 + 275 0 131 145 152 + 276 0 111 131 115 + 277 0 95 97 80 + 278 0 131 152 136 + 279 0 115 131 136 + 280 0 111 115 97 + 281 0 115 136 127 + 282 0 127 136 147 + 283 0 147 136 160 + 284 0 127 147 133 + 285 0 133 147 157 + 286 0 157 147 172 + 287 0 78 95 80 + 288 0 78 80 65 + 289 0 136 152 160 + 290 0 160 152 186 + 291 0 172 147 160 + 292 0 172 160 190 + 293 0 157 172 183 + 294 0 190 160 186 + 295 0 190 186 214 + 296 0 172 190 211 + 297 0 127 133 113 + 298 0 194 186 169 + 299 0 209 183 211 + 300 0 3 7 6 + 301 0 48 37 44 + 302 0 14 23 21 + 303 0 214 211 190 + 304 0 2 1 3 + 305 0 52 69 53 + 306 0 20 15 18 + 307 0 59 72 56 + 308 0 12 18 15 + 309 0 204 226 219 + 310 0 26 17 21 + 311 0 9 8 14 + 312 0 9 14 13 + 313 0 13 14 21 + 314 0 9 13 11 + 315 0 11 13 17 + 316 0 17 13 21 + 317 0 69 68 84 + 318 0 50 59 46 + 319 0 7 10 6 + 320 0 37 26 32 + 321 0 21 32 26 + 322 0 44 53 58 + 323 0 72 83 68 + 324 0 183 172 211 + 325 0 226 204 222 + 326 0 138 118 135 + 327 0 72 59 73 + 328 0 36 29 40 + 329 0 135 118 117 + 330 0 73 59 63 + 331 0 36 40 47 + 332 0 117 118 99 + 333 0 63 59 50 + 334 0 47 40 51 + 335 0 117 99 100 + 336 0 51 40 55 + 337 0 51 55 66 + 338 0 47 51 60 + 339 0 100 99 83 + 340 0 60 51 66 + 341 0 47 60 54 + 342 0 100 83 85 + 343 0 54 60 67 + 344 0 47 54 41 + 345 0 85 83 72 + 346 0 67 60 74 + 347 0 41 54 50 + 348 0 85 72 73 + 349 0 74 60 66 + 350 0 50 54 63 + 351 0 63 54 67 + 352 0 63 67 77 + 353 0 77 67 82 + 354 0 63 77 73 + 355 0 82 67 74 + 356 0 77 82 92 + 357 0 73 77 90 + 358 0 82 74 91 + 359 0 92 82 102 + 360 0 90 77 92 + 361 0 91 74 81 + 362 0 102 82 91 + 363 0 102 91 110 + 364 0 110 91 98 + 365 0 102 110 124 + 366 0 124 110 140 + 367 0 102 124 112 + 368 0 112 124 132 + 369 0 102 112 92 + 370 0 132 124 146 + 371 0 92 112 108 + 372 0 146 124 140 + 373 0 132 146 155 + 374 0 108 112 129 + 375 0 155 146 168 + 376 0 132 155 150 + 377 0 129 112 132 + 378 0 168 146 163 + 379 0 150 155 171 + 380 0 129 132 150 + 381 0 171 155 180 + 382 0 150 171 167 + 383 0 180 155 168 + 384 0 171 180 196 + 385 0 167 171 193 + 386 0 180 168 192 + 387 0 196 180 205 + 388 0 193 171 196 + 389 0 167 193 187 + 390 0 192 168 188 + 391 0 192 188 212 + 392 0 192 212 205 + 393 0 205 180 192 + 394 0 193 196 215 + 395 0 187 193 207 + 396 0 215 196 223 + 397 0 193 215 207 + 398 0 223 196 205 + 399 0 215 223 242 + 400 0 207 215 237 + 401 0 223 205 229 + 402 0 229 205 212 + 403 0 223 229 252 + 404 0 138 135 154 + 405 0 154 135 153 + 406 0 138 154 158 + 407 0 153 135 137 + 408 0 154 153 174 + 409 0 158 154 176 + 410 0 137 135 117 + 411 0 174 153 175 + 412 0 154 174 176 + 413 0 137 117 120 + 414 0 175 153 156 + 415 0 176 174 198 + 416 0 120 117 100 + 417 0 137 120 141 + 418 0 156 153 137 + 419 0 198 174 197 + 420 0 120 100 103 + 421 0 141 120 123 + 422 0 197 174 175 + 423 0 198 197 221 + 424 0 103 100 85 + 425 0 123 120 103 + 426 0 197 175 199 + 427 0 103 85 90 + 428 0 123 103 108 + 429 0 199 175 177 + 430 0 197 199 225 + 431 0 90 85 73 + 432 0 108 103 90 + 433 0 177 175 156 + 434 0 177 156 162 + 435 0 162 156 141 + 436 0 141 156 137 + 437 0 162 141 144 + 438 0 144 141 123 + 439 0 162 144 167 + 440 0 144 123 129 + 441 0 167 144 150 + 442 0 162 167 187 + 443 0 129 123 108 + 444 0 150 144 129 + 445 0 162 187 177 + 446 0 177 187 203 + 447 0 203 187 207 + 448 0 177 203 199 + 449 0 203 207 233 + 450 0 199 203 228 + 451 0 40 29 45 + 452 0 92 108 90 + 453 0 179 158 176 + 454 0 179 176 201 + 455 0 201 176 198 + 456 0 179 201 204 + 457 0 201 198 220 + 458 0 204 201 222 + 459 0 27 25 35 + 460 0 27 35 33 + 461 0 33 35 45 + 462 0 33 45 29 + 463 0 33 29 27 + 464 0 47 41 36 + 465 0 66 81 74 + 466 0 140 163 146 + 467 0 232 250 229 + 468 0 45 55 40 + 469 0 98 119 110 + 470 0 110 119 140 + 471 0 81 98 91 + 472 0 163 188 168 + 473 0 250 269 260 + 474 0 212 232 229 + 475 0 237 233 207 + 476 0 221 220 198 + 477 0 252 242 223 + 478 0 228 225 199 + 479 0 260 252 229 + 480 0 233 228 203 + 481 0 220 222 201 + 482 0 242 237 215 + 483 0 225 221 197 + 484 0 250 260 229 + 485 0 208 210 184 + 486 0 247 257 232 + 487 0 114 134 128 + 488 0 128 134 149 + 489 0 114 128 106 + 490 0 149 134 159 + 491 0 128 149 139 + 492 0 106 128 116 + 493 0 149 159 173 + 494 0 139 149 164 + 495 0 116 128 139 + 496 0 173 159 184 + 497 0 164 149 173 + 498 0 173 184 210 + 499 0 164 173 189 + 500 0 189 173 210 + 501 0 164 189 185 + 502 0 185 213 216 + 503 0 164 185 151 + 504 0 151 185 170 + 505 0 164 151 139 + 506 0 170 185 195 + 507 0 151 170 148 + 508 0 139 151 130 + 509 0 170 195 191 + 510 0 148 170 166 + 511 0 130 151 148 + 512 0 191 195 218 + 513 0 166 170 191 + 514 0 148 166 143 + 515 0 166 191 182 + 516 0 143 166 161 + 517 0 148 143 126 + 518 0 182 191 206 + 519 0 161 166 182 + 520 0 143 161 140 + 521 0 126 143 122 + 522 0 206 191 218 + 523 0 122 143 140 + 524 0 126 122 107 + 525 0 107 122 98 + 526 0 126 107 109 + 527 0 109 107 89 + 528 0 126 109 130 + 529 0 89 107 81 + 530 0 109 89 96 + 531 0 130 109 116 + 532 0 126 130 148 + 533 0 96 89 79 + 534 0 109 96 116 + 535 0 79 89 66 + 536 0 116 96 106 + 537 0 106 96 86 + 538 0 86 96 79 + 539 0 106 86 94 + 540 0 86 79 70 + 541 0 94 86 76 + 542 0 106 94 114 + 543 0 70 79 64 + 544 0 76 86 70 + 545 0 64 79 66 + 546 0 76 70 62 + 547 0 62 70 57 + 548 0 57 70 64 + 549 0 62 57 49 + 550 0 57 64 55 + 551 0 55 64 66 + 552 0 49 57 45 + 553 0 218 227 206 + 554 0 213 185 189 + 555 0 25 38 35 + 556 0 38 49 45 + 557 0 38 45 35 + 558 0 195 185 216 + 559 0 182 206 202 + 560 0 202 206 234 + 561 0 182 202 178 + 562 0 178 202 200 + 563 0 182 178 161 + 564 0 200 202 224 + 565 0 178 200 188 + 566 0 188 200 212 + 567 0 212 200 224 + 568 0 161 178 163 + 569 0 224 202 234 + 570 0 234 241 224 + 571 0 139 130 116 + 572 0 210 213 189 + 573 0 257 269 250 + 574 0 257 250 232 + 575 0 227 234 206 + 576 0 216 218 195 + 577 0 241 247 224 + 578 0 188 163 178 + 579 0 98 81 107 + 580 0 232 212 224 + 581 0 140 119 122 + 582 0 122 119 98 + 583 0 163 140 161 + 584 0 81 66 89 + 585 0 55 45 57 + 586 0 224 247 232 + 587 0 740 699 711 + 588 0 711 699 669 + 589 0 669 699 653 + 590 0 669 653 641 + 591 0 711 669 695 + 592 0 695 669 641 + 593 0 641 653 611 + 594 0 641 611 593 + 595 0 593 611 567 + 596 0 593 567 550 + 597 0 641 593 626 + 598 0 550 567 525 + 599 0 593 550 583 + 600 0 550 525 511 + 601 0 511 525 485 + 602 0 511 485 472 + 603 0 550 511 542 + 604 0 626 593 583 + 605 0 626 583 644 + 606 0 641 626 664 + 607 0 472 485 445 + 608 0 472 445 430 + 609 0 511 472 499 + 610 0 583 550 542 + 611 0 583 542 580 + 612 0 430 445 405 + 613 0 430 405 394 + 614 0 472 430 459 + 615 0 542 511 499 + 616 0 394 405 371 + 617 0 394 371 358 + 618 0 430 394 423 + 619 0 542 499 536 + 620 0 499 472 459 + 621 0 580 542 536 + 622 0 583 580 644 + 623 0 499 459 494 + 624 0 358 371 336 + 625 0 358 336 326 + 626 0 394 358 387 + 627 0 459 430 423 + 628 0 536 499 494 + 629 0 459 423 453 + 630 0 326 336 304 + 631 0 326 304 299 + 632 0 358 326 350 + 633 0 423 394 387 + 634 0 494 459 453 + 635 0 423 387 413 + 636 0 387 358 350 + 637 0 299 304 283 + 638 0 299 283 278 + 639 0 326 299 320 + 640 0 453 423 413 + 641 0 387 350 378 + 642 0 326 320 350 + 643 0 350 320 344 + 644 0 299 278 296 + 645 0 413 387 378 + 646 0 278 283 263 + 647 0 278 263 258 + 648 0 258 263 243 + 649 0 278 258 275 + 650 0 258 243 240 + 651 0 320 299 296 + 652 0 275 258 254 + 653 0 320 296 313 + 654 0 313 296 292 + 655 0 320 313 344 + 656 0 292 296 275 + 657 0 313 292 311 + 658 0 275 296 278 + 659 0 311 292 288 + 660 0 243 226 240 + 661 0 350 344 378 + 662 0 313 311 340 + 663 0 340 311 338 + 664 0 313 340 344 + 665 0 338 311 308 + 666 0 340 338 372 + 667 0 372 338 368 + 668 0 340 372 373 + 669 0 368 338 332 + 670 0 372 368 401 + 671 0 373 372 404 + 672 0 340 373 344 + 673 0 372 401 404 + 674 0 373 404 411 + 675 0 344 373 378 + 676 0 404 401 439 + 677 0 373 411 378 + 678 0 439 401 435 + 679 0 404 439 442 + 680 0 435 401 399 + 681 0 439 435 470 + 682 0 442 439 474 + 683 0 399 401 368 + 684 0 470 435 475 + 685 0 442 474 479 + 686 0 475 435 431 + 687 0 470 475 506 + 688 0 479 474 517 + 689 0 431 435 399 + 690 0 506 475 531 + 691 0 506 531 543 + 692 0 506 543 514 + 693 0 514 543 555 + 694 0 506 514 470 + 695 0 514 555 517 + 696 0 517 474 514 + 697 0 479 517 519 + 698 0 519 517 571 + 699 0 479 519 484 + 700 0 484 519 523 + 701 0 479 484 446 + 702 0 523 519 556 + 703 0 484 523 494 + 704 0 446 484 453 + 705 0 556 519 571 + 706 0 523 556 563 + 707 0 563 556 603 + 708 0 523 563 536 + 709 0 474 439 470 + 710 0 474 470 514 + 711 0 475 431 468 + 712 0 468 431 427 + 713 0 475 468 531 + 714 0 431 399 395 + 715 0 411 404 442 + 716 0 411 442 446 + 717 0 446 442 479 + 718 0 411 446 413 + 719 0 399 368 360 + 720 0 292 275 272 + 721 0 378 411 413 + 722 0 494 453 484 + 723 0 453 413 446 + 724 0 580 536 563 + 725 0 536 494 523 + 726 0 502 510 466 + 727 0 603 624 563 + 728 0 520 531 468 + 729 0 571 586 556 + 730 0 556 586 603 + 731 0 644 664 626 + 732 0 510 520 468 + 733 0 555 571 517 + 734 0 624 644 580 + 735 0 664 695 641 + 736 0 288 308 311 + 737 0 395 427 431 + 738 0 254 272 275 + 739 0 332 360 368 + 740 0 240 254 258 + 741 0 308 332 338 + 742 0 427 466 468 + 743 0 272 288 292 + 744 0 360 395 399 + 745 0 580 563 624 + 746 0 466 510 468 + 747 0 862 846 829 + 748 0 756 747 695 + 749 0 722 762 725 + 750 0 725 762 764 + 751 0 722 725 686 + 752 0 764 762 794 + 753 0 725 764 729 + 754 0 686 725 691 + 755 0 764 794 801 + 756 0 729 764 766 + 757 0 691 725 729 + 758 0 801 794 829 + 759 0 766 764 801 + 760 0 801 829 846 + 761 0 766 801 804 + 762 0 804 801 846 + 763 0 766 804 774 + 764 0 774 804 814 + 765 0 766 774 735 + 766 0 735 774 737 + 767 0 766 735 729 + 768 0 737 774 777 + 769 0 735 737 696 + 770 0 729 735 694 + 771 0 737 777 746 + 772 0 696 737 701 + 773 0 694 735 696 + 774 0 746 777 806 + 775 0 701 737 746 + 776 0 696 701 657 + 777 0 701 746 703 + 778 0 657 701 661 + 779 0 696 657 655 + 780 0 703 746 749 + 781 0 661 701 703 + 782 0 657 661 603 + 783 0 655 657 621 + 784 0 749 746 806 + 785 0 621 657 603 + 786 0 655 621 616 + 787 0 616 621 571 + 788 0 655 616 651 + 789 0 651 616 599 + 790 0 655 651 694 + 791 0 599 616 555 + 792 0 651 599 649 + 793 0 694 651 691 + 794 0 655 694 696 + 795 0 649 599 608 + 796 0 651 649 691 + 797 0 608 599 543 + 798 0 691 649 686 + 799 0 686 649 647 + 800 0 647 649 608 + 801 0 686 647 685 + 802 0 647 608 607 + 803 0 685 647 648 + 804 0 686 685 722 + 805 0 607 608 575 + 806 0 648 647 607 + 807 0 575 608 543 + 808 0 648 607 612 + 809 0 612 607 574 + 810 0 574 607 575 + 811 0 612 574 577 + 812 0 574 575 531 + 813 0 531 575 543 + 814 0 577 574 520 + 815 0 806 785 749 + 816 0 832 814 804 + 817 0 502 540 510 + 818 0 540 577 520 + 819 0 540 520 510 + 820 0 777 774 814 + 821 0 703 749 712 + 822 0 712 749 780 + 823 0 703 712 670 + 824 0 670 712 687 + 825 0 703 670 661 + 826 0 687 712 724 + 827 0 670 687 644 + 828 0 644 687 664 + 829 0 664 687 724 + 830 0 661 670 624 + 831 0 724 712 780 + 832 0 780 770 724 + 833 0 729 694 691 + 834 0 846 832 804 + 835 0 747 740 711 + 836 0 747 711 695 + 837 0 785 780 749 + 838 0 814 806 777 + 839 0 770 756 724 + 840 0 644 624 670 + 841 0 571 555 616 + 842 0 695 664 724 + 843 0 603 586 621 + 844 0 621 586 571 + 845 0 624 603 661 + 846 0 555 543 599 + 847 0 531 520 574 + 848 0 724 756 695 + 849 0 269 282 260 + 850 0 329 354 324 + 851 0 441 473 434 + 852 0 324 354 345 + 853 0 329 324 302 + 854 0 434 473 466 + 855 0 345 354 381 + 856 0 302 324 298 + 857 0 329 302 309 + 858 0 345 381 374 + 859 0 298 324 317 + 860 0 309 302 287 + 861 0 374 381 412 + 862 0 317 324 345 + 863 0 298 317 294 + 864 0 287 302 280 + 865 0 317 345 339 + 866 0 294 317 310 + 867 0 298 294 276 + 868 0 280 302 298 + 869 0 310 317 339 + 870 0 298 276 280 + 871 0 310 339 337 + 872 0 280 276 261 + 873 0 337 339 369 + 874 0 261 276 255 + 875 0 369 339 374 + 876 0 337 369 362 + 877 0 255 276 273 + 878 0 374 339 345 + 879 0 362 369 398 + 880 0 273 276 294 + 881 0 398 369 402 + 882 0 362 398 395 + 883 0 402 369 374 + 884 0 398 402 434 + 885 0 402 374 412 + 886 0 434 402 441 + 887 0 398 434 427 + 888 0 441 402 412 + 889 0 255 273 253 + 890 0 253 273 268 + 891 0 255 253 233 + 892 0 268 273 289 + 893 0 289 273 294 + 894 0 268 289 285 + 895 0 285 289 307 + 896 0 268 285 266 + 897 0 307 289 310 + 898 0 266 285 284 + 899 0 310 289 294 + 900 0 307 310 337 + 901 0 284 285 305 + 902 0 307 337 331 + 903 0 305 285 307 + 904 0 331 337 362 + 905 0 305 307 331 + 906 0 331 362 360 + 907 0 305 331 332 + 908 0 284 305 308 + 909 0 295 309 287 + 910 0 295 287 274 + 911 0 274 287 264 + 912 0 295 274 282 + 913 0 264 287 280 + 914 0 274 264 252 + 915 0 282 274 260 + 916 0 264 280 261 + 917 0 264 261 242 + 918 0 253 268 251 + 919 0 251 268 266 + 920 0 253 251 228 + 921 0 251 266 249 + 922 0 249 266 265 + 923 0 251 249 225 + 924 0 265 266 284 + 925 0 249 265 244 + 926 0 265 284 288 + 927 0 244 265 272 + 928 0 249 244 221 + 929 0 261 255 237 + 930 0 473 502 466 + 931 0 226 222 240 + 932 0 240 222 238 + 933 0 238 222 220 + 934 0 240 238 254 + 935 0 238 220 244 + 936 0 254 238 244 + 937 0 242 252 264 + 938 0 332 308 305 + 939 0 225 228 251 + 940 0 466 427 434 + 941 0 220 221 244 + 942 0 288 272 265 + 943 0 233 237 255 + 944 0 395 360 362 + 945 0 252 260 274 + 946 0 308 288 284 + 947 0 228 233 253 + 948 0 427 395 398 + 949 0 221 225 249 + 950 0 272 254 244 + 951 0 237 242 261 + 952 0 360 332 331 + 953 0 502 473 532 + 954 0 295 282 303 + 955 0 414 437 393 + 956 0 618 646 617 + 957 0 303 282 286 + 958 0 295 303 321 + 959 0 393 437 416 + 960 0 321 303 333 + 961 0 295 321 309 + 962 0 416 437 457 + 963 0 393 416 376 + 964 0 333 303 323 + 965 0 309 321 341 + 966 0 376 416 400 + 967 0 393 376 356 + 968 0 323 303 286 + 969 0 400 416 440 + 970 0 393 356 363 + 971 0 440 416 457 + 972 0 400 440 424 + 973 0 440 457 480 + 974 0 424 440 463 + 975 0 440 480 463 + 976 0 463 480 504 + 977 0 463 504 491 + 978 0 491 504 533 + 979 0 463 491 450 + 980 0 491 533 515 + 981 0 450 491 477 + 982 0 515 533 558 + 983 0 477 491 515 + 984 0 450 477 436 + 985 0 477 515 500 + 986 0 436 477 460 + 987 0 500 515 544 + 988 0 477 500 460 + 989 0 544 515 558 + 990 0 460 500 493 + 991 0 544 558 585 + 992 0 493 500 535 + 993 0 544 585 578 + 994 0 535 500 544 + 995 0 493 535 537 + 996 0 578 585 618 + 997 0 535 544 578 + 998 0 537 535 562 + 999 0 535 578 562 + 1000 0 537 584 557 + 1001 0 562 578 617 + 1002 0 341 321 352 + 1003 0 352 321 333 + 1004 0 341 352 375 + 1005 0 352 333 370 + 1006 0 375 352 390 + 1007 0 370 333 349 + 1008 0 352 370 390 + 1009 0 349 333 323 + 1010 0 390 370 400 + 1011 0 400 370 376 + 1012 0 390 400 424 + 1013 0 376 370 349 + 1014 0 390 424 409 + 1015 0 376 349 356 + 1016 0 356 323 334 + 1017 0 409 424 450 + 1018 0 390 409 375 + 1019 0 375 409 396 + 1020 0 396 409 436 + 1021 0 375 396 359 + 1022 0 396 436 419 + 1023 0 359 396 382 + 1024 0 375 359 341 + 1025 0 341 359 329 + 1026 0 329 359 354 + 1027 0 419 436 460 + 1028 0 396 419 382 + 1029 0 359 382 354 + 1030 0 354 382 381 + 1031 0 381 382 418 + 1032 0 349 323 356 + 1033 0 450 424 463 + 1034 0 306 334 323 + 1035 0 557 532 516 + 1036 0 516 532 482 + 1037 0 557 516 537 + 1038 0 441 412 449 + 1039 0 449 412 418 + 1040 0 441 449 482 + 1041 0 418 412 381 + 1042 0 449 418 456 + 1043 0 482 449 488 + 1044 0 418 382 419 + 1045 0 418 419 456 + 1046 0 449 456 488 + 1047 0 488 456 493 + 1048 0 493 456 460 + 1049 0 488 493 537 + 1050 0 460 456 419 + 1051 0 488 537 516 + 1052 0 441 482 473 + 1053 0 473 482 532 + 1054 0 516 482 488 + 1055 0 617 584 562 + 1056 0 269 286 282 + 1057 0 329 309 341 + 1058 0 363 397 414 + 1059 0 334 363 356 + 1060 0 414 393 363 + 1061 0 286 306 323 + 1062 0 584 537 562 + 1063 0 450 436 409 + 1064 0 578 618 617 + 1065 0 397 432 414 + 1066 0 2565 2568 2544 + 1067 0 707 673 662 + 1068 0 2544 2568 2552 + 1069 0 2565 2544 2540 + 1070 0 662 673 618 + 1071 0 2552 2568 2574 + 1072 0 2540 2544 2514 + 1073 0 2552 2574 2557 + 1074 0 2514 2544 2521 + 1075 0 2540 2514 2511 + 1076 0 2557 2574 2576 + 1077 0 2521 2544 2552 + 1078 0 2511 2514 2482 + 1079 0 2557 2576 2560 + 1080 0 2521 2552 2526 + 1081 0 2482 2514 2492 + 1082 0 2560 2576 2580 + 1083 0 2526 2552 2557 + 1084 0 2492 2514 2521 + 1085 0 2560 2580 2567 + 1086 0 2492 2521 2497 + 1087 0 2567 2580 2583 + 1088 0 2497 2521 2526 + 1089 0 2492 2497 2465 + 1090 0 2497 2526 2504 + 1091 0 2465 2497 2473 + 1092 0 2492 2465 2459 + 1093 0 2504 2526 2533 + 1094 0 2473 2497 2504 + 1095 0 2459 2465 2434 + 1096 0 2533 2526 2557 + 1097 0 2473 2504 2478 + 1098 0 2434 2465 2442 + 1099 0 2533 2557 2560 + 1100 0 2478 2504 2512 + 1101 0 2442 2465 2473 + 1102 0 2512 2504 2533 + 1103 0 2478 2512 2486 + 1104 0 2512 2533 2542 + 1105 0 2486 2512 2519 + 1106 0 2542 2533 2560 + 1107 0 2512 2542 2519 + 1108 0 2519 2542 2549 + 1109 0 2549 2542 2567 + 1110 0 2519 2548 2517 + 1111 0 2567 2542 2560 + 1112 0 2549 2567 2569 + 1113 0 1586 1620 1612 + 1114 0 1612 1620 1647 + 1115 0 1586 1612 1577 + 1116 0 1647 1620 1660 + 1117 0 1577 1612 1599 + 1118 0 1647 1660 1680 + 1119 0 1599 1612 1638 + 1120 0 1680 1660 1696 + 1121 0 1647 1680 1671 + 1122 0 1638 1612 1647 + 1123 0 1671 1680 1704 + 1124 0 1647 1671 1638 + 1125 0 1704 1680 1714 + 1126 0 1671 1704 1697 + 1127 0 1638 1671 1652 + 1128 0 1704 1714 1739 + 1129 0 1697 1704 1731 + 1130 0 1652 1671 1697 + 1131 0 1739 1714 1752 + 1132 0 1731 1704 1739 + 1133 0 1752 1714 1730 + 1134 0 1739 1752 1773 + 1135 0 1731 1739 1765 + 1136 0 1730 1714 1696 + 1137 0 1773 1752 1788 + 1138 0 1765 1739 1773 + 1139 0 1696 1714 1680 + 1140 0 1788 1752 1764 + 1141 0 1765 1773 1799 + 1142 0 1788 1764 1798 + 1143 0 1799 1773 1810 + 1144 0 1788 1798 1822 + 1145 0 1810 1773 1788 + 1146 0 1799 1810 1832 + 1147 0 1822 1798 1833 + 1148 0 1832 1810 1846 + 1149 0 1799 1832 1819 + 1150 0 1822 1833 1856 + 1151 0 1846 1810 1822 + 1152 0 1819 1832 1854 + 1153 0 1856 1833 1868 + 1154 0 1822 1810 1788 + 1155 0 1854 1832 1867 + 1156 0 1867 1832 1846 + 1157 0 1854 1867 1890 + 1158 0 1867 1846 1881 + 1159 0 1890 1867 1902 + 1160 0 1881 1846 1856 + 1161 0 1867 1881 1902 + 1162 0 1856 1846 1822 + 1163 0 1902 1881 1917 + 1164 0 1917 1881 1889 + 1165 0 1902 1917 1938 + 1166 0 1889 1881 1856 + 1167 0 1917 1889 1923 + 1168 0 1938 1917 1951 + 1169 0 1889 1856 1868 + 1170 0 1923 1889 1905 + 1171 0 1951 1917 1923 + 1172 0 1905 1889 1868 + 1173 0 1923 1905 1941 + 1174 0 1951 1923 1958 + 1175 0 1923 1941 1958 + 1176 0 1951 1958 1985 + 1177 0 1958 1941 1975 + 1178 0 1985 1958 1995 + 1179 0 1951 1985 1973 + 1180 0 1958 1975 1995 + 1181 0 1973 1985 2008 + 1182 0 1995 1975 2011 + 1183 0 2008 1985 2019 + 1184 0 1973 2008 1994 + 1185 0 1995 2011 2031 + 1186 0 2019 1985 1995 + 1187 0 1994 2008 2029 + 1188 0 2031 2011 2044 + 1189 0 2019 1995 2031 + 1190 0 2029 2008 2042 + 1191 0 2031 2044 2065 + 1192 0 2019 2031 2053 + 1193 0 2042 2008 2019 + 1194 0 2065 2044 2078 + 1195 0 2053 2031 2065 + 1196 0 2065 2078 2100 + 1197 0 2100 2078 2112 + 1198 0 2065 2100 2087 + 1199 0 2100 2112 2135 + 1200 0 2087 2100 2122 + 1201 0 2065 2087 2053 + 1202 0 2135 2112 2146 + 1203 0 2122 2100 2135 + 1204 0 2053 2087 2077 + 1205 0 2077 2087 2110 + 1206 0 2053 2077 2042 + 1207 0 2110 2087 2122 + 1208 0 2042 2077 2064 + 1209 0 2053 2042 2019 + 1210 0 2110 2122 2145 + 1211 0 2064 2077 2099 + 1212 0 2145 2122 2157 + 1213 0 2110 2145 2131 + 1214 0 2099 2077 2110 + 1215 0 2157 2122 2135 + 1216 0 2131 2145 2168 + 1217 0 2099 2110 2131 + 1218 0 2168 2145 2179 + 1219 0 2131 2168 2152 + 1220 0 2179 2145 2157 + 1221 0 2168 2179 2202 + 1222 0 2152 2168 2191 + 1223 0 2179 2157 2192 + 1224 0 2202 2179 2212 + 1225 0 2191 2168 2202 + 1226 0 2192 2157 2170 + 1227 0 2212 2179 2192 + 1228 0 2191 2202 2224 + 1229 0 2170 2157 2135 + 1230 0 2224 2202 2236 + 1231 0 2191 2224 2209 + 1232 0 2236 2202 2212 + 1233 0 2224 2236 2260 + 1234 0 2209 2224 2243 + 1235 0 2236 2212 2248 + 1236 0 2260 2236 2270 + 1237 0 2243 2224 2260 + 1238 0 2248 2212 2225 + 1239 0 2270 2236 2248 + 1240 0 2243 2260 2283 + 1241 0 2225 2212 2192 + 1242 0 2283 2260 2294 + 1243 0 2243 2283 2267 + 1244 0 2294 2260 2270 + 1245 0 2283 2294 2315 + 1246 0 2267 2283 2302 + 1247 0 2294 2270 2304 + 1248 0 2315 2294 2327 + 1249 0 2302 2283 2315 + 1250 0 2304 2270 2280 + 1251 0 2327 2294 2304 + 1252 0 2302 2315 2339 + 1253 0 2280 2270 2248 + 1254 0 2339 2315 2349 + 1255 0 2302 2339 2324 + 1256 0 2349 2315 2327 + 1257 0 2339 2349 2373 + 1258 0 2324 2339 2360 + 1259 0 2349 2327 2361 + 1260 0 2373 2349 2383 + 1261 0 2360 2339 2373 + 1262 0 2361 2327 2337 + 1263 0 2383 2349 2361 + 1264 0 2360 2373 2395 + 1265 0 2337 2327 2304 + 1266 0 2395 2373 2406 + 1267 0 2360 2395 2385 + 1268 0 2406 2373 2383 + 1269 0 2395 2406 2438 + 1270 0 2385 2395 2419 + 1271 0 2406 2383 2412 + 1272 0 2438 2406 2442 + 1273 0 2419 2395 2438 + 1274 0 2412 2383 2398 + 1275 0 2419 2438 2452 + 1276 0 2398 2383 2361 + 1277 0 2452 2438 2478 + 1278 0 2419 2452 2444 + 1279 0 2398 2361 2372 + 1280 0 2444 2452 2479 + 1281 0 2419 2444 2411 + 1282 0 2372 2361 2337 + 1283 0 2479 2452 2486 + 1284 0 2479 2486 2519 + 1285 0 2411 2444 2453 + 1286 0 2372 2337 2351 + 1287 0 2351 2337 2316 + 1288 0 2372 2351 2388 + 1289 0 2316 2337 2304 + 1290 0 2351 2316 2329 + 1291 0 2388 2351 2363 + 1292 0 2329 2316 2295 + 1293 0 2351 2329 2363 + 1294 0 2295 2316 2280 + 1295 0 2363 2329 2340 + 1296 0 2280 2316 2304 + 1297 0 2295 2280 2261 + 1298 0 2340 2329 2306 + 1299 0 2261 2280 2248 + 1300 0 2306 2329 2295 + 1301 0 2340 2306 2320 + 1302 0 2306 2295 2272 + 1303 0 2320 2306 2285 + 1304 0 2340 2320 2354 + 1305 0 2272 2295 2261 + 1306 0 2285 2306 2272 + 1307 0 2340 2354 2375 + 1308 0 2272 2261 2238 + 1309 0 2375 2354 2387 + 1310 0 2340 2375 2363 + 1311 0 2238 2261 2225 + 1312 0 2375 2387 2407 + 1313 0 2363 2375 2396 + 1314 0 2225 2261 2248 + 1315 0 2407 2387 2422 + 1316 0 2396 2375 2407 + 1317 0 2407 2422 2443 + 1318 0 2396 2407 2430 + 1319 0 2443 2422 2456 + 1320 0 2430 2407 2443 + 1321 0 2396 2430 2418 + 1322 0 2430 2443 2461 + 1323 0 2418 2430 2450 + 1324 0 2461 2443 2474 + 1325 0 2430 2461 2450 + 1326 0 2474 2443 2456 + 1327 0 2450 2461 2481 + 1328 0 2474 2456 2487 + 1329 0 2481 2461 2502 + 1330 0 2474 2487 2508 + 1331 0 2502 2461 2474 + 1332 0 2508 2487 2520 + 1333 0 2474 2508 2502 + 1334 0 2502 2508 2525 + 1335 0 2525 2508 2554 + 1336 0 2502 2535 2511 + 1337 0 1755 1721 1728 + 1338 0 1728 1721 1694 + 1339 0 1755 1728 1762 + 1340 0 1694 1721 1686 + 1341 0 1728 1694 1702 + 1342 0 1762 1728 1735 + 1343 0 1694 1686 1662 + 1344 0 1702 1694 1669 + 1345 0 1735 1728 1702 + 1346 0 1662 1686 1650 + 1347 0 1669 1694 1662 + 1348 0 1662 1650 1626 + 1349 0 1669 1662 1635 + 1350 0 1626 1650 1619 + 1351 0 1635 1662 1626 + 1352 0 1626 1619 1589 + 1353 0 1635 1626 1600 + 1354 0 1589 1619 1585 + 1355 0 1600 1626 1589 + 1356 0 1589 1585 1556 + 1357 0 1600 1589 1564 + 1358 0 1556 1585 1553 + 1359 0 1589 1556 1564 + 1360 0 1556 1553 1524 + 1361 0 1564 1556 1527 + 1362 0 1524 1553 1521 + 1363 0 1556 1524 1527 + 1364 0 1524 1521 1491 + 1365 0 1527 1524 1493 + 1366 0 1491 1521 1488 + 1367 0 1524 1491 1493 + 1368 0 1491 1488 1458 + 1369 0 1493 1491 1461 + 1370 0 1458 1488 1454 + 1371 0 1491 1458 1461 + 1372 0 1461 1458 1429 + 1373 0 1429 1458 1424 + 1374 0 1461 1429 1433 + 1375 0 1424 1458 1454 + 1376 0 1429 1424 1396 + 1377 0 1433 1429 1399 + 1378 0 1396 1424 1391 + 1379 0 1429 1396 1399 + 1380 0 1391 1424 1421 + 1381 0 1399 1396 1364 + 1382 0 1421 1424 1454 + 1383 0 1391 1421 1388 + 1384 0 1364 1396 1362 + 1385 0 1391 1388 1358 + 1386 0 1362 1396 1391 + 1387 0 1358 1388 1354 + 1388 0 1391 1358 1362 + 1389 0 1358 1354 1324 + 1390 0 1362 1358 1328 + 1391 0 1324 1354 1321 + 1392 0 1328 1358 1324 + 1393 0 1362 1328 1332 + 1394 0 1324 1321 1290 + 1395 0 1328 1324 1293 + 1396 0 1332 1328 1298 + 1397 0 1290 1321 1287 + 1398 0 1293 1324 1290 + 1399 0 1298 1328 1293 + 1400 0 1293 1290 1259 + 1401 0 1298 1293 1264 + 1402 0 1259 1290 1256 + 1403 0 1293 1259 1264 + 1404 0 1256 1290 1287 + 1405 0 1264 1259 1230 + 1406 0 1256 1287 1254 + 1407 0 1230 1259 1226 + 1408 0 1256 1254 1221 + 1409 0 1226 1259 1256 + 1410 0 1230 1226 1195 + 1411 0 1221 1254 1220 + 1412 0 1226 1256 1221 + 1413 0 1195 1226 1191 + 1414 0 1226 1221 1191 + 1415 0 1195 1191 1161 + 1416 0 1191 1221 1189 + 1417 0 1161 1191 1157 + 1418 0 1195 1161 1164 + 1419 0 1189 1221 1220 + 1420 0 1157 1191 1189 + 1421 0 1164 1161 1131 + 1422 0 1157 1189 1154 + 1423 0 1131 1161 1127 + 1424 0 1154 1189 1186 + 1425 0 1157 1154 1124 + 1426 0 1127 1161 1157 + 1427 0 1186 1189 1220 + 1428 0 1124 1154 1119 + 1429 0 1127 1157 1124 + 1430 0 1119 1154 1153 + 1431 0 1124 1119 1089 + 1432 0 1153 1154 1186 + 1433 0 1119 1153 1118 + 1434 0 1089 1119 1088 + 1435 0 1119 1118 1088 + 1436 0 1089 1088 1056 + 1437 0 1088 1118 1086 + 1438 0 1056 1088 1052 + 1439 0 1089 1056 1058 + 1440 0 1088 1086 1052 + 1441 0 1058 1056 1023 + 1442 0 1052 1086 1053 + 1443 0 1023 1056 1019 + 1444 0 1058 1023 1025 + 1445 0 1052 1053 1018 + 1446 0 1019 1056 1052 + 1447 0 1025 1023 988 + 1448 0 1018 1053 1021 + 1449 0 988 1023 985 + 1450 0 1025 988 992 + 1451 0 1018 1021 984 + 1452 0 985 1023 1019 + 1453 0 992 988 957 + 1454 0 984 1021 986 + 1455 0 957 988 953 + 1456 0 992 957 961 + 1457 0 984 986 952 + 1458 0 953 988 985 + 1459 0 961 957 925 + 1460 0 952 986 955 + 1461 0 953 985 950 + 1462 0 925 957 920 + 1463 0 952 955 919 + 1464 0 950 985 983 + 1465 0 920 957 953 + 1466 0 919 955 923 + 1467 0 983 985 1019 + 1468 0 950 983 949 + 1469 0 919 923 889 + 1470 0 983 1019 1018 + 1471 0 949 983 984 + 1472 0 889 923 893 + 1473 0 1018 1019 1052 + 1474 0 983 1018 984 + 1475 0 889 893 859 + 1476 0 859 893 864 + 1477 0 889 859 856 + 1478 0 859 864 831 + 1479 0 856 859 827 + 1480 0 831 864 837 + 1481 0 859 831 827 + 1482 0 831 837 803 + 1483 0 827 831 796 + 1484 0 803 837 809 + 1485 0 831 803 796 + 1486 0 803 809 771 + 1487 0 796 803 765 + 1488 0 771 809 778 + 1489 0 803 771 765 + 1490 0 771 778 738 + 1491 0 765 771 734 + 1492 0 738 778 743 + 1493 0 771 738 734 + 1494 0 734 738 697 + 1495 0 697 738 702 + 1496 0 734 697 693 + 1497 0 702 738 743 + 1498 0 697 702 660 + 1499 0 693 697 654 + 1500 0 702 743 707 + 1501 0 660 702 662 + 1502 0 654 697 660 + 1503 0 702 707 662 + 1504 0 654 660 610 + 1505 0 610 660 627 + 1506 0 654 610 615 + 1507 0 627 660 662 + 1508 0 610 585 558 + 1509 0 615 610 579 + 1510 0 579 610 558 + 1511 0 615 579 573 + 1512 0 573 579 533 + 1513 0 615 573 606 + 1514 0 606 573 570 + 1515 0 615 606 650 + 1516 0 570 573 538 + 1517 0 606 570 604 + 1518 0 650 606 643 + 1519 0 538 573 533 + 1520 0 570 538 534 + 1521 0 604 570 566 + 1522 0 643 606 604 + 1523 0 534 538 480 + 1524 0 570 534 566 + 1525 0 643 604 639 + 1526 0 566 534 527 + 1527 0 639 604 601 + 1528 0 643 639 680 + 1529 0 527 534 495 + 1530 0 566 527 565 + 1531 0 601 604 566 + 1532 0 680 639 677 + 1533 0 495 534 480 + 1534 0 565 527 530 + 1535 0 677 639 637 + 1536 0 680 677 715 + 1537 0 530 527 487 + 1538 0 565 530 568 + 1539 0 637 639 601 + 1540 0 715 677 713 + 1541 0 487 527 495 + 1542 0 568 530 522 + 1543 0 713 677 679 + 1544 0 715 713 754 + 1545 0 522 530 486 + 1546 0 568 522 559 + 1547 0 679 677 637 + 1548 0 754 713 755 + 1549 0 486 530 487 + 1550 0 559 522 508 + 1551 0 755 713 716 + 1552 0 754 755 787 + 1553 0 716 713 679 + 1554 0 755 716 758 + 1555 0 787 755 789 + 1556 0 754 787 788 + 1557 0 758 716 719 + 1558 0 755 758 789 + 1559 0 788 787 819 + 1560 0 719 716 682 + 1561 0 789 758 792 + 1562 0 819 787 820 + 1563 0 788 819 821 + 1564 0 682 716 679 + 1565 0 792 758 763 + 1566 0 820 787 789 + 1567 0 821 819 854 + 1568 0 682 679 640 + 1569 0 763 758 719 + 1570 0 820 789 822 + 1571 0 854 819 853 + 1572 0 640 679 637 + 1573 0 822 789 792 + 1574 0 820 822 855 + 1575 0 853 819 820 + 1576 0 640 637 602 + 1577 0 855 822 857 + 1578 0 820 855 853 + 1579 0 602 637 601 + 1580 0 857 822 828 + 1581 0 853 855 884 + 1582 0 602 601 565 + 1583 0 828 822 792 + 1584 0 857 828 861 + 1585 0 884 855 886 + 1586 0 565 601 566 + 1587 0 861 828 833 + 1588 0 857 861 891 + 1589 0 886 855 857 + 1590 0 833 828 797 + 1591 0 891 861 895 + 1592 0 857 891 886 + 1593 0 797 828 792 + 1594 0 833 797 805 + 1595 0 895 861 867 + 1596 0 886 891 920 + 1597 0 805 797 768 + 1598 0 833 805 839 + 1599 0 867 861 833 + 1600 0 920 891 925 + 1601 0 768 797 763 + 1602 0 839 805 798 + 1603 0 925 891 895 + 1604 0 763 797 792 + 1605 0 798 805 761 + 1606 0 839 798 835 + 1607 0 761 805 768 + 1608 0 835 798 786 + 1609 0 839 835 872 + 1610 0 872 835 868 + 1611 0 839 872 867 + 1612 0 868 835 823 + 1613 0 872 868 903 + 1614 0 867 872 899 + 1615 0 903 868 902 + 1616 0 872 903 899 + 1617 0 867 899 895 + 1618 0 902 868 860 + 1619 0 899 903 934 + 1620 0 895 899 928 + 1621 0 934 903 939 + 1622 0 899 934 928 + 1623 0 895 928 925 + 1624 0 939 903 902 + 1625 0 928 934 965 + 1626 0 925 928 961 + 1627 0 939 902 937 + 1628 0 965 934 967 + 1629 0 961 928 965 + 1630 0 937 902 897 + 1631 0 967 934 939 + 1632 0 965 967 1001 + 1633 0 967 939 977 + 1634 0 1001 967 1004 + 1635 0 965 1001 998 + 1636 0 977 939 937 + 1637 0 1004 967 977 + 1638 0 1001 1004 1037 + 1639 0 998 1001 1032 + 1640 0 977 937 973 + 1641 0 1037 1004 1041 + 1642 0 1001 1037 1032 + 1643 0 973 937 931 + 1644 0 1041 1004 1013 + 1645 0 1032 1037 1067 + 1646 0 1013 1004 977 + 1647 0 1041 1013 1048 + 1648 0 1067 1037 1072 + 1649 0 1032 1067 1064 + 1650 0 1013 977 973 + 1651 0 1048 1013 1010 + 1652 0 1072 1037 1041 + 1653 0 1064 1067 1099 + 1654 0 1010 1013 973 + 1655 0 1048 1010 1046 + 1656 0 1072 1041 1077 + 1657 0 1099 1067 1103 + 1658 0 1046 1010 1006 + 1659 0 1048 1046 1085 + 1660 0 1077 1041 1048 + 1661 0 1103 1067 1072 + 1662 0 1085 1046 1084 + 1663 0 1048 1085 1077 + 1664 0 1103 1072 1107 + 1665 0 1084 1046 1042 + 1666 0 1077 1085 1113 + 1667 0 1107 1072 1077 + 1668 0 1103 1107 1138 + 1669 0 1113 1085 1126 + 1670 0 1077 1113 1107 + 1671 0 1138 1107 1142 + 1672 0 1126 1085 1084 + 1673 0 1107 1113 1142 + 1674 0 1138 1142 1172 + 1675 0 1126 1084 1125 + 1676 0 1142 1113 1150 + 1677 0 1172 1142 1179 + 1678 0 1138 1172 1168 + 1679 0 1125 1084 1079 + 1680 0 1150 1113 1126 + 1681 0 1179 1142 1150 + 1682 0 1168 1172 1203 + 1683 0 1150 1126 1162 + 1684 0 1179 1150 1187 + 1685 0 1203 1172 1209 + 1686 0 1168 1203 1199 + 1687 0 1162 1126 1125 + 1688 0 1187 1150 1162 + 1689 0 1209 1172 1179 + 1690 0 1199 1203 1234 + 1691 0 1162 1125 1159 + 1692 0 1187 1162 1196 + 1693 0 1234 1203 1236 + 1694 0 1199 1234 1230 + 1695 0 1159 1125 1115 + 1696 0 1196 1162 1159 + 1697 0 1236 1203 1209 + 1698 0 1230 1234 1264 + 1699 0 1196 1159 1201 + 1700 0 1264 1234 1267 + 1701 0 1201 1159 1156 + 1702 0 1267 1234 1236 + 1703 0 1264 1267 1298 + 1704 0 1267 1236 1271 + 1705 0 1298 1267 1302 + 1706 0 1267 1271 1302 + 1707 0 1302 1271 1305 + 1708 0 1305 1271 1280 + 1709 0 1302 1305 1335 + 1710 0 1280 1271 1244 + 1711 0 1305 1280 1316 + 1712 0 1335 1305 1345 + 1713 0 1244 1271 1236 + 1714 0 1280 1244 1252 + 1715 0 1316 1280 1289 + 1716 0 1345 1305 1316 + 1717 0 1252 1244 1216 + 1718 0 1280 1252 1289 + 1719 0 1345 1316 1351 + 1720 0 1216 1244 1209 + 1721 0 1289 1252 1260 + 1722 0 1351 1316 1323 + 1723 0 1345 1351 1380 + 1724 0 1209 1244 1236 + 1725 0 1260 1252 1224 + 1726 0 1323 1316 1289 + 1727 0 1380 1351 1386 + 1728 0 1224 1252 1216 + 1729 0 1323 1289 1295 + 1730 0 1386 1351 1359 + 1731 0 1224 1216 1187 + 1732 0 1295 1289 1260 + 1733 0 1359 1351 1323 + 1734 0 1386 1359 1394 + 1735 0 1187 1216 1179 + 1736 0 1295 1260 1269 + 1737 0 1359 1323 1329 + 1738 0 1394 1359 1365 + 1739 0 1179 1216 1209 + 1740 0 1295 1269 1304 + 1741 0 1329 1323 1295 + 1742 0 1365 1359 1329 + 1743 0 1304 1269 1284 + 1744 0 1295 1304 1329 + 1745 0 1365 1329 1340 + 1746 0 1284 1269 1246 + 1747 0 1329 1304 1340 + 1748 0 1246 1269 1232 + 1749 0 1284 1246 1266 + 1750 0 1340 1304 1320 + 1751 0 1232 1269 1260 + 1752 0 1246 1232 1201 + 1753 0 1320 1304 1284 + 1754 0 1340 1320 1355 + 1755 0 1201 1232 1196 + 1756 0 1246 1201 1231 + 1757 0 1355 1320 1338 + 1758 0 1340 1355 1377 + 1759 0 1196 1232 1224 + 1760 0 1377 1355 1392 + 1761 0 1340 1377 1365 + 1762 0 1224 1232 1260 + 1763 0 1392 1355 1375 + 1764 0 1377 1392 1413 + 1765 0 1365 1377 1400 + 1766 0 1413 1392 1426 + 1767 0 1377 1413 1400 + 1768 0 1426 1392 1411 + 1769 0 1400 1413 1436 + 1770 0 1436 1413 1449 + 1771 0 1400 1436 1428 + 1772 0 1449 1413 1426 + 1773 0 1436 1449 1475 + 1774 0 1428 1436 1462 + 1775 0 1449 1426 1459 + 1776 0 1475 1449 1484 + 1777 0 1462 1436 1475 + 1778 0 1428 1462 1456 + 1779 0 1459 1426 1448 + 1780 0 1484 1449 1459 + 1781 0 1456 1462 1489 + 1782 0 1428 1456 1420 + 1783 0 1484 1459 1496 + 1784 0 1489 1462 1494 + 1785 0 1420 1456 1450 + 1786 0 1428 1420 1394 + 1787 0 1496 1459 1483 + 1788 0 1494 1462 1475 + 1789 0 1450 1456 1485 + 1790 0 1394 1420 1386 + 1791 0 1494 1475 1511 + 1792 0 1485 1456 1489 + 1793 0 1450 1485 1477 + 1794 0 1386 1420 1415 + 1795 0 1511 1475 1484 + 1796 0 1485 1489 1516 + 1797 0 1477 1485 1512 + 1798 0 1415 1420 1450 + 1799 0 1511 1484 1517 + 1800 0 1516 1489 1523 + 1801 0 1512 1485 1516 + 1802 0 1415 1450 1442 + 1803 0 1517 1484 1496 + 1804 0 1523 1489 1494 + 1805 0 1442 1450 1477 + 1806 0 1415 1442 1405 + 1807 0 1523 1494 1533 + 1808 0 1442 1477 1466 + 1809 0 1405 1442 1433 + 1810 0 1533 1494 1511 + 1811 0 1466 1477 1505 + 1812 0 1442 1466 1433 + 1813 0 1533 1511 1545 + 1814 0 1505 1477 1512 + 1815 0 1433 1466 1461 + 1816 0 1545 1511 1517 + 1817 0 1533 1545 1570 + 1818 0 1505 1512 1540 + 1819 0 1461 1466 1493 + 1820 0 1570 1545 1582 + 1821 0 1540 1512 1547 + 1822 0 1505 1540 1527 + 1823 0 1493 1466 1505 + 1824 0 1570 1582 1606 + 1825 0 1547 1512 1516 + 1826 0 1527 1540 1564 + 1827 0 1493 1505 1527 + 1828 0 1606 1582 1616 + 1829 0 1547 1516 1550 + 1830 0 1564 1540 1574 + 1831 0 1606 1616 1640 + 1832 0 1550 1516 1523 + 1833 0 1574 1540 1547 + 1834 0 1564 1574 1600 + 1835 0 1640 1616 1652 + 1836 0 1550 1523 1558 + 1837 0 1574 1547 1580 + 1838 0 1600 1574 1607 + 1839 0 1558 1523 1533 + 1840 0 1550 1558 1584 + 1841 0 1580 1547 1550 + 1842 0 1607 1574 1580 + 1843 0 1584 1558 1591 + 1844 0 1550 1584 1580 + 1845 0 1607 1580 1613 + 1846 0 1591 1558 1570 + 1847 0 1580 1584 1613 + 1848 0 1570 1558 1533 + 1849 0 1591 1570 1606 + 1850 0 1613 1584 1617 + 1851 0 1591 1606 1630 + 1852 0 1617 1584 1591 + 1853 0 1613 1617 1646 + 1854 0 1630 1606 1640 + 1855 0 1617 1591 1630 + 1856 0 1646 1617 1651 + 1857 0 1613 1646 1641 + 1858 0 1630 1640 1666 + 1859 0 1651 1617 1630 + 1860 0 1646 1651 1677 + 1861 0 1641 1646 1674 + 1862 0 1666 1640 1675 + 1863 0 1677 1651 1689 + 1864 0 1646 1677 1674 + 1865 0 1675 1640 1652 + 1866 0 1689 1651 1666 + 1867 0 1674 1677 1708 + 1868 0 1666 1651 1630 + 1869 0 1689 1666 1699 + 1870 0 1708 1677 1710 + 1871 0 1674 1708 1702 + 1872 0 1699 1666 1675 + 1873 0 1710 1677 1689 + 1874 0 1708 1710 1738 + 1875 0 1702 1708 1735 + 1876 0 1699 1675 1709 + 1877 0 1710 1689 1725 + 1878 0 1738 1710 1745 + 1879 0 1735 1708 1738 + 1880 0 1699 1709 1732 + 1881 0 1725 1689 1699 + 1882 0 1745 1710 1725 + 1883 0 1735 1738 1768 + 1884 0 1732 1709 1743 + 1885 0 1725 1699 1732 + 1886 0 1745 1725 1760 + 1887 0 1768 1738 1772 + 1888 0 1743 1709 1731 + 1889 0 1725 1732 1760 + 1890 0 1772 1738 1745 + 1891 0 1760 1732 1766 + 1892 0 1772 1745 1783 + 1893 0 1766 1732 1743 + 1894 0 1760 1766 1792 + 1895 0 1783 1745 1760 + 1896 0 1772 1783 1806 + 1897 0 1792 1766 1802 + 1898 0 1760 1792 1783 + 1899 0 1806 1783 1818 + 1900 0 1802 1766 1784 + 1901 0 1783 1792 1818 + 1902 0 1806 1818 1843 + 1903 0 1784 1766 1743 + 1904 0 1818 1792 1826 + 1905 0 1843 1818 1852 + 1906 0 1806 1843 1835 + 1907 0 1826 1792 1802 + 1908 0 1818 1826 1852 + 1909 0 1835 1843 1866 + 1910 0 1826 1802 1836 + 1911 0 1852 1826 1859 + 1912 0 1866 1843 1878 + 1913 0 1835 1866 1862 + 1914 0 1859 1826 1836 + 1915 0 1866 1878 1899 + 1916 0 1862 1866 1894 + 1917 0 1899 1878 1911 + 1918 0 1866 1899 1894 + 1919 0 1911 1878 1887 + 1920 0 1894 1899 1926 + 1921 0 1887 1878 1852 + 1922 0 1911 1887 1921 + 1923 0 1926 1899 1936 + 1924 0 1852 1878 1843 + 1925 0 1921 1887 1893 + 1926 0 1936 1899 1911 + 1927 0 1893 1887 1859 + 1928 0 1936 1911 1945 + 1929 0 1859 1887 1852 + 1930 0 1945 1911 1921 + 1931 0 1936 1945 1970 + 1932 0 1945 1921 1954 + 1933 0 1970 1945 1981 + 1934 0 1954 1921 1925 + 1935 0 1945 1954 1981 + 1936 0 1925 1921 1893 + 1937 0 1981 1954 1988 + 1938 0 1925 1893 1909 + 1939 0 1988 1954 1961 + 1940 0 1909 1893 1873 + 1941 0 1925 1909 1944 + 1942 0 1961 1954 1925 + 1943 0 1873 1893 1859 + 1944 0 1944 1909 1924 + 1945 0 1873 1859 1836 + 1946 0 1873 1836 1854 + 1947 0 1836 1802 1819 + 1948 0 1981 1988 2015 + 1949 0 2015 1988 2021 + 1950 0 1981 2015 2004 + 1951 0 2021 1988 1996 + 1952 0 2015 2021 2047 + 1953 0 2004 2015 2037 + 1954 0 1996 1988 1961 + 1955 0 2015 2047 2037 + 1956 0 1996 1961 1980 + 1957 0 2037 2047 2073 + 1958 0 1980 1961 1944 + 1959 0 1996 1980 2014 + 1960 0 2073 2047 2081 + 1961 0 1944 1961 1925 + 1962 0 2014 1980 1994 + 1963 0 2081 2047 2056 + 1964 0 2056 2047 2021 + 1965 0 2081 2056 2089 + 1966 0 2056 2021 2030 + 1967 0 2089 2056 2063 + 1968 0 2030 2021 1996 + 1969 0 2063 2056 2030 + 1970 0 2030 1996 2014 + 1971 0 2030 2014 2048 + 1972 0 2048 2014 2029 + 1973 0 2030 2048 2063 + 1974 0 2063 2048 2083 + 1975 0 2083 2048 2064 + 1976 0 1981 2004 1970 + 1977 0 1970 2004 1992 + 1978 0 1992 2004 2027 + 1979 0 1970 1992 1960 + 1980 0 2027 2004 2037 + 1981 0 1960 1992 1989 + 1982 0 2027 2037 2060 + 1983 0 1989 1992 2023 + 1984 0 2060 2037 2073 + 1985 0 2023 1992 2027 + 1986 0 2060 2073 2095 + 1987 0 2023 2027 2055 + 1988 0 2095 2073 2105 + 1989 0 2055 2027 2060 + 1990 0 2095 2105 2129 + 1991 0 2055 2060 2088 + 1992 0 2129 2105 2138 + 1993 0 2095 2129 2121 + 1994 0 2088 2060 2095 + 1995 0 2129 2138 2164 + 1996 0 2121 2129 2155 + 1997 0 2164 2138 2173 + 1998 0 2129 2164 2155 + 1999 0 2173 2138 2147 + 2000 0 2155 2164 2187 + 2001 0 2147 2138 2114 + 2002 0 2173 2147 2181 + 2003 0 2187 2164 2198 + 2004 0 2114 2138 2105 + 2005 0 2181 2147 2158 + 2006 0 2198 2164 2173 + 2007 0 2114 2105 2081 + 2008 0 2158 2147 2124 + 2009 0 2198 2173 2206 + 2010 0 2081 2105 2073 + 2011 0 2124 2147 2114 + 2012 0 2206 2173 2181 + 2013 0 2124 2114 2089 + 2014 0 2206 2181 2215 + 2015 0 2089 2114 2081 + 2016 0 2124 2089 2097 + 2017 0 2215 2181 2190 + 2018 0 2097 2089 2063 + 2019 0 2190 2181 2158 + 2020 0 2215 2190 2231 + 2021 0 2097 2063 2083 + 2022 0 2190 2158 2174 + 2023 0 2231 2190 2209 + 2024 0 2174 2158 2137 + 2025 0 2190 2174 2209 + 2026 0 2137 2158 2124 + 2027 0 2174 2137 2152 + 2028 0 2137 2124 2097 + 2029 0 2137 2097 2117 + 2030 0 2117 2097 2083 + 2031 0 2137 2117 2152 + 2032 0 2117 2083 2099 + 2033 0 2088 2095 2121 + 2034 0 1586 1577 1551 + 2035 0 1551 1577 1537 + 2036 0 1537 1577 1557 + 2037 0 1551 1537 1518 + 2038 0 1557 1577 1599 + 2039 0 1537 1557 1517 + 2040 0 1518 1537 1496 + 2041 0 1557 1599 1582 + 2042 0 2152 2191 2174 + 2043 0 1755 1762 1789 + 2044 0 1789 1762 1796 + 2045 0 1796 1762 1768 + 2046 0 1789 1796 1821 + 2047 0 1768 1762 1735 + 2048 0 1821 1796 1829 + 2049 0 1829 1796 1801 + 2050 0 1821 1829 1855 + 2051 0 1801 1796 1768 + 2052 0 1829 1801 1835 + 2053 0 1855 1829 1862 + 2054 0 1835 1801 1806 + 2055 0 1829 1835 1862 + 2056 0 1806 1801 1772 + 2057 0 1772 1801 1768 + 2058 0 1187 1196 1224 + 2059 0 1006 1042 1046 + 2060 0 2290 2256 2266 + 2061 0 2266 2256 2232 + 2062 0 2290 2266 2298 + 2063 0 2232 2256 2221 + 2064 0 2266 2232 2240 + 2065 0 2298 2266 2275 + 2066 0 2232 2221 2198 + 2067 0 2266 2240 2275 + 2068 0 2198 2221 2187 + 2069 0 2275 2240 2250 + 2070 0 2250 2240 2215 + 2071 0 2275 2250 2287 + 2072 0 2215 2240 2206 + 2073 0 2250 2215 2231 + 2074 0 2287 2250 2267 + 2075 0 2206 2240 2232 + 2076 0 2250 2231 2267 + 2077 0 2206 2232 2198 + 2078 0 2290 2298 2323 + 2079 0 2323 2298 2331 + 2080 0 2331 2298 2307 + 2081 0 2323 2331 2356 + 2082 0 2307 2298 2275 + 2083 0 2356 2331 2369 + 2084 0 2307 2275 2287 + 2085 0 2369 2331 2345 + 2086 0 2307 2287 2324 + 2087 0 2345 2331 2307 + 2088 0 2369 2345 2385 + 2089 0 2345 2307 2324 + 2090 0 2356 2369 2389 + 2091 0 2389 2369 2411 + 2092 0 2459 2434 2427 + 2093 0 2427 2434 2398 + 2094 0 2459 2427 2450 + 2095 0 754 788 757 + 2096 0 757 788 791 + 2097 0 754 757 715 + 2098 0 791 788 821 + 2099 0 757 791 759 + 2100 0 715 757 718 + 2101 0 791 821 827 + 2102 0 759 791 796 + 2103 0 718 757 759 + 2104 0 791 827 796 + 2105 0 827 821 856 + 2106 0 856 821 854 + 2107 0 856 854 885 + 2108 0 885 854 882 + 2109 0 856 885 889 + 2110 0 882 854 853 + 2111 0 889 885 919 + 2112 0 882 853 884 + 2113 0 919 885 917 + 2114 0 882 884 915 + 2115 0 917 885 882 + 2116 0 915 884 918 + 2117 0 882 915 917 + 2118 0 918 884 886 + 2119 0 915 918 950 + 2120 0 917 915 949 + 2121 0 950 918 953 + 2122 0 949 915 950 + 2123 0 917 949 952 + 2124 0 953 918 920 + 2125 0 952 949 984 + 2126 0 920 918 886 + 2127 0 718 759 727 + 2128 0 727 759 765 + 2129 0 718 727 684 + 2130 0 765 759 796 + 2131 0 727 765 734 + 2132 0 684 727 693 + 2133 0 718 684 680 + 2134 0 727 734 693 + 2135 0 684 693 650 + 2136 0 718 680 715 + 2137 0 650 693 654 + 2138 0 650 654 615 + 2139 0 680 684 643 + 2140 0 643 684 650 + 2141 0 2146 2182 2170 + 2142 0 2170 2182 2204 + 2143 0 2146 2170 2135 + 2144 0 2204 2182 2217 + 2145 0 2170 2204 2192 + 2146 0 2204 2217 2238 + 2147 0 2192 2204 2225 + 2148 0 2238 2217 2252 + 2149 0 2204 2238 2225 + 2150 0 2238 2252 2272 + 2151 0 2272 2252 2285 + 2152 0 2385 2419 2411 + 2153 0 2385 2411 2369 + 2154 0 1058 1025 1060 + 2155 0 1060 1025 1028 + 2156 0 1058 1060 1091 + 2157 0 1028 1025 992 + 2158 0 1060 1028 1064 + 2159 0 1091 1060 1096 + 2160 0 1028 992 998 + 2161 0 1060 1064 1096 + 2162 0 998 992 961 + 2163 0 1028 998 1032 + 2164 0 1096 1064 1099 + 2165 0 998 961 965 + 2166 0 1028 1032 1064 + 2167 0 1096 1099 1131 + 2168 0 1131 1099 1135 + 2169 0 1096 1131 1127 + 2170 0 1135 1099 1103 + 2171 0 1131 1135 1164 + 2172 0 1096 1127 1091 + 2173 0 1135 1103 1138 + 2174 0 1164 1135 1168 + 2175 0 1091 1127 1124 + 2176 0 1168 1135 1138 + 2177 0 1164 1168 1199 + 2178 0 1091 1124 1089 + 2179 0 1164 1199 1195 + 2180 0 1091 1089 1058 + 2181 0 1195 1199 1230 + 2182 0 708 750 761 + 2183 0 480 457 495 + 2184 0 1909 1873 1890 + 2185 0 2548 2519 2549 + 2186 0 1994 2029 2014 + 2187 0 2267 2302 2287 + 2188 0 1364 1362 1332 + 2189 0 1364 1332 1335 + 2190 0 1335 1332 1302 + 2191 0 1364 1335 1369 + 2192 0 1302 1332 1298 + 2193 0 1369 1335 1345 + 2194 0 1364 1369 1399 + 2195 0 1369 1345 1380 + 2196 0 1399 1369 1405 + 2197 0 1369 1380 1405 + 2198 0 1399 1405 1433 + 2199 0 1405 1380 1415 + 2200 0 1415 1380 1386 + 2201 0 1300 1338 1320 + 2202 0 1752 1730 1764 + 2203 0 602 565 568 + 2204 0 602 568 605 + 2205 0 605 568 559 + 2206 0 602 605 640 + 2207 0 605 559 598 + 2208 0 640 605 645 + 2209 0 598 559 548 + 2210 0 605 598 645 + 2211 0 645 598 635 + 2212 0 635 598 587 + 2213 0 645 635 689 + 2214 0 689 635 676 + 2215 0 645 689 682 + 2216 0 676 635 628 + 2217 0 689 676 730 + 2218 0 682 689 719 + 2219 0 645 682 640 + 2220 0 730 676 717 + 2221 0 689 730 719 + 2222 0 717 676 666 + 2223 0 719 730 763 + 2224 0 763 730 768 + 2225 0 768 730 717 + 2226 0 768 717 761 + 2227 0 761 717 708 + 2228 0 2450 2481 2482 + 2229 0 2482 2481 2511 + 2230 0 2511 2481 2502 + 2231 0 1600 1607 1635 + 2232 0 1635 1607 1641 + 2233 0 1641 1607 1613 + 2234 0 1635 1641 1669 + 2235 0 1669 1641 1674 + 2236 0 1669 1674 1702 + 2237 0 548 587 598 + 2238 0 2567 2583 2569 + 2239 0 1894 1926 1922 + 2240 0 1922 1926 1956 + 2241 0 1894 1922 1888 + 2242 0 1956 1926 1960 + 2243 0 1894 1888 1862 + 2244 0 1960 1926 1936 + 2245 0 1956 1960 1989 + 2246 0 1862 1888 1855 + 2247 0 1960 1936 1970 + 2248 0 585 610 627 + 2249 0 2209 2243 2231 + 2250 0 1545 1517 1557 + 2251 0 1156 1193 1201 + 2252 0 2434 2442 2412 + 2253 0 2412 2442 2406 + 2254 0 2434 2412 2398 + 2255 0 860 897 902 + 2256 0 2421 2389 2411 + 2257 0 2029 2042 2064 + 2258 0 2029 2064 2048 + 2259 0 2324 2360 2345 + 2260 0 1448 1483 1459 + 2261 0 1973 1994 1959 + 2262 0 1959 1994 1980 + 2263 0 1973 1959 1938 + 2264 0 1938 1959 1924 + 2265 0 1973 1938 1951 + 2266 0 1924 1959 1944 + 2267 0 1938 1924 1902 + 2268 0 1902 1924 1890 + 2269 0 1890 1924 1909 + 2270 0 833 839 867 + 2271 0 2551 2554 2520 + 2272 0 1802 1784 1819 + 2273 0 467 508 522 + 2274 0 646 618 673 + 2275 0 1784 1743 1765 + 2276 0 1079 1115 1125 + 2277 0 2492 2459 2482 + 2278 0 2482 2459 2450 + 2279 0 2444 2479 2453 + 2280 0 1394 1365 1400 + 2281 0 1394 1400 1428 + 2282 0 786 823 835 + 2283 0 437 414 452 + 2284 0 452 414 432 + 2285 0 437 487 495 + 2286 0 1980 1944 1959 + 2287 0 2484 2453 2479 + 2288 0 2372 2388 2427 + 2289 0 1375 1411 1392 + 2290 0 1854 1890 1873 + 2291 0 2508 2520 2554 + 2292 0 628 666 676 + 2293 0 533 504 538 + 2294 0 2585 2569 2583 + 2295 0 1231 1266 1246 + 2296 0 1652 1697 1675 + 2297 0 2396 2418 2388 + 2298 0 2388 2418 2427 + 2299 0 2427 2418 2450 + 2300 0 2396 2388 2363 + 2301 0 931 966 973 + 2302 0 1765 1799 1784 + 2303 0 1616 1582 1599 + 2304 0 1819 1854 1836 + 2305 0 1010 973 966 + 2306 0 2559 2561 2535 + 2307 0 2535 2561 2540 + 2308 0 2559 2535 2525 + 2309 0 2525 2535 2502 + 2310 0 2540 2561 2565 + 2311 0 2535 2540 2511 + 2312 0 432 467 486 + 2313 0 2442 2473 2438 + 2314 0 2438 2473 2478 + 2315 0 1599 1638 1616 + 2316 0 1042 1079 1084 + 2317 0 917 952 919 + 2318 0 750 786 798 + 2319 0 457 437 495 + 2320 0 2517 2484 2479 + 2321 0 486 487 452 + 2322 0 452 487 437 + 2323 0 1338 1375 1355 + 2324 0 1697 1731 1709 + 2325 0 587 628 635 + 2326 0 558 533 579 + 2327 0 1193 1231 1201 + 2328 0 1709 1675 1697 + 2329 0 897 931 937 + 2330 0 522 486 467 + 2331 0 2099 2131 2117 + 2332 0 2398 2372 2427 + 2333 0 1483 1518 1496 + 2334 0 2554 2559 2525 + 2335 0 508 548 559 + 2336 0 618 585 627 + 2337 0 798 761 750 + 2338 0 1799 1819 1784 + 2339 0 2191 2209 2174 + 2340 0 1115 1156 1159 + 2341 0 2478 2486 2452 + 2342 0 1517 1496 1537 + 2343 0 823 860 868 + 2344 0 627 662 618 + 2345 0 2453 2421 2411 + 2346 0 2064 2099 2083 + 2347 0 2302 2324 2287 + 2348 0 1411 1448 1426 + 2349 0 1731 1765 1743 + 2350 0 666 708 717 + 2351 0 504 480 538 + 2352 0 2569 2548 2549 + 2353 0 2243 2267 2231 + 2354 0 1582 1545 1557 + 2355 0 1266 1300 1284 + 2356 0 1638 1652 1616 + 2357 0 966 1006 1010 + 2358 0 2360 2385 2345 + 2359 0 1320 1284 1300 + 2360 0 2131 2152 2117 + 2361 0 486 452 432 + 2362 0 2479 2519 2517 + 2363 0 646 673 674 + 2364 0 2599 2602 2592 + 2365 0 1000 978 960 + 2366 0 2592 2602 2595 + 2367 0 2599 2592 2587 + 2368 0 960 978 924 + 2369 0 2595 2602 2604 + 2370 0 2587 2592 2578 + 2371 0 2595 2604 2597 + 2372 0 2578 2592 2582 + 2373 0 2587 2578 2573 + 2374 0 2597 2604 2605 + 2375 0 2582 2592 2595 + 2376 0 2573 2578 2558 + 2377 0 2597 2605 2601 + 2378 0 2582 2595 2586 + 2379 0 2558 2578 2564 + 2380 0 2601 2605 2607 + 2381 0 2586 2595 2597 + 2382 0 2564 2578 2582 + 2383 0 2601 2607 2603 + 2384 0 2564 2582 2570 + 2385 0 2603 2607 2608 + 2386 0 2570 2582 2586 + 2387 0 2564 2570 2547 + 2388 0 2570 2586 2577 + 2389 0 2547 2570 2556 + 2390 0 2564 2547 2537 + 2391 0 2577 2586 2591 + 2392 0 2556 2570 2577 + 2393 0 2537 2547 2516 + 2394 0 2591 2586 2597 + 2395 0 2556 2577 2562 + 2396 0 2516 2547 2524 + 2397 0 2591 2597 2601 + 2398 0 2562 2577 2581 + 2399 0 2524 2547 2556 + 2400 0 2581 2577 2591 + 2401 0 2562 2581 2571 + 2402 0 2581 2591 2594 + 2403 0 2571 2581 2588 + 2404 0 2594 2591 2601 + 2405 0 2581 2594 2588 + 2406 0 2588 2594 2598 + 2407 0 2598 2594 2603 + 2408 0 2588 2600 2589 + 2409 0 2603 2594 2601 + 2410 0 2598 2603 2606 + 2411 0 1686 1721 1711 + 2412 0 1711 1721 1744 + 2413 0 1686 1711 1679 + 2414 0 1744 1721 1755 + 2415 0 1679 1711 1706 + 2416 0 1744 1755 1781 + 2417 0 1706 1711 1742 + 2418 0 1781 1755 1789 + 2419 0 1744 1781 1774 + 2420 0 1742 1711 1744 + 2421 0 1774 1781 1807 + 2422 0 1744 1774 1742 + 2423 0 1807 1781 1816 + 2424 0 1774 1807 1800 + 2425 0 1742 1774 1767 + 2426 0 1807 1816 1842 + 2427 0 1800 1807 1834 + 2428 0 1767 1774 1800 + 2429 0 1842 1816 1850 + 2430 0 1834 1807 1842 + 2431 0 1850 1816 1821 + 2432 0 1842 1850 1876 + 2433 0 1834 1842 1869 + 2434 0 1821 1816 1789 + 2435 0 1876 1850 1883 + 2436 0 1869 1842 1876 + 2437 0 1789 1816 1781 + 2438 0 1883 1850 1855 + 2439 0 1869 1876 1900 + 2440 0 1883 1855 1888 + 2441 0 1900 1876 1908 + 2442 0 1883 1888 1916 + 2443 0 1908 1876 1883 + 2444 0 1900 1908 1935 + 2445 0 1916 1888 1922 + 2446 0 1935 1908 1943 + 2447 0 1900 1935 1933 + 2448 0 1916 1922 1949 + 2449 0 1943 1908 1916 + 2450 0 1933 1935 1972 + 2451 0 1949 1922 1956 + 2452 0 1916 1908 1883 + 2453 0 1972 1935 1968 + 2454 0 1968 1935 1943 + 2455 0 1972 1968 2006 + 2456 0 1968 1943 1978 + 2457 0 2006 1968 2002 + 2458 0 1978 1943 1949 + 2459 0 1968 1978 2002 + 2460 0 1949 1943 1916 + 2461 0 2002 1978 2009 + 2462 0 2009 1978 1982 + 2463 0 2002 2009 2035 + 2464 0 1982 1978 1949 + 2465 0 2009 1982 2016 + 2466 0 2035 2009 2041 + 2467 0 1982 1949 1956 + 2468 0 2016 1982 1989 + 2469 0 2041 2009 2016 + 2470 0 1989 1982 1956 + 2471 0 2016 1989 2023 + 2472 0 2041 2016 2050 + 2473 0 2016 2023 2050 + 2474 0 2041 2050 2076 + 2475 0 2050 2023 2055 + 2476 0 2076 2050 2082 + 2477 0 2041 2076 2067 + 2478 0 2050 2055 2082 + 2479 0 2067 2076 2101 + 2480 0 2082 2055 2088 + 2481 0 2101 2076 2108 + 2482 0 2067 2101 2103 + 2483 0 2082 2088 2116 + 2484 0 2108 2076 2082 + 2485 0 2103 2101 2136 + 2486 0 2116 2088 2121 + 2487 0 2108 2082 2116 + 2488 0 2136 2101 2132 + 2489 0 2116 2121 2148 + 2490 0 2108 2116 2141 + 2491 0 2132 2101 2108 + 2492 0 2148 2121 2155 + 2493 0 2141 2116 2148 + 2494 0 2148 2155 2180 + 2495 0 2180 2155 2187 + 2496 0 2148 2180 2175 + 2497 0 2180 2187 2214 + 2498 0 2175 2180 2208 + 2499 0 2148 2175 2141 + 2500 0 2214 2187 2221 + 2501 0 2208 2180 2214 + 2502 0 2141 2175 2166 + 2503 0 2166 2175 2201 + 2504 0 2141 2166 2132 + 2505 0 2201 2175 2208 + 2506 0 2132 2166 2167 + 2507 0 2141 2132 2108 + 2508 0 2201 2208 2234 + 2509 0 2167 2166 2195 + 2510 0 2234 2208 2241 + 2511 0 2201 2234 2226 + 2512 0 2195 2166 2201 + 2513 0 2241 2208 2214 + 2514 0 2226 2234 2259 + 2515 0 2195 2201 2226 + 2516 0 2259 2234 2268 + 2517 0 2226 2259 2246 + 2518 0 2268 2234 2241 + 2519 0 2259 2268 2292 + 2520 0 2246 2259 2282 + 2521 0 2268 2241 2274 + 2522 0 2292 2268 2300 + 2523 0 2282 2259 2292 + 2524 0 2274 2241 2247 + 2525 0 2300 2268 2274 + 2526 0 2282 2292 2318 + 2527 0 2247 2241 2214 + 2528 0 2318 2292 2326 + 2529 0 2282 2318 2309 + 2530 0 2326 2292 2300 + 2531 0 2318 2326 2352 + 2532 0 2309 2318 2343 + 2533 0 2326 2300 2333 + 2534 0 2352 2326 2358 + 2535 0 2343 2318 2352 + 2536 0 2333 2300 2305 + 2537 0 2358 2326 2333 + 2538 0 2343 2352 2377 + 2539 0 2305 2300 2274 + 2540 0 2377 2352 2382 + 2541 0 2343 2377 2367 + 2542 0 2382 2352 2358 + 2543 0 2377 2382 2408 + 2544 0 2367 2377 2402 + 2545 0 2382 2358 2391 + 2546 0 2408 2382 2414 + 2547 0 2402 2377 2408 + 2548 0 2391 2358 2364 + 2549 0 2414 2382 2391 + 2550 0 2402 2408 2433 + 2551 0 2364 2358 2333 + 2552 0 2433 2408 2441 + 2553 0 2402 2433 2426 + 2554 0 2441 2408 2414 + 2555 0 2433 2441 2464 + 2556 0 2426 2433 2460 + 2557 0 2441 2414 2447 + 2558 0 2464 2441 2471 + 2559 0 2460 2433 2464 + 2560 0 2447 2414 2423 + 2561 0 2471 2441 2447 + 2562 0 2460 2464 2491 + 2563 0 2423 2414 2391 + 2564 0 2491 2464 2496 + 2565 0 2460 2491 2483 + 2566 0 2496 2464 2471 + 2567 0 2491 2496 2527 + 2568 0 2483 2491 2515 + 2569 0 2496 2471 2498 + 2570 0 2527 2496 2524 + 2571 0 2515 2491 2527 + 2572 0 2498 2471 2480 + 2573 0 2515 2527 2545 + 2574 0 2480 2471 2447 + 2575 0 2545 2527 2562 + 2576 0 2515 2545 2550 + 2577 0 2480 2447 2455 + 2578 0 2550 2545 2572 + 2579 0 2515 2550 2513 + 2580 0 2455 2447 2423 + 2581 0 2572 2545 2571 + 2582 0 2572 2571 2588 + 2583 0 2513 2550 2555 + 2584 0 2455 2423 2428 + 2585 0 2428 2423 2397 + 2586 0 2455 2428 2463 + 2587 0 2397 2423 2391 + 2588 0 2428 2397 2404 + 2589 0 2463 2428 2437 + 2590 0 2404 2397 2371 + 2591 0 2428 2404 2437 + 2592 0 2371 2397 2364 + 2593 0 2437 2404 2413 + 2594 0 2364 2397 2391 + 2595 0 2371 2364 2338 + 2596 0 2413 2404 2379 + 2597 0 2338 2364 2333 + 2598 0 2379 2404 2371 + 2599 0 2413 2379 2389 + 2600 0 2379 2371 2346 + 2601 0 2389 2379 2356 + 2602 0 2413 2389 2421 + 2603 0 2346 2371 2338 + 2604 0 2356 2379 2346 + 2605 0 2413 2421 2446 + 2606 0 2346 2338 2313 + 2607 0 2446 2421 2453 + 2608 0 2413 2446 2437 + 2609 0 2313 2338 2305 + 2610 0 2446 2453 2477 + 2611 0 2437 2446 2470 + 2612 0 2305 2338 2333 + 2613 0 2477 2453 2484 + 2614 0 2470 2446 2477 + 2615 0 2477 2484 2509 + 2616 0 2470 2477 2503 + 2617 0 2509 2484 2517 + 2618 0 2503 2477 2509 + 2619 0 2470 2503 2493 + 2620 0 2503 2509 2530 + 2621 0 2493 2503 2522 + 2622 0 2530 2509 2539 + 2623 0 2503 2530 2522 + 2624 0 2539 2509 2517 + 2625 0 2522 2530 2553 + 2626 0 2539 2517 2548 + 2627 0 2553 2530 2563 + 2628 0 2539 2548 2566 + 2629 0 2563 2530 2539 + 2630 0 2566 2548 2569 + 2631 0 2539 2566 2563 + 2632 0 2563 2566 2579 + 2633 0 2579 2566 2590 + 2634 0 2563 2584 2573 + 2635 0 1901 1870 1871 + 2636 0 1871 1870 1840 + 2637 0 1901 1871 1904 + 2638 0 1840 1870 1839 + 2639 0 1871 1840 1841 + 2640 0 1904 1871 1872 + 2641 0 1840 1839 1809 + 2642 0 1841 1840 1811 + 2643 0 1872 1871 1841 + 2644 0 1809 1839 1808 + 2645 0 1811 1840 1809 + 2646 0 1809 1808 1777 + 2647 0 1811 1809 1779 + 2648 0 1777 1808 1778 + 2649 0 1779 1809 1777 + 2650 0 1777 1778 1746 + 2651 0 1779 1777 1747 + 2652 0 1746 1778 1748 + 2653 0 1747 1777 1746 + 2654 0 1746 1748 1717 + 2655 0 1747 1746 1716 + 2656 0 1717 1748 1719 + 2657 0 1746 1717 1716 + 2658 0 1717 1719 1687 + 2659 0 1716 1717 1684 + 2660 0 1687 1719 1690 + 2661 0 1717 1687 1684 + 2662 0 1687 1690 1657 + 2663 0 1684 1687 1655 + 2664 0 1657 1690 1659 + 2665 0 1687 1657 1655 + 2666 0 1657 1659 1628 + 2667 0 1655 1657 1623 + 2668 0 1628 1659 1631 + 2669 0 1657 1628 1623 + 2670 0 1623 1628 1595 + 2671 0 1595 1628 1597 + 2672 0 1623 1595 1593 + 2673 0 1597 1628 1631 + 2674 0 1595 1597 1565 + 2675 0 1593 1595 1562 + 2676 0 1565 1597 1568 + 2677 0 1595 1565 1562 + 2678 0 1568 1597 1601 + 2679 0 1562 1565 1531 + 2680 0 1601 1597 1631 + 2681 0 1568 1601 1571 + 2682 0 1531 1565 1534 + 2683 0 1568 1571 1539 + 2684 0 1534 1565 1568 + 2685 0 1539 1571 1543 + 2686 0 1568 1539 1534 + 2687 0 1539 1543 1510 + 2688 0 1534 1539 1506 + 2689 0 1510 1543 1513 + 2690 0 1506 1539 1510 + 2691 0 1534 1506 1503 + 2692 0 1510 1513 1479 + 2693 0 1506 1510 1476 + 2694 0 1503 1506 1473 + 2695 0 1479 1513 1482 + 2696 0 1476 1510 1479 + 2697 0 1473 1506 1476 + 2698 0 1476 1479 1444 + 2699 0 1473 1476 1443 + 2700 0 1444 1479 1451 + 2701 0 1476 1444 1443 + 2702 0 1451 1479 1482 + 2703 0 1443 1444 1412 + 2704 0 1451 1482 1453 + 2705 0 1412 1444 1417 + 2706 0 1451 1453 1419 + 2707 0 1417 1444 1451 + 2708 0 1412 1417 1382 + 2709 0 1419 1453 1423 + 2710 0 1417 1451 1419 + 2711 0 1382 1417 1385 + 2712 0 1417 1419 1385 + 2713 0 1382 1385 1352 + 2714 0 1385 1419 1389 + 2715 0 1352 1385 1356 + 2716 0 1382 1352 1348 + 2717 0 1389 1419 1423 + 2718 0 1356 1385 1389 + 2719 0 1348 1352 1318 + 2720 0 1356 1389 1361 + 2721 0 1318 1352 1322 + 2722 0 1361 1389 1395 + 2723 0 1356 1361 1327 + 2724 0 1322 1352 1356 + 2725 0 1395 1389 1423 + 2726 0 1327 1361 1331 + 2727 0 1322 1356 1327 + 2728 0 1331 1361 1366 + 2729 0 1327 1331 1296 + 2730 0 1366 1361 1395 + 2731 0 1331 1366 1337 + 2732 0 1296 1331 1303 + 2733 0 1331 1337 1303 + 2734 0 1296 1303 1268 + 2735 0 1303 1337 1311 + 2736 0 1268 1303 1273 + 2737 0 1296 1268 1263 + 2738 0 1303 1311 1273 + 2739 0 1263 1268 1233 + 2740 0 1273 1311 1283 + 2741 0 1233 1268 1237 + 2742 0 1263 1233 1227 + 2743 0 1273 1283 1247 + 2744 0 1237 1268 1273 + 2745 0 1227 1233 1198 + 2746 0 1247 1283 1255 + 2747 0 1198 1233 1205 + 2748 0 1227 1198 1194 + 2749 0 1247 1255 1218 + 2750 0 1205 1233 1237 + 2751 0 1194 1198 1163 + 2752 0 1218 1255 1228 + 2753 0 1163 1198 1169 + 2754 0 1194 1163 1158 + 2755 0 1218 1228 1192 + 2756 0 1169 1198 1205 + 2757 0 1158 1163 1128 + 2758 0 1192 1228 1200 + 2759 0 1169 1205 1175 + 2760 0 1128 1163 1134 + 2761 0 1192 1200 1165 + 2762 0 1175 1205 1210 + 2763 0 1134 1163 1169 + 2764 0 1165 1200 1173 + 2765 0 1210 1205 1237 + 2766 0 1175 1210 1182 + 2767 0 1165 1173 1137 + 2768 0 1210 1237 1247 + 2769 0 1182 1210 1218 + 2770 0 1137 1173 1147 + 2771 0 1247 1237 1273 + 2772 0 1210 1247 1218 + 2773 0 1137 1147 1110 + 2774 0 1110 1147 1122 + 2775 0 1137 1110 1102 + 2776 0 1110 1122 1083 + 2777 0 1102 1110 1073 + 2778 0 1083 1122 1097 + 2779 0 1110 1083 1073 + 2780 0 1083 1097 1061 + 2781 0 1073 1083 1044 + 2782 0 1061 1097 1071 + 2783 0 1083 1061 1044 + 2784 0 1061 1071 1034 + 2785 0 1044 1061 1022 + 2786 0 1034 1071 1045 + 2787 0 1061 1034 1022 + 2788 0 1034 1045 1008 + 2789 0 1022 1034 997 + 2790 0 1008 1045 1024 + 2791 0 1034 1008 997 + 2792 0 997 1008 968 + 2793 0 968 1008 982 + 2794 0 997 968 958 + 2795 0 982 1008 1024 + 2796 0 968 982 944 + 2797 0 958 968 932 + 2798 0 982 1024 1000 + 2799 0 944 982 960 + 2800 0 932 968 944 + 2801 0 982 1000 960 + 2802 0 932 944 905 + 2803 0 905 944 921 + 2804 0 932 905 896 + 2805 0 921 944 960 + 2806 0 905 921 865 + 2807 0 896 905 873 + 2808 0 873 905 865 + 2809 0 896 873 858 + 2810 0 858 873 838 + 2811 0 896 858 880 + 2812 0 880 858 848 + 2813 0 896 880 916 + 2814 0 848 858 818 + 2815 0 880 848 875 + 2816 0 916 880 907 + 2817 0 818 858 838 + 2818 0 848 818 813 + 2819 0 875 848 840 + 2820 0 907 880 875 + 2821 0 813 818 779 + 2822 0 848 813 840 + 2823 0 907 875 898 + 2824 0 840 813 802 + 2825 0 898 875 863 + 2826 0 907 898 933 + 2827 0 802 813 776 + 2828 0 840 802 825 + 2829 0 863 875 840 + 2830 0 933 898 922 + 2831 0 776 813 779 + 2832 0 825 802 784 + 2833 0 922 898 883 + 2834 0 933 922 962 + 2835 0 784 802 753 + 2836 0 825 784 815 + 2837 0 883 898 863 + 2838 0 962 922 945 + 2839 0 753 802 776 + 2840 0 815 784 772 + 2841 0 945 922 911 + 2842 0 962 945 987 + 2843 0 772 784 742 + 2844 0 815 772 800 + 2845 0 911 922 883 + 2846 0 987 945 980 + 2847 0 742 784 753 + 2848 0 800 772 743 + 2849 0 980 945 941 + 2850 0 987 980 1016 + 2851 0 941 945 911 + 2852 0 980 941 970 + 2853 0 1016 980 1007 + 2854 0 987 1016 1027 + 2855 0 970 941 936 + 2856 0 980 970 1007 + 2857 0 1027 1016 1051 + 2858 0 936 941 906 + 2859 0 1007 970 1002 + 2860 0 1051 1016 1043 + 2861 0 1027 1051 1065 + 2862 0 906 941 911 + 2863 0 1002 970 964 + 2864 0 1043 1016 1007 + 2865 0 1065 1051 1092 + 2866 0 906 911 878 + 2867 0 964 970 936 + 2868 0 1043 1007 1039 + 2869 0 1092 1051 1081 + 2870 0 878 911 883 + 2871 0 1039 1007 1002 + 2872 0 1043 1039 1074 + 2873 0 1081 1051 1043 + 2874 0 878 883 849 + 2875 0 1074 1039 1068 + 2876 0 1043 1074 1081 + 2877 0 849 883 863 + 2878 0 1068 1039 1030 + 2879 0 1081 1074 1109 + 2880 0 849 863 825 + 2881 0 1030 1039 1002 + 2882 0 1068 1030 1063 + 2883 0 1109 1074 1104 + 2884 0 825 863 840 + 2885 0 1063 1030 1026 + 2886 0 1068 1063 1098 + 2887 0 1104 1074 1068 + 2888 0 1026 1030 996 + 2889 0 1098 1063 1093 + 2890 0 1068 1098 1104 + 2891 0 996 1030 1002 + 2892 0 1026 996 989 + 2893 0 1093 1063 1059 + 2894 0 1104 1098 1134 + 2895 0 989 996 959 + 2896 0 1026 989 1020 + 2897 0 1059 1063 1026 + 2898 0 1134 1098 1128 + 2899 0 959 996 964 + 2900 0 1020 989 974 + 2901 0 1128 1098 1093 + 2902 0 964 996 1002 + 2903 0 974 989 942 + 2904 0 1020 974 1005 + 2905 0 942 989 959 + 2906 0 1005 974 955 + 2907 0 1020 1005 1050 + 2908 0 1050 1005 1047 + 2909 0 1020 1050 1059 + 2910 0 1047 1005 986 + 2911 0 1050 1047 1082 + 2912 0 1059 1050 1087 + 2913 0 1082 1047 1080 + 2914 0 1050 1082 1087 + 2915 0 1059 1087 1093 + 2916 0 1080 1047 1021 + 2917 0 1087 1082 1117 + 2918 0 1093 1087 1123 + 2919 0 1117 1082 1114 + 2920 0 1087 1117 1123 + 2921 0 1093 1123 1128 + 2922 0 1114 1082 1080 + 2923 0 1123 1117 1152 + 2924 0 1128 1123 1158 + 2925 0 1114 1080 1111 + 2926 0 1152 1117 1149 + 2927 0 1158 1123 1152 + 2928 0 1111 1080 1053 + 2929 0 1149 1117 1114 + 2930 0 1152 1149 1183 + 2931 0 1149 1114 1146 + 2932 0 1183 1149 1180 + 2933 0 1152 1183 1188 + 2934 0 1146 1114 1111 + 2935 0 1180 1149 1146 + 2936 0 1183 1180 1215 + 2937 0 1188 1183 1217 + 2938 0 1146 1111 1143 + 2939 0 1215 1180 1214 + 2940 0 1183 1215 1217 + 2941 0 1143 1111 1086 + 2942 0 1214 1180 1178 + 2943 0 1217 1215 1251 + 2944 0 1178 1180 1146 + 2945 0 1214 1178 1213 + 2946 0 1251 1215 1248 + 2947 0 1217 1251 1253 + 2948 0 1178 1146 1143 + 2949 0 1213 1178 1177 + 2950 0 1248 1215 1214 + 2951 0 1253 1251 1285 + 2952 0 1177 1178 1143 + 2953 0 1213 1177 1211 + 2954 0 1248 1214 1245 + 2955 0 1285 1251 1281 + 2956 0 1211 1177 1153 + 2957 0 1213 1211 1242 + 2958 0 1245 1214 1213 + 2959 0 1281 1251 1248 + 2960 0 1242 1211 1243 + 2961 0 1213 1242 1245 + 2962 0 1281 1248 1278 + 2963 0 1243 1211 1186 + 2964 0 1245 1242 1276 + 2965 0 1278 1248 1245 + 2966 0 1281 1278 1313 + 2967 0 1276 1242 1274 + 2968 0 1245 1276 1278 + 2969 0 1313 1278 1309 + 2970 0 1274 1242 1243 + 2971 0 1278 1276 1309 + 2972 0 1313 1309 1344 + 2973 0 1274 1243 1277 + 2974 0 1309 1276 1307 + 2975 0 1344 1309 1342 + 2976 0 1313 1344 1346 + 2977 0 1277 1243 1220 + 2978 0 1307 1276 1274 + 2979 0 1342 1309 1307 + 2980 0 1346 1344 1376 + 2981 0 1307 1274 1308 + 2982 0 1342 1307 1341 + 2983 0 1376 1344 1373 + 2984 0 1346 1376 1379 + 2985 0 1308 1274 1277 + 2986 0 1341 1307 1308 + 2987 0 1373 1344 1342 + 2988 0 1379 1376 1409 + 2989 0 1308 1277 1310 + 2990 0 1341 1308 1343 + 2991 0 1409 1376 1406 + 2992 0 1379 1409 1412 + 2993 0 1310 1277 1254 + 2994 0 1343 1308 1310 + 2995 0 1406 1376 1373 + 2996 0 1412 1409 1443 + 2997 0 1343 1310 1336 + 2998 0 1443 1409 1439 + 2999 0 1336 1310 1287 + 3000 0 1439 1409 1406 + 3001 0 1443 1439 1473 + 3002 0 1439 1406 1437 + 3003 0 1473 1439 1469 + 3004 0 1439 1437 1469 + 3005 0 1469 1437 1467 + 3006 0 1467 1437 1434 + 3007 0 1469 1467 1500 + 3008 0 1434 1437 1403 + 3009 0 1467 1434 1465 + 3010 0 1500 1467 1498 + 3011 0 1403 1437 1406 + 3012 0 1434 1403 1402 + 3013 0 1465 1434 1435 + 3014 0 1498 1467 1465 + 3015 0 1402 1403 1371 + 3016 0 1434 1402 1435 + 3017 0 1498 1465 1499 + 3018 0 1371 1403 1373 + 3019 0 1435 1402 1404 + 3020 0 1499 1465 1468 + 3021 0 1498 1499 1528 + 3022 0 1373 1403 1406 + 3023 0 1404 1402 1372 + 3024 0 1468 1465 1435 + 3025 0 1528 1499 1530 + 3026 0 1372 1402 1371 + 3027 0 1468 1435 1438 + 3028 0 1530 1499 1501 + 3029 0 1372 1371 1341 + 3030 0 1438 1435 1404 + 3031 0 1501 1499 1468 + 3032 0 1530 1501 1532 + 3033 0 1341 1371 1342 + 3034 0 1438 1404 1407 + 3035 0 1501 1468 1470 + 3036 0 1532 1501 1504 + 3037 0 1342 1371 1373 + 3038 0 1438 1407 1440 + 3039 0 1470 1468 1438 + 3040 0 1504 1501 1470 + 3041 0 1440 1407 1414 + 3042 0 1438 1440 1470 + 3043 0 1504 1470 1474 + 3044 0 1414 1407 1381 + 3045 0 1470 1440 1474 + 3046 0 1381 1407 1374 + 3047 0 1414 1381 1388 + 3048 0 1474 1440 1445 + 3049 0 1374 1407 1404 + 3050 0 1381 1374 1336 + 3051 0 1445 1440 1414 + 3052 0 1474 1445 1480 + 3053 0 1336 1374 1343 + 3054 0 1381 1336 1354 + 3055 0 1480 1445 1454 + 3056 0 1474 1480 1507 + 3057 0 1343 1374 1372 + 3058 0 1507 1480 1514 + 3059 0 1474 1507 1504 + 3060 0 1372 1374 1404 + 3061 0 1514 1480 1488 + 3062 0 1507 1514 1541 + 3063 0 1504 1507 1535 + 3064 0 1541 1514 1548 + 3065 0 1507 1541 1535 + 3066 0 1548 1514 1521 + 3067 0 1535 1541 1569 + 3068 0 1569 1541 1572 + 3069 0 1535 1569 1566 + 3070 0 1572 1541 1548 + 3071 0 1569 1572 1603 + 3072 0 1566 1569 1598 + 3073 0 1572 1548 1578 + 3074 0 1603 1572 1605 + 3075 0 1598 1569 1603 + 3076 0 1566 1598 1596 + 3077 0 1578 1548 1553 + 3078 0 1605 1572 1578 + 3079 0 1596 1598 1629 + 3080 0 1566 1596 1563 + 3081 0 1605 1578 1611 + 3082 0 1629 1598 1632 + 3083 0 1563 1596 1594 + 3084 0 1566 1563 1532 + 3085 0 1611 1578 1585 + 3086 0 1632 1598 1603 + 3087 0 1594 1596 1624 + 3088 0 1532 1563 1530 + 3089 0 1632 1603 1634 + 3090 0 1624 1596 1629 + 3091 0 1594 1624 1622 + 3092 0 1530 1563 1560 + 3093 0 1634 1603 1605 + 3094 0 1624 1629 1658 + 3095 0 1622 1624 1656 + 3096 0 1560 1563 1594 + 3097 0 1634 1605 1639 + 3098 0 1658 1629 1661 + 3099 0 1656 1624 1658 + 3100 0 1560 1594 1590 + 3101 0 1639 1605 1611 + 3102 0 1661 1629 1632 + 3103 0 1590 1594 1622 + 3104 0 1560 1590 1559 + 3105 0 1661 1632 1663 + 3106 0 1590 1622 1621 + 3107 0 1559 1590 1593 + 3108 0 1663 1632 1634 + 3109 0 1621 1622 1654 + 3110 0 1590 1621 1593 + 3111 0 1663 1634 1667 + 3112 0 1654 1622 1656 + 3113 0 1593 1621 1623 + 3114 0 1667 1634 1639 + 3115 0 1663 1667 1695 + 3116 0 1654 1656 1685 + 3117 0 1623 1621 1655 + 3118 0 1695 1667 1698 + 3119 0 1685 1656 1688 + 3120 0 1654 1685 1684 + 3121 0 1655 1621 1654 + 3122 0 1695 1698 1727 + 3123 0 1688 1656 1658 + 3124 0 1684 1685 1716 + 3125 0 1655 1654 1684 + 3126 0 1727 1698 1733 + 3127 0 1688 1658 1691 + 3128 0 1716 1685 1718 + 3129 0 1727 1733 1761 + 3130 0 1691 1658 1661 + 3131 0 1718 1685 1688 + 3132 0 1716 1718 1747 + 3133 0 1761 1733 1767 + 3134 0 1691 1661 1692 + 3135 0 1718 1688 1720 + 3136 0 1747 1718 1749 + 3137 0 1692 1661 1663 + 3138 0 1691 1692 1723 + 3139 0 1720 1688 1691 + 3140 0 1749 1718 1720 + 3141 0 1723 1692 1726 + 3142 0 1691 1723 1720 + 3143 0 1749 1720 1750 + 3144 0 1726 1692 1695 + 3145 0 1720 1723 1750 + 3146 0 1695 1692 1663 + 3147 0 1726 1695 1727 + 3148 0 1750 1723 1753 + 3149 0 1726 1727 1757 + 3150 0 1753 1723 1726 + 3151 0 1750 1753 1782 + 3152 0 1757 1727 1761 + 3153 0 1753 1726 1757 + 3154 0 1782 1753 1785 + 3155 0 1750 1782 1780 + 3156 0 1757 1761 1787 + 3157 0 1785 1753 1757 + 3158 0 1782 1785 1815 + 3159 0 1780 1782 1813 + 3160 0 1787 1761 1795 + 3161 0 1815 1785 1817 + 3162 0 1782 1815 1813 + 3163 0 1795 1761 1767 + 3164 0 1817 1785 1787 + 3165 0 1813 1815 1845 + 3166 0 1787 1785 1757 + 3167 0 1817 1787 1820 + 3168 0 1845 1815 1847 + 3169 0 1813 1845 1841 + 3170 0 1820 1787 1795 + 3171 0 1847 1815 1817 + 3172 0 1845 1847 1875 + 3173 0 1841 1845 1872 + 3174 0 1820 1795 1828 + 3175 0 1847 1817 1851 + 3176 0 1875 1847 1879 + 3177 0 1872 1845 1875 + 3178 0 1820 1828 1853 + 3179 0 1851 1817 1820 + 3180 0 1879 1847 1851 + 3181 0 1872 1875 1906 + 3182 0 1853 1828 1861 + 3183 0 1851 1820 1853 + 3184 0 1879 1851 1882 + 3185 0 1906 1875 1907 + 3186 0 1861 1828 1834 + 3187 0 1851 1853 1882 + 3188 0 1907 1875 1879 + 3189 0 1882 1853 1886 + 3190 0 1907 1879 1910 + 3191 0 1886 1853 1861 + 3192 0 1882 1886 1914 + 3193 0 1910 1879 1882 + 3194 0 1907 1910 1940 + 3195 0 1914 1886 1918 + 3196 0 1882 1914 1910 + 3197 0 1940 1910 1942 + 3198 0 1918 1886 1891 + 3199 0 1910 1914 1942 + 3200 0 1940 1942 1971 + 3201 0 1891 1886 1861 + 3202 0 1942 1914 1946 + 3203 0 1971 1942 1974 + 3204 0 1940 1971 1967 + 3205 0 1946 1914 1918 + 3206 0 1942 1946 1974 + 3207 0 1967 1971 1999 + 3208 0 1946 1918 1952 + 3209 0 1974 1946 1979 + 3210 0 1999 1971 2003 + 3211 0 1967 1999 1997 + 3212 0 1979 1946 1952 + 3213 0 1999 2003 2032 + 3214 0 1997 1999 2026 + 3215 0 2032 2003 2034 + 3216 0 1999 2032 2026 + 3217 0 2034 2003 2007 + 3218 0 2026 2032 2059 + 3219 0 2007 2003 1974 + 3220 0 2034 2007 2038 + 3221 0 2059 2032 2061 + 3222 0 1974 2003 1971 + 3223 0 2038 2007 2013 + 3224 0 2061 2032 2034 + 3225 0 2013 2007 1979 + 3226 0 2061 2034 2066 + 3227 0 1979 2007 1974 + 3228 0 2066 2034 2038 + 3229 0 2061 2066 2094 + 3230 0 2066 2038 2069 + 3231 0 2094 2066 2096 + 3232 0 2069 2038 2043 + 3233 0 2066 2069 2096 + 3234 0 2043 2038 2013 + 3235 0 2096 2069 2102 + 3236 0 2043 2013 2010 + 3237 0 2102 2069 2075 + 3238 0 2010 2013 1977 + 3239 0 2043 2010 2049 + 3240 0 2075 2069 2043 + 3241 0 1977 2013 1979 + 3242 0 2049 2010 2006 + 3243 0 1977 1979 1952 + 3244 0 1977 1952 1933 + 3245 0 1952 1918 1933 + 3246 0 2096 2102 2130 + 3247 0 2130 2102 2134 + 3248 0 2096 2130 2127 + 3249 0 2134 2102 2107 + 3250 0 2130 2134 2162 + 3251 0 2127 2130 2160 + 3252 0 2107 2102 2075 + 3253 0 2130 2162 2160 + 3254 0 2107 2075 2080 + 3255 0 2160 2162 2189 + 3256 0 2080 2075 2049 + 3257 0 2107 2080 2111 + 3258 0 2189 2162 2196 + 3259 0 2049 2075 2043 + 3260 0 2111 2070 2103 + 3261 0 2196 2162 2165 + 3262 0 2165 2162 2134 + 3263 0 2196 2165 2200 + 3264 0 2165 2134 2139 + 3265 0 2200 2165 2172 + 3266 0 2139 2134 2107 + 3267 0 2172 2165 2139 + 3268 0 2139 2107 2111 + 3269 0 2139 2111 2144 + 3270 0 2144 2111 2103 + 3271 0 2139 2144 2172 + 3272 0 2172 2144 2171 + 3273 0 2171 2144 2136 + 3274 0 2096 2127 2094 + 3275 0 2094 2127 2125 + 3276 0 2125 2127 2154 + 3277 0 2094 2125 2092 + 3278 0 2154 2127 2160 + 3279 0 2092 2125 2119 + 3280 0 2154 2160 2186 + 3281 0 2119 2125 2151 + 3282 0 2186 2160 2189 + 3283 0 2151 2125 2154 + 3284 0 2186 2189 2220 + 3285 0 2151 2154 2185 + 3286 0 2220 2189 2222 + 3287 0 2185 2154 2186 + 3288 0 2220 2222 2251 + 3289 0 2185 2186 2216 + 3290 0 2251 2222 2255 + 3291 0 2220 2251 2245 + 3292 0 2216 2186 2220 + 3293 0 2251 2255 2281 + 3294 0 2245 2251 2276 + 3295 0 2281 2255 2286 + 3296 0 2251 2281 2276 + 3297 0 2286 2255 2258 + 3298 0 2276 2281 2310 + 3299 0 2258 2255 2228 + 3300 0 2286 2258 2291 + 3301 0 2310 2281 2312 + 3302 0 2228 2255 2222 + 3303 0 2291 2258 2264 + 3304 0 2312 2281 2286 + 3305 0 2228 2222 2196 + 3306 0 2264 2258 2233 + 3307 0 2312 2286 2319 + 3308 0 2196 2222 2189 + 3309 0 2233 2258 2228 + 3310 0 2319 2286 2291 + 3311 0 2233 2228 2200 + 3312 0 2319 2291 2325 + 3313 0 2200 2228 2196 + 3314 0 2233 2200 2205 + 3315 0 2325 2291 2299 + 3316 0 2205 2200 2172 + 3317 0 2299 2291 2264 + 3318 0 2325 2299 2334 + 3319 0 2205 2172 2171 + 3320 0 2299 2264 2271 + 3321 0 2334 2299 2309 + 3322 0 2271 2264 2237 + 3323 0 2299 2271 2309 + 3324 0 2237 2264 2233 + 3325 0 2271 2237 2246 + 3326 0 2237 2233 2205 + 3327 0 2237 2205 2207 + 3328 0 2207 2205 2171 + 3329 0 2237 2207 2246 + 3330 0 2207 2171 2167 + 3331 0 2216 2220 2245 + 3332 0 1686 1679 1650 + 3333 0 1650 1679 1644 + 3334 0 1644 1679 1673 + 3335 0 1650 1644 1619 + 3336 0 1673 1679 1706 + 3337 0 1644 1673 1639 + 3338 0 1619 1644 1611 + 3339 0 1673 1706 1698 + 3340 0 2246 2282 2271 + 3341 0 1901 1904 1931 + 3342 0 1931 1904 1934 + 3343 0 1934 1904 1906 + 3344 0 1931 1934 1963 + 3345 0 1906 1904 1872 + 3346 0 1963 1934 1966 + 3347 0 1966 1934 1937 + 3348 0 1963 1966 1993 + 3349 0 1937 1934 1906 + 3350 0 1966 1937 1967 + 3351 0 1993 1966 1997 + 3352 0 1967 1937 1940 + 3353 0 1966 1967 1997 + 3354 0 1940 1937 1907 + 3355 0 1907 1937 1906 + 3356 0 1341 1343 1372 + 3357 0 1153 1186 1211 + 3358 0 2403 2374 2378 + 3359 0 2378 2374 2344 + 3360 0 2403 2378 2409 + 3361 0 2344 2374 2341 + 3362 0 2378 2344 2350 + 3363 0 2409 2378 2380 + 3364 0 2344 2341 2312 + 3365 0 2378 2350 2380 + 3366 0 2312 2341 2310 + 3367 0 2380 2350 2359 + 3368 0 2359 2350 2325 + 3369 0 2380 2359 2393 + 3370 0 2325 2350 2319 + 3371 0 2359 2325 2334 + 3372 0 2393 2359 2367 + 3373 0 2319 2350 2344 + 3374 0 2359 2334 2367 + 3375 0 2319 2344 2312 + 3376 0 2403 2409 2435 + 3377 0 2435 2409 2440 + 3378 0 2440 2409 2416 + 3379 0 2435 2440 2466 + 3380 0 2416 2409 2380 + 3381 0 2466 2440 2475 + 3382 0 2416 2380 2393 + 3383 0 2475 2440 2448 + 3384 0 2416 2393 2426 + 3385 0 2448 2440 2416 + 3386 0 2475 2448 2483 + 3387 0 2448 2416 2426 + 3388 0 2466 2475 2495 + 3389 0 2495 2475 2513 + 3390 0 2537 2516 2507 + 3391 0 2507 2516 2480 + 3392 0 2537 2507 2522 + 3393 0 987 1027 999 + 3394 0 999 1027 1036 + 3395 0 987 999 962 + 3396 0 1036 1027 1065 + 3397 0 999 1036 1009 + 3398 0 962 999 969 + 3399 0 1036 1065 1073 + 3400 0 1009 1036 1044 + 3401 0 969 999 1009 + 3402 0 1036 1073 1044 + 3403 0 1073 1065 1102 + 3404 0 1102 1065 1092 + 3405 0 1102 1092 1129 + 3406 0 1129 1092 1116 + 3407 0 1102 1129 1137 + 3408 0 1116 1092 1081 + 3409 0 1137 1129 1165 + 3410 0 1116 1081 1109 + 3411 0 1165 1129 1155 + 3412 0 1116 1109 1145 + 3413 0 1155 1129 1116 + 3414 0 1145 1109 1139 + 3415 0 1116 1145 1155 + 3416 0 1139 1109 1104 + 3417 0 1145 1139 1175 + 3418 0 1155 1145 1182 + 3419 0 1175 1139 1169 + 3420 0 1182 1145 1175 + 3421 0 1155 1182 1192 + 3422 0 1169 1139 1134 + 3423 0 1192 1182 1218 + 3424 0 1134 1139 1104 + 3425 0 969 1009 981 + 3426 0 981 1009 1022 + 3427 0 969 981 943 + 3428 0 1022 1009 1044 + 3429 0 981 1022 997 + 3430 0 943 981 958 + 3431 0 969 943 933 + 3432 0 981 997 958 + 3433 0 943 958 916 + 3434 0 969 933 962 + 3435 0 916 958 932 + 3436 0 916 932 896 + 3437 0 933 943 907 + 3438 0 907 943 916 + 3439 0 2221 2256 2247 + 3440 0 2247 2256 2279 + 3441 0 2221 2247 2214 + 3442 0 2279 2256 2290 + 3443 0 2247 2279 2274 + 3444 0 2279 2290 2313 + 3445 0 2274 2279 2305 + 3446 0 2313 2290 2323 + 3447 0 2279 2313 2305 + 3448 0 2313 2323 2346 + 3449 0 2346 2323 2356 + 3450 0 2483 2515 2513 + 3451 0 2483 2513 2475 + 3452 0 1263 1227 1258 + 3453 0 1258 1227 1223 + 3454 0 1263 1258 1292 + 3455 0 1223 1227 1194 + 3456 0 1258 1223 1253 + 3457 0 1292 1258 1288 + 3458 0 1223 1194 1188 + 3459 0 1258 1253 1288 + 3460 0 1188 1194 1158 + 3461 0 1223 1188 1217 + 3462 0 1288 1253 1285 + 3463 0 1188 1158 1152 + 3464 0 1223 1217 1253 + 3465 0 1288 1285 1318 + 3466 0 1318 1285 1315 + 3467 0 1288 1318 1322 + 3468 0 1315 1285 1281 + 3469 0 1318 1315 1348 + 3470 0 1288 1322 1292 + 3471 0 1315 1281 1313 + 3472 0 1348 1315 1346 + 3473 0 1292 1322 1327 + 3474 0 1346 1315 1313 + 3475 0 1348 1346 1379 + 3476 0 1292 1327 1296 + 3477 0 1348 1379 1382 + 3478 0 1292 1296 1263 + 3479 0 1382 1379 1412 + 3480 0 893 923 942 + 3481 0 779 744 776 + 3482 0 2010 1977 1972 + 3483 0 2600 2588 2598 + 3484 0 2103 2136 2144 + 3485 0 2367 2402 2393 + 3486 0 1531 1534 1503 + 3487 0 1531 1503 1500 + 3488 0 1500 1503 1469 + 3489 0 1531 1500 1529 + 3490 0 1469 1503 1473 + 3491 0 1529 1500 1498 + 3492 0 1531 1529 1562 + 3493 0 1529 1498 1528 + 3494 0 1562 1529 1559 + 3495 0 1529 1528 1559 + 3496 0 1562 1559 1593 + 3497 0 1559 1528 1560 + 3498 0 1560 1528 1530 + 3499 0 1421 1454 1445 + 3500 0 1850 1821 1855 + 3501 0 849 825 815 + 3502 0 849 815 845 + 3503 0 845 815 800 + 3504 0 849 845 878 + 3505 0 845 800 826 + 3506 0 878 845 874 + 3507 0 826 800 778 + 3508 0 845 826 874 + 3509 0 874 826 852 + 3510 0 852 826 809 + 3511 0 874 852 900 + 3512 0 900 852 881 + 3513 0 874 900 906 + 3514 0 881 852 837 + 3515 0 900 881 927 + 3516 0 906 900 936 + 3517 0 874 906 878 + 3518 0 927 881 909 + 3519 0 900 927 936 + 3520 0 909 881 864 + 3521 0 936 927 964 + 3522 0 964 927 959 + 3523 0 959 927 909 + 3524 0 959 909 942 + 3525 0 942 909 893 + 3526 0 2522 2553 2558 + 3527 0 2558 2553 2573 + 3528 0 2573 2553 2563 + 3529 0 1747 1749 1779 + 3530 0 1779 1749 1780 + 3531 0 1780 1749 1750 + 3532 0 1779 1780 1811 + 3533 0 1811 1780 1813 + 3534 0 1811 1813 1841 + 3535 0 778 809 826 + 3536 0 2603 2608 2606 + 3537 0 2026 2059 2057 + 3538 0 2057 2059 2090 + 3539 0 2026 2057 2025 + 3540 0 2090 2059 2092 + 3541 0 2026 2025 1997 + 3542 0 2092 2059 2061 + 3543 0 2090 2092 2119 + 3544 0 1997 2025 1993 + 3545 0 2092 2061 2094 + 3546 0 894 865 921 + 3547 0 2309 2343 2334 + 3548 0 1667 1639 1673 + 3549 0 1287 1321 1336 + 3550 0 2516 2524 2498 + 3551 0 2498 2524 2496 + 3552 0 2516 2498 2480 + 3553 0 1021 1053 1080 + 3554 0 2523 2495 2513 + 3555 0 2136 2132 2167 + 3556 0 2136 2167 2171 + 3557 0 2426 2460 2448 + 3558 0 1553 1585 1578 + 3559 0 2067 2103 2070 + 3560 0 2070 2111 2080 + 3561 0 2067 2070 2035 + 3562 0 2035 2070 2039 + 3563 0 2067 2035 2041 + 3564 0 2039 2070 2080 + 3565 0 2035 2039 2002 + 3566 0 2002 2039 2006 + 3567 0 2006 2039 2049 + 3568 0 1026 1020 1059 + 3569 0 2585 2590 2569 + 3570 0 1918 1891 1933 + 3571 0 707 743 772 + 3572 0 956 924 978 + 3573 0 1891 1861 1869 + 3574 0 1220 1254 1277 + 3575 0 2564 2537 2558 + 3576 0 2558 2537 2522 + 3577 0 2550 2572 2575 + 3578 0 1532 1504 1535 + 3579 0 1532 1535 1566 + 3580 0 955 986 1005 + 3581 0 706 674 710 + 3582 0 710 674 673 + 3583 0 706 753 776 + 3584 0 2080 2049 2039 + 3585 0 2575 2555 2550 + 3586 0 2455 2463 2507 + 3587 0 1488 1521 1514 + 3588 0 1972 2006 2010 + 3589 0 2566 2569 2590 + 3590 0 837 864 881 + 3591 0 838 810 818 + 3592 0 2609 2606 2608 + 3593 0 1354 1388 1381 + 3594 0 1767 1800 1795 + 3595 0 2470 2493 2463 + 3596 0 2463 2493 2507 + 3597 0 2507 2493 2522 + 3598 0 2470 2463 2437 + 3599 0 1086 1118 1143 + 3600 0 1869 1900 1891 + 3601 0 1733 1698 1706 + 3602 0 1933 1972 1977 + 3603 0 1177 1143 1118 + 3604 0 2593 2596 2584 + 3605 0 2584 2596 2587 + 3606 0 2593 2584 2579 + 3607 0 2579 2584 2563 + 3608 0 2587 2596 2599 + 3609 0 2584 2587 2573 + 3610 0 673 707 742 + 3611 0 2524 2556 2527 + 3612 0 2527 2556 2562 + 3613 0 1706 1742 1733 + 3614 0 1186 1220 1243 + 3615 0 1155 1192 1165 + 3616 0 923 955 974 + 3617 0 744 706 776 + 3618 0 2589 2575 2572 + 3619 0 742 753 710 + 3620 0 710 753 706 + 3621 0 1454 1488 1480 + 3622 0 1800 1834 1828 + 3623 0 809 837 852 + 3624 0 865 838 873 + 3625 0 1321 1354 1336 + 3626 0 1828 1795 1800 + 3627 0 1053 1086 1111 + 3628 0 772 742 707 + 3629 0 2195 2226 2207 + 3630 0 2480 2455 2507 + 3631 0 1585 1619 1611 + 3632 0 2590 2593 2579 + 3633 0 743 778 800 + 3634 0 924 894 921 + 3635 0 974 942 923 + 3636 0 1900 1933 1891 + 3637 0 2282 2309 2271 + 3638 0 1254 1287 1310 + 3639 0 2562 2571 2545 + 3640 0 1639 1611 1644 + 3641 0 986 1021 1047 + 3642 0 921 960 924 + 3643 0 2555 2523 2513 + 3644 0 2167 2195 2207 + 3645 0 2402 2426 2393 + 3646 0 1521 1553 1548 + 3647 0 1834 1869 1861 + 3648 0 864 893 909 + 3649 0 810 779 818 + 3650 0 2606 2600 2598 + 3651 0 2343 2367 2334 + 3652 0 1698 1667 1673 + 3653 0 1388 1421 1414 + 3654 0 1742 1767 1733 + 3655 0 1118 1153 1177 + 3656 0 2460 2483 2448 + 3657 0 1445 1414 1421 + 3658 0 2226 2246 2207 + 3659 0 742 710 673 + 3660 0 2572 2588 2589 + 3661 0 397 380 432 + 3662 0 2330 2365 2347 + 3663 0 860 823 836 + 3664 0 2347 2365 2381 + 3665 0 2330 2347 2311 + 3666 0 836 823 799 + 3667 0 2381 2365 2399 + 3668 0 2311 2347 2332 + 3669 0 799 823 786 + 3670 0 2332 2347 2366 + 3671 0 2311 2332 2297 + 3672 0 2366 2347 2381 + 3673 0 2332 2366 2348 + 3674 0 2297 2332 2314 + 3675 0 2366 2381 2400 + 3676 0 2348 2366 2384 + 3677 0 2314 2332 2348 + 3678 0 2400 2381 2415 + 3679 0 2384 2366 2400 + 3680 0 2415 2381 2399 + 3681 0 2400 2415 2432 + 3682 0 2415 2399 2431 + 3683 0 2432 2415 2449 + 3684 0 2415 2431 2449 + 3685 0 2432 2449 2468 + 3686 0 2449 2431 2467 + 3687 0 2468 2449 2485 + 3688 0 2432 2468 2451 + 3689 0 2449 2467 2485 + 3690 0 2451 2468 2494 + 3691 0 2485 2467 2499 + 3692 0 2494 2468 2500 + 3693 0 2451 2494 2469 + 3694 0 2500 2468 2485 + 3695 0 2494 2531 2532 + 3696 0 2469 2494 2505 + 3697 0 2500 2485 2529 + 3698 0 2505 2494 2532 + 3699 0 2469 2505 2489 + 3700 0 2489 2505 2534 + 3701 0 2469 2489 2454 + 3702 0 2454 2489 2472 + 3703 0 2469 2454 2436 + 3704 0 2472 2489 2506 + 3705 0 2454 2472 2439 + 3706 0 2436 2454 2420 + 3707 0 2506 2489 2534 + 3708 0 2439 2472 2458 + 3709 0 2420 2454 2439 + 3710 0 2458 2472 2490 + 3711 0 2439 2458 2425 + 3712 0 2490 2472 2506 + 3713 0 2458 2490 2476 + 3714 0 2425 2458 2445 + 3715 0 2490 2506 2538 + 3716 0 2476 2490 2510 + 3717 0 2445 2458 2476 + 3718 0 2510 2490 2538 + 3719 0 2476 2510 2501 + 3720 0 2501 2510 2543 + 3721 0 2476 2501 2462 + 3722 0 2462 2501 2488 + 3723 0 2476 2462 2445 + 3724 0 2488 2501 2518 + 3725 0 2462 2488 2457 + 3726 0 2445 2462 2429 + 3727 0 2488 2518 2520 + 3728 0 2457 2488 2487 + 3729 0 2429 2462 2457 + 3730 0 2429 2457 2424 + 3731 0 2424 2457 2456 + 3732 0 2429 2424 2394 + 3733 0 2394 2424 2390 + 3734 0 2429 2394 2410 + 3735 0 2390 2424 2422 + 3736 0 2410 2394 2376 + 3737 0 2429 2410 2445 + 3738 0 2376 2394 2362 + 3739 0 2410 2376 2392 + 3740 0 2445 2410 2425 + 3741 0 2362 2394 2390 + 3742 0 2392 2376 2357 + 3743 0 2425 2410 2392 + 3744 0 2362 2390 2355 + 3745 0 2357 2376 2342 + 3746 0 2355 2390 2387 + 3747 0 2362 2355 2328 + 3748 0 2342 2376 2362 + 3749 0 2328 2355 2321 + 3750 0 2362 2328 2342 + 3751 0 2321 2355 2354 + 3752 0 2342 2328 2308 + 3753 0 2308 2328 2293 + 3754 0 2342 2308 2322 + 3755 0 2293 2328 2321 + 3756 0 2308 2293 2273 + 3757 0 2322 2308 2289 + 3758 0 2273 2293 2257 + 3759 0 2308 2273 2289 + 3760 0 2257 2293 2288 + 3761 0 2289 2273 2254 + 3762 0 2288 2293 2321 + 3763 0 2257 2288 2253 + 3764 0 2254 2273 2239 + 3765 0 2288 2321 2320 + 3766 0 2253 2288 2285 + 3767 0 2239 2273 2257 + 3768 0 2239 2257 2223 + 3769 0 2223 2257 2253 + 3770 0 2239 2223 2203 + 3771 0 2203 2223 2188 + 3772 0 2239 2203 2219 + 3773 0 2188 2223 2218 + 3774 0 2219 2203 2184 + 3775 0 2239 2219 2254 + 3776 0 2218 2223 2253 + 3777 0 2184 2203 2169 + 3778 0 2254 2219 2235 + 3779 0 2218 2253 2252 + 3780 0 2169 2203 2188 + 3781 0 2235 2219 2199 + 3782 0 2169 2188 2153 + 3783 0 2199 2219 2184 + 3784 0 2235 2199 2213 + 3785 0 2153 2188 2183 + 3786 0 2199 2184 2163 + 3787 0 2213 2199 2178 + 3788 0 2183 2188 2218 + 3789 0 2163 2184 2149 + 3790 0 2178 2199 2163 + 3791 0 2183 2218 2217 + 3792 0 2149 2184 2169 + 3793 0 2178 2163 2143 + 3794 0 2149 2169 2133 + 3795 0 2143 2163 2128 + 3796 0 2178 2143 2161 + 3797 0 2133 2169 2153 + 3798 0 2128 2163 2149 + 3799 0 2161 2143 2126 + 3800 0 2133 2153 2118 + 3801 0 2128 2149 2113 + 3802 0 2126 2143 2109 + 3803 0 2118 2153 2150 + 3804 0 2113 2149 2133 + 3805 0 2109 2143 2128 + 3806 0 2150 2153 2183 + 3807 0 2113 2133 2098 + 3808 0 2109 2128 2093 + 3809 0 2150 2183 2182 + 3810 0 2098 2133 2118 + 3811 0 2093 2128 2113 + 3812 0 2098 2118 2084 + 3813 0 2093 2113 2079 + 3814 0 2084 2118 2115 + 3815 0 2079 2113 2098 + 3816 0 2115 2118 2150 + 3817 0 2084 2115 2071 + 3818 0 2115 2150 2146 + 3819 0 2071 2115 2112 + 3820 0 1184 1222 1204 + 3821 0 1204 1222 1239 + 3822 0 1184 1204 1166 + 3823 0 1239 1222 1261 + 3824 0 1204 1239 1225 + 3825 0 1166 1204 1185 + 3826 0 1225 1239 1262 + 3827 0 1204 1225 1185 + 3828 0 1262 1239 1279 + 3829 0 1185 1225 1207 + 3830 0 1279 1239 1261 + 3831 0 1262 1279 1299 + 3832 0 1207 1225 1241 + 3833 0 1279 1261 1297 + 3834 0 1299 1279 1317 + 3835 0 1241 1225 1262 + 3836 0 1317 1279 1297 + 3837 0 1299 1317 1334 + 3838 0 1317 1297 1333 + 3839 0 1334 1317 1353 + 3840 0 1317 1333 1353 + 3841 0 1353 1333 1368 + 3842 0 1353 1368 1390 + 3843 0 1390 1368 1408 + 3844 0 1353 1390 1370 + 3845 0 1390 1408 1427 + 3846 0 1370 1390 1410 + 3847 0 1353 1370 1334 + 3848 0 1427 1408 1446 + 3849 0 1410 1390 1427 + 3850 0 1334 1370 1357 + 3851 0 1357 1370 1393 + 3852 0 1334 1357 1319 + 3853 0 1393 1370 1410 + 3854 0 1319 1357 1339 + 3855 0 1334 1319 1299 + 3856 0 1393 1410 1430 + 3857 0 1339 1357 1378 + 3858 0 1299 1319 1282 + 3859 0 1393 1430 1416 + 3860 0 1378 1357 1393 + 3861 0 1282 1319 1301 + 3862 0 1416 1430 1452 + 3863 0 1378 1393 1416 + 3864 0 1301 1319 1339 + 3865 0 1452 1430 1464 + 3866 0 1301 1339 1325 + 3867 0 1464 1430 1447 + 3868 0 1325 1339 1360 + 3869 0 1301 1325 1286 + 3870 0 1447 1430 1410 + 3871 0 1360 1339 1378 + 3872 0 1286 1325 1306 + 3873 0 1447 1410 1427 + 3874 0 1360 1378 1397 + 3875 0 1306 1325 1347 + 3876 0 1397 1378 1416 + 3877 0 1360 1397 1383 + 3878 0 1347 1325 1360 + 3879 0 1397 1416 1431 + 3880 0 1383 1397 1418 + 3881 0 1347 1360 1383 + 3882 0 1431 1416 1452 + 3883 0 1418 1397 1431 + 3884 0 1431 1452 1471 + 3885 0 1418 1431 1455 + 3886 0 1471 1452 1487 + 3887 0 1431 1471 1455 + 3888 0 1487 1452 1464 + 3889 0 1455 1471 1490 + 3890 0 1487 1464 1502 + 3891 0 1490 1471 1509 + 3892 0 1455 1490 1478 + 3893 0 1502 1464 1486 + 3894 0 1509 1471 1487 + 3895 0 1478 1490 1515 + 3896 0 1486 1464 1447 + 3897 0 1509 1487 1522 + 3898 0 1515 1490 1525 + 3899 0 1486 1447 1463 + 3900 0 1522 1487 1502 + 3901 0 1525 1490 1509 + 3902 0 1463 1447 1427 + 3903 0 1525 1509 1546 + 3904 0 1463 1427 1446 + 3905 0 1546 1509 1522 + 3906 0 1463 1446 1481 + 3907 0 1546 1522 1555 + 3908 0 1463 1481 1497 + 3909 0 1555 1522 1542 + 3910 0 1497 1481 1519 + 3911 0 1542 1522 1502 + 3912 0 1497 1519 1538 + 3913 0 1542 1502 1520 + 3914 0 1538 1519 1552 + 3915 0 1497 1538 1520 + 3916 0 1520 1502 1486 + 3917 0 1538 1552 1575 + 3918 0 1520 1538 1554 + 3919 0 1520 1486 1497 + 3920 0 1575 1552 1587 + 3921 0 1554 1538 1575 + 3922 0 1497 1486 1463 + 3923 0 2011 1975 1987 + 3924 0 1987 1975 1953 + 3925 0 2011 1987 2022 + 3926 0 1953 1975 1941 + 3927 0 1987 1953 1957 + 3928 0 2022 1987 2000 + 3929 0 1953 1941 1919 + 3930 0 1957 1953 1928 + 3931 0 2000 1987 1957 + 3932 0 1919 1941 1905 + 3933 0 1928 1953 1919 + 3934 0 1919 1905 1884 + 3935 0 1928 1919 1896 + 3936 0 1884 1905 1868 + 3937 0 1896 1919 1884 + 3938 0 1884 1868 1848 + 3939 0 1896 1884 1860 + 3940 0 1848 1868 1833 + 3941 0 1860 1884 1848 + 3942 0 1848 1833 1812 + 3943 0 1860 1848 1825 + 3944 0 1812 1833 1798 + 3945 0 1825 1848 1812 + 3946 0 1812 1798 1775 + 3947 0 1825 1812 1791 + 3948 0 1775 1798 1764 + 3949 0 1791 1812 1775 + 3950 0 1775 1764 1740 + 3951 0 1791 1775 1756 + 3952 0 1740 1764 1730 + 3953 0 1756 1775 1740 + 3954 0 1740 1730 1707 + 3955 0 1756 1740 1712 + 3956 0 1707 1730 1696 + 3957 0 1712 1740 1707 + 3958 0 1707 1696 1672 + 3959 0 1712 1707 1681 + 3960 0 1672 1696 1660 + 3961 0 1707 1672 1681 + 3962 0 1672 1660 1637 + 3963 0 1681 1672 1648 + 3964 0 1637 1660 1620 + 3965 0 1672 1637 1648 + 3966 0 1637 1620 1604 + 3967 0 1648 1637 1615 + 3968 0 1604 1620 1586 + 3969 0 1637 1604 1615 + 3970 0 1604 1586 1567 + 3971 0 1615 1604 1579 + 3972 0 1567 1586 1551 + 3973 0 1604 1567 1579 + 3974 0 1567 1551 1526 + 3975 0 1579 1567 1544 + 3976 0 1526 1551 1518 + 3977 0 1567 1526 1544 + 3978 0 1526 1518 1492 + 3979 0 1544 1526 1508 + 3980 0 1492 1518 1483 + 3981 0 1526 1492 1508 + 3982 0 1492 1483 1457 + 3983 0 1508 1492 1472 + 3984 0 1457 1483 1448 + 3985 0 1492 1457 1472 + 3986 0 1457 1448 1422 + 3987 0 1472 1457 1432 + 3988 0 1422 1448 1411 + 3989 0 1457 1422 1432 + 3990 0 1422 1411 1387 + 3991 0 1432 1422 1398 + 3992 0 1387 1411 1375 + 3993 0 1422 1387 1398 + 3994 0 1387 1375 1350 + 3995 0 1398 1387 1363 + 3996 0 1350 1375 1338 + 3997 0 1387 1350 1363 + 3998 0 1350 1338 1314 + 3999 0 1363 1350 1326 + 4000 0 1314 1338 1300 + 4001 0 1350 1314 1326 + 4002 0 1314 1300 1275 + 4003 0 1326 1314 1291 + 4004 0 1275 1300 1266 + 4005 0 1314 1275 1291 + 4006 0 1275 1266 1238 + 4007 0 1291 1275 1249 + 4008 0 1238 1266 1231 + 4009 0 1275 1238 1249 + 4010 0 1238 1231 1202 + 4011 0 1249 1238 1208 + 4012 0 1202 1231 1193 + 4013 0 1238 1202 1208 + 4014 0 1202 1193 1167 + 4015 0 1208 1202 1176 + 4016 0 1167 1193 1156 + 4017 0 1202 1167 1176 + 4018 0 1167 1156 1132 + 4019 0 1176 1167 1140 + 4020 0 1132 1156 1115 + 4021 0 1167 1132 1140 + 4022 0 1140 1132 1105 + 4023 0 1105 1132 1094 + 4024 0 1140 1105 1121 + 4025 0 1094 1132 1115 + 4026 0 1105 1094 1066 + 4027 0 1121 1105 1078 + 4028 0 1094 1115 1079 + 4029 0 1066 1094 1055 + 4030 0 1078 1105 1066 + 4031 0 1094 1079 1055 + 4032 0 1078 1066 1040 + 4033 0 1055 1079 1042 + 4034 0 1040 1066 1029 + 4035 0 1078 1040 1057 + 4036 0 1055 1042 1017 + 4037 0 1029 1066 1055 + 4038 0 1057 1040 1014 + 4039 0 1017 1042 1006 + 4040 0 1014 1040 1003 + 4041 0 1057 1014 1035 + 4042 0 1003 1040 1029 + 4043 0 1014 1003 975 + 4044 0 1035 1014 991 + 4045 0 1003 1029 990 + 4046 0 975 1003 963 + 4047 0 991 1014 975 + 4048 0 990 1029 1017 + 4049 0 963 1003 990 + 4050 0 991 975 947 + 4051 0 1017 1029 1055 + 4052 0 947 975 938 + 4053 0 991 947 971 + 4054 0 938 975 963 + 4055 0 947 938 910 + 4056 0 971 947 929 + 4057 0 910 938 901 + 4058 0 947 910 929 + 4059 0 901 938 926 + 4060 0 929 910 890 + 4061 0 926 938 963 + 4062 0 901 926 887 + 4063 0 890 910 876 + 4064 0 929 890 908 + 4065 0 887 926 912 + 4066 0 901 887 866 + 4067 0 876 910 901 + 4068 0 908 890 870 + 4069 0 912 926 948 + 4070 0 866 887 850 + 4071 0 870 890 851 + 4072 0 908 870 888 + 4073 0 948 926 963 + 4074 0 850 887 879 + 4075 0 851 890 876 + 4076 0 888 870 847 + 4077 0 879 887 912 + 4078 0 850 879 843 + 4079 0 847 870 834 + 4080 0 888 847 869 + 4081 0 843 879 871 + 4082 0 850 843 816 + 4083 0 834 870 851 + 4084 0 869 847 824 + 4085 0 871 879 904 + 4086 0 816 843 811 + 4087 0 824 847 812 + 4088 0 869 824 844 + 4089 0 904 879 912 + 4090 0 811 843 836 + 4091 0 812 847 834 + 4092 0 844 824 795 + 4093 0 836 843 871 + 4094 0 811 836 799 + 4095 0 795 824 783 + 4096 0 844 795 807 + 4097 0 811 799 773 + 4098 0 783 824 812 + 4099 0 773 799 760 + 4100 0 811 773 782 + 4101 0 783 812 775 + 4102 0 760 799 786 + 4103 0 782 773 741 + 4104 0 811 782 816 + 4105 0 775 812 793 + 4106 0 760 786 750 + 4107 0 741 773 732 + 4108 0 816 782 790 + 4109 0 775 793 752 + 4110 0 732 773 760 + 4111 0 741 732 700 + 4112 0 790 782 751 + 4113 0 752 793 781 + 4114 0 732 760 714 + 4115 0 700 732 692 + 4116 0 751 782 741 + 4117 0 781 793 817 + 4118 0 714 760 750 + 4119 0 692 732 714 + 4120 0 751 741 705 + 4121 0 817 793 834 + 4122 0 714 750 708 + 4123 0 705 741 700 + 4124 0 751 705 726 + 4125 0 834 793 812 + 4126 0 714 708 671 + 4127 0 726 705 678 + 4128 0 751 726 769 + 4129 0 671 708 666 + 4130 0 714 671 692 + 4131 0 678 705 663 + 4132 0 769 726 739 + 4133 0 671 666 632 + 4134 0 692 671 642 + 4135 0 663 705 700 + 4136 0 739 726 698 + 4137 0 632 666 628 + 4138 0 642 671 632 + 4139 0 698 726 678 + 4140 0 739 698 709 + 4141 0 642 632 600 + 4142 0 709 698 665 + 4143 0 739 709 752 + 4144 0 600 632 594 + 4145 0 665 698 652 + 4146 0 709 665 688 + 4147 0 752 709 733 + 4148 0 594 632 628 + 4149 0 652 698 678 + 4150 0 688 665 636 + 4151 0 733 709 688 + 4152 0 594 628 587 + 4153 0 636 665 623 + 4154 0 688 636 658 + 4155 0 733 688 704 + 4156 0 594 587 552 + 4157 0 623 665 652 + 4158 0 658 636 619 + 4159 0 704 688 658 + 4160 0 552 587 548 + 4161 0 619 636 597 + 4162 0 658 619 629 + 4163 0 704 658 681 + 4164 0 552 548 513 + 4165 0 597 636 623 + 4166 0 629 619 591 + 4167 0 681 658 629 + 4168 0 513 548 508 + 4169 0 591 619 576 + 4170 0 629 591 589 + 4171 0 513 508 476 + 4172 0 576 619 597 + 4173 0 476 508 467 + 4174 0 513 476 481 + 4175 0 576 597 553 + 4176 0 481 476 444 + 4177 0 513 481 521 + 4178 0 553 597 581 + 4179 0 444 476 433 + 4180 0 481 444 451 + 4181 0 521 481 492 + 4182 0 581 597 623 + 4183 0 433 476 467 + 4184 0 451 444 410 + 4185 0 492 481 451 + 4186 0 433 467 432 + 4187 0 410 444 406 + 4188 0 451 410 420 + 4189 0 492 451 458 + 4190 0 433 432 380 + 4191 0 406 444 433 + 4192 0 420 410 383 + 4193 0 458 451 420 + 4194 0 406 433 380 + 4195 0 383 410 353 + 4196 0 420 383 388 + 4197 0 458 420 428 + 4198 0 388 383 342 + 4199 0 420 388 428 + 4200 0 458 428 469 + 4201 0 428 388 403 + 4202 0 469 428 443 + 4203 0 458 469 498 + 4204 0 403 388 367 + 4205 0 428 403 443 + 4206 0 498 469 509 + 4207 0 367 388 342 + 4208 0 443 403 415 + 4209 0 509 469 483 + 4210 0 498 509 541 + 4211 0 415 403 377 + 4212 0 443 415 454 + 4213 0 483 469 443 + 4214 0 541 509 551 + 4215 0 377 403 367 + 4216 0 454 415 429 + 4217 0 551 509 524 + 4218 0 541 551 582 + 4219 0 377 367 327 + 4220 0 429 415 391 + 4221 0 524 509 483 + 4222 0 582 551 595 + 4223 0 391 415 377 + 4224 0 429 391 408 + 4225 0 595 551 564 + 4226 0 582 595 622 + 4227 0 408 391 365 + 4228 0 429 408 447 + 4229 0 564 551 524 + 4230 0 622 595 634 + 4231 0 365 391 355 + 4232 0 447 408 425 + 4233 0 634 595 609 + 4234 0 622 634 663 + 4235 0 355 391 377 + 4236 0 425 408 386 + 4237 0 609 595 564 + 4238 0 663 634 678 + 4239 0 386 408 365 + 4240 0 425 386 421 + 4241 0 678 634 652 + 4242 0 386 365 351 + 4243 0 652 634 609 + 4244 0 351 365 319 + 4245 0 386 351 384 + 4246 0 2109 2093 2074 + 4247 0 2074 2093 2058 + 4248 0 2109 2074 2091 + 4249 0 2058 2093 2079 + 4250 0 2074 2058 2040 + 4251 0 2091 2074 2054 + 4252 0 2109 2091 2126 + 4253 0 2040 2058 2024 + 4254 0 2074 2040 2054 + 4255 0 2126 2091 2106 + 4256 0 2024 2058 2045 + 4257 0 2054 2040 2020 + 4258 0 2106 2091 2072 + 4259 0 2126 2106 2142 + 4260 0 2045 2058 2079 + 4261 0 2020 2040 2005 + 4262 0 2072 2091 2054 + 4263 0 2142 2106 2123 + 4264 0 2045 2079 2062 + 4265 0 2005 2040 2024 + 4266 0 2072 2054 2036 + 4267 0 2123 2106 2086 + 4268 0 2062 2079 2098 + 4269 0 2036 2054 2020 + 4270 0 2072 2036 2052 + 4271 0 2086 2106 2072 + 4272 0 2062 2098 2084 + 4273 0 2036 2020 2001 + 4274 0 2052 2036 2018 + 4275 0 2086 2072 2052 + 4276 0 2062 2084 2046 + 4277 0 2001 2020 1986 + 4278 0 2018 2036 2001 + 4279 0 2086 2052 2068 + 4280 0 2046 2084 2071 + 4281 0 1986 2020 2005 + 4282 0 2018 2001 1984 + 4283 0 2068 2052 2033 + 4284 0 2046 2071 2022 + 4285 0 1984 2001 1964 + 4286 0 2018 1984 1998 + 4287 0 2033 2052 2018 + 4288 0 1964 2001 1986 + 4289 0 1984 1964 1948 + 4290 0 1998 1984 1962 + 4291 0 1964 1986 1950 + 4292 0 1948 1964 1929 + 4293 0 1962 1984 1948 + 4294 0 1998 1962 1983 + 4295 0 1950 1986 1969 + 4296 0 1929 1964 1950 + 4297 0 1983 1962 1947 + 4298 0 1998 1983 2017 + 4299 0 1969 1986 2005 + 4300 0 1929 1950 1915 + 4301 0 1947 1962 1927 + 4302 0 1998 2017 2033 + 4303 0 1915 1950 1932 + 4304 0 1929 1915 1895 + 4305 0 1927 1962 1948 + 4306 0 2033 2017 2051 + 4307 0 1932 1950 1969 + 4308 0 1895 1915 1880 + 4309 0 2033 2051 2068 + 4310 0 1880 1915 1898 + 4311 0 1895 1880 1858 + 4312 0 2068 2051 2085 + 4313 0 1880 1898 1864 + 4314 0 1858 1880 1844 + 4315 0 2068 2085 2104 + 4316 0 1864 1898 1885 + 4317 0 1880 1864 1844 + 4318 0 2104 2085 2120 + 4319 0 1885 1898 1920 + 4320 0 1844 1864 1830 + 4321 0 2104 2120 2140 + 4322 0 1920 1898 1932 + 4323 0 1830 1864 1849 + 4324 0 2140 2120 2156 + 4325 0 1920 1932 1955 + 4326 0 1849 1864 1885 + 4327 0 1955 1932 1969 + 4328 0 1920 1955 1939 + 4329 0 1955 1969 1990 + 4330 0 1939 1955 1976 + 4331 0 1920 1939 1903 + 4332 0 1990 1969 2005 + 4333 0 1976 1955 1990 + 4334 0 1903 1939 1930 + 4335 0 1990 2005 2024 + 4336 0 1930 1939 1965 + 4337 0 1903 1930 1897 + 4338 0 1965 1939 1976 + 4339 0 1930 1965 1957 + 4340 0 1897 1930 1928 + 4341 0 1965 1976 1991 + 4342 0 1991 1976 2012 + 4343 0 1965 1991 2000 + 4344 0 2012 1976 1990 + 4345 0 1991 2012 2028 + 4346 0 2012 1990 2024 + 4347 0 2028 2012 2045 + 4348 0 1991 2028 2000 + 4349 0 2045 2012 2024 + 4350 0 2028 2045 2062 + 4351 0 2028 2062 2046 + 4352 0 2028 2046 2000 + 4353 0 1844 1830 1805 + 4354 0 1805 1830 1794 + 4355 0 1844 1805 1824 + 4356 0 1794 1830 1814 + 4357 0 1824 1805 1790 + 4358 0 1814 1830 1849 + 4359 0 1790 1805 1771 + 4360 0 1814 1849 1831 + 4361 0 1771 1805 1794 + 4362 0 1831 1849 1865 + 4363 0 1814 1831 1797 + 4364 0 1865 1849 1885 + 4365 0 1831 1865 1863 + 4366 0 1797 1831 1827 + 4367 0 1863 1865 1897 + 4368 0 1831 1863 1827 + 4369 0 1897 1865 1903 + 4370 0 1827 1863 1860 + 4371 0 1903 1865 1885 + 4372 0 1903 1885 1920 + 4373 0 1932 1898 1915 + 4374 0 1771 1794 1759 + 4375 0 1759 1794 1776 + 4376 0 1771 1759 1737 + 4377 0 1776 1794 1814 + 4378 0 1737 1759 1724 + 4379 0 1771 1737 1754 + 4380 0 1776 1814 1797 + 4381 0 1724 1759 1741 + 4382 0 1737 1724 1703 + 4383 0 1754 1737 1715 + 4384 0 1776 1797 1763 + 4385 0 1741 1759 1776 + 4386 0 1715 1737 1703 + 4387 0 1776 1763 1741 + 4388 0 1715 1703 1678 + 4389 0 1741 1763 1729 + 4390 0 1678 1703 1668 + 4391 0 1729 1763 1758 + 4392 0 1668 1703 1683 + 4393 0 1678 1668 1645 + 4394 0 1758 1763 1793 + 4395 0 1683 1703 1724 + 4396 0 1645 1668 1633 + 4397 0 1793 1763 1797 + 4398 0 1633 1668 1649 + 4399 0 1645 1633 1610 + 4400 0 1649 1668 1683 + 4401 0 1633 1649 1614 + 4402 0 1610 1633 1592 + 4403 0 1614 1649 1636 + 4404 0 1633 1614 1592 + 4405 0 1636 1649 1670 + 4406 0 1592 1614 1581 + 4407 0 1670 1649 1683 + 4408 0 1636 1670 1653 + 4409 0 1581 1614 1602 + 4410 0 1653 1670 1693 + 4411 0 1636 1653 1618 + 4412 0 1602 1614 1636 + 4413 0 1693 1670 1705 + 4414 0 1618 1653 1642 + 4415 0 1602 1636 1618 + 4416 0 1705 1670 1683 + 4417 0 1642 1653 1682 + 4418 0 1705 1683 1724 + 4419 0 1682 1653 1693 + 4420 0 1705 1724 1741 + 4421 0 1682 1693 1722 + 4422 0 1705 1741 1729 + 4423 0 1722 1693 1729 + 4424 0 1705 1729 1693 + 4425 0 1793 1797 1827 + 4426 0 1793 1827 1825 + 4427 0 1682 1722 1712 + 4428 0 1184 1166 1144 + 4429 0 1144 1166 1130 + 4430 0 1130 1166 1148 + 4431 0 1144 1130 1106 + 4432 0 1148 1166 1185 + 4433 0 1130 1148 1108 + 4434 0 1106 1130 1090 + 4435 0 1148 1185 1171 + 4436 0 1108 1148 1133 + 4437 0 1090 1130 1108 + 4438 0 1106 1090 1069 + 4439 0 1171 1185 1207 + 4440 0 1133 1148 1171 + 4441 0 1090 1108 1070 + 4442 0 1069 1090 1049 + 4443 0 1133 1171 1151 + 4444 0 1070 1108 1095 + 4445 0 1049 1090 1070 + 4446 0 1069 1049 1031 + 4447 0 1151 1171 1190 + 4448 0 1095 1108 1133 + 4449 0 1031 1049 1011 + 4450 0 1190 1171 1207 + 4451 0 1151 1190 1174 + 4452 0 1095 1133 1112 + 4453 0 1011 1049 1033 + 4454 0 1190 1207 1229 + 4455 0 1174 1190 1212 + 4456 0 1033 1049 1070 + 4457 0 1190 1229 1212 + 4458 0 1033 1070 1054 + 4459 0 1212 1229 1250 + 4460 0 1054 1070 1095 + 4461 0 1033 1054 1015 + 4462 0 1250 1229 1265 + 4463 0 1015 1054 1038 + 4464 0 1033 1015 995 + 4465 0 1265 1229 1241 + 4466 0 1038 1054 1075 + 4467 0 995 1015 976 + 4468 0 1241 1229 1207 + 4469 0 1075 1054 1095 + 4470 0 976 1015 994 + 4471 0 1075 1095 1112 + 4472 0 994 1015 1038 + 4473 0 1075 1112 1100 + 4474 0 994 1038 1012 + 4475 0 1100 1112 1136 + 4476 0 1075 1100 1062 + 4477 0 1012 1038 1062 + 4478 0 1136 1112 1151 + 4479 0 1062 1100 1076 + 4480 0 1062 1038 1075 + 4481 0 1151 1112 1133 + 4482 0 1076 1100 1120 + 4483 0 1120 1100 1136 + 4484 0 1076 1120 1101 + 4485 0 1120 1136 1160 + 4486 0 1101 1120 1141 + 4487 0 1160 1136 1174 + 4488 0 1141 1120 1160 + 4489 0 1174 1136 1151 + 4490 0 1141 1160 1181 + 4491 0 1181 1160 1197 + 4492 0 1141 1181 1170 + 4493 0 1197 1160 1174 + 4494 0 1181 1197 1219 + 4495 0 1170 1181 1206 + 4496 0 1197 1174 1212 + 4497 0 1219 1197 1235 + 4498 0 1206 1181 1219 + 4499 0 1197 1212 1235 + 4500 0 1206 1219 1240 + 4501 0 1235 1212 1250 + 4502 0 1240 1219 1257 + 4503 0 1206 1240 1249 + 4504 0 1235 1250 1270 + 4505 0 1257 1219 1235 + 4506 0 1270 1250 1286 + 4507 0 1235 1270 1257 + 4508 0 1286 1250 1265 + 4509 0 1270 1286 1306 + 4510 0 1257 1270 1294 + 4511 0 1286 1265 1301 + 4512 0 1294 1270 1306 + 4513 0 1257 1294 1272 + 4514 0 1301 1265 1282 + 4515 0 1272 1294 1312 + 4516 0 1282 1265 1241 + 4517 0 1312 1294 1330 + 4518 0 1282 1241 1262 + 4519 0 1330 1294 1306 + 4520 0 1282 1262 1299 + 4521 0 976 994 946 + 4522 0 946 994 971 + 4523 0 976 946 930 + 4524 0 930 946 908 + 4525 0 976 930 954 + 4526 0 954 930 914 + 4527 0 976 954 995 + 4528 0 914 930 888 + 4529 0 995 954 972 + 4530 0 972 954 935 + 4531 0 995 972 1011 + 4532 0 935 954 914 + 4533 0 1011 972 993 + 4534 0 993 972 951 + 4535 0 1011 993 1031 + 4536 0 951 972 935 + 4537 0 951 935 913 + 4538 0 913 935 892 + 4539 0 892 935 914 + 4540 0 913 892 877 + 4541 0 892 914 869 + 4542 0 877 892 844 + 4543 0 1076 1101 1057 + 4544 0 1957 1928 1930 + 4545 0 552 513 521 + 4546 0 552 521 561 + 4547 0 561 521 528 + 4548 0 552 561 594 + 4549 0 528 521 492 + 4550 0 594 561 600 + 4551 0 528 492 498 + 4552 0 600 561 572 + 4553 0 498 492 458 + 4554 0 528 498 541 + 4555 0 572 561 528 + 4556 0 528 541 572 + 4557 0 572 541 582 + 4558 0 572 582 614 + 4559 0 614 582 622 + 4560 0 572 614 600 + 4561 0 614 622 656 + 4562 0 600 614 642 + 4563 0 656 622 663 + 4564 0 642 614 656 + 4565 0 656 663 700 + 4566 0 642 656 692 + 4567 0 656 700 692 + 4568 0 1844 1824 1858 + 4569 0 1858 1824 1838 + 4570 0 1838 1824 1804 + 4571 0 1858 1838 1877 + 4572 0 1804 1824 1790 + 4573 0 1838 1804 1823 + 4574 0 1877 1838 1857 + 4575 0 1804 1790 1770 + 4576 0 1838 1823 1857 + 4577 0 1770 1790 1754 + 4578 0 1857 1823 1837 + 4579 0 1754 1790 1771 + 4580 0 1770 1754 1736 + 4581 0 1837 1823 1803 + 4582 0 1857 1837 1874 + 4583 0 1736 1754 1715 + 4584 0 1770 1736 1751 + 4585 0 1803 1823 1786 + 4586 0 1857 1874 1892 + 4587 0 1736 1715 1701 + 4588 0 1751 1736 1713 + 4589 0 1786 1823 1804 + 4590 0 1892 1874 1912 + 4591 0 1701 1715 1678 + 4592 0 1713 1736 1701 + 4593 0 1786 1804 1770 + 4594 0 1892 1912 1927 + 4595 0 1701 1678 1665 + 4596 0 1713 1701 1676 + 4597 0 1927 1912 1947 + 4598 0 1892 1927 1913 + 4599 0 1665 1678 1645 + 4600 0 1676 1701 1665 + 4601 0 1913 1927 1948 + 4602 0 1892 1913 1877 + 4603 0 1676 1665 1643 + 4604 0 1877 1913 1895 + 4605 0 1892 1877 1857 + 4606 0 1643 1665 1627 + 4607 0 1895 1913 1929 + 4608 0 1877 1895 1858 + 4609 0 1627 1665 1645 + 4610 0 1929 1913 1948 + 4611 0 1627 1645 1610 + 4612 0 1627 1610 1588 + 4613 0 1588 1610 1576 + 4614 0 1627 1588 1609 + 4615 0 1576 1610 1592 + 4616 0 1588 1576 1554 + 4617 0 1609 1588 1575 + 4618 0 1576 1592 1555 + 4619 0 1554 1576 1542 + 4620 0 1588 1554 1575 + 4621 0 1555 1592 1581 + 4622 0 1542 1576 1555 + 4623 0 1555 1581 1546 + 4624 0 1546 1581 1561 + 4625 0 1561 1581 1602 + 4626 0 1546 1561 1525 + 4627 0 1561 1602 1583 + 4628 0 1525 1561 1549 + 4629 0 1583 1602 1618 + 4630 0 1549 1561 1583 + 4631 0 1525 1549 1515 + 4632 0 1549 1583 1573 + 4633 0 1515 1549 1536 + 4634 0 1573 1583 1608 + 4635 0 1549 1573 1536 + 4636 0 1608 1583 1618 + 4637 0 1536 1573 1544 + 4638 0 1608 1618 1642 + 4639 0 1608 1642 1615 + 4640 0 1751 1713 1734 + 4641 0 1734 1713 1700 + 4642 0 1751 1734 1769 + 4643 0 1700 1713 1676 + 4644 0 1751 1769 1786 + 4645 0 1700 1676 1664 + 4646 0 1786 1769 1803 + 4647 0 1751 1786 1770 + 4648 0 1664 1676 1643 + 4649 0 1664 1643 1625 + 4650 0 1625 1643 1609 + 4651 0 1609 1643 1627 + 4652 0 1625 1609 1587 + 4653 0 1587 1609 1575 + 4654 0 546 589 591 + 4655 0 2297 2314 2278 + 4656 0 2278 2314 2301 + 4657 0 2297 2278 2263 + 4658 0 2301 2314 2335 + 4659 0 2278 2301 2265 + 4660 0 2297 2263 2277 + 4661 0 2301 2335 2317 + 4662 0 2265 2301 2284 + 4663 0 2277 2263 2242 + 4664 0 2317 2335 2353 + 4665 0 2284 2301 2317 + 4666 0 2265 2284 2249 + 4667 0 2242 2263 2229 + 4668 0 2353 2335 2368 + 4669 0 2249 2284 2269 + 4670 0 2265 2249 2230 + 4671 0 2229 2263 2244 + 4672 0 2368 2335 2348 + 4673 0 2269 2284 2303 + 4674 0 2230 2249 2213 + 4675 0 2244 2263 2278 + 4676 0 2348 2335 2314 + 4677 0 2303 2284 2317 + 4678 0 2213 2249 2235 + 4679 0 2244 2278 2265 + 4680 0 2303 2317 2336 + 4681 0 2235 2249 2269 + 4682 0 2336 2317 2353 + 4683 0 2303 2336 2322 + 4684 0 2235 2269 2254 + 4685 0 2336 2353 2370 + 4686 0 2322 2336 2357 + 4687 0 2254 2269 2289 + 4688 0 2370 2353 2386 + 4689 0 2336 2370 2357 + 4690 0 2289 2269 2303 + 4691 0 2386 2353 2368 + 4692 0 2357 2370 2392 + 4693 0 2289 2303 2322 + 4694 0 2386 2368 2401 + 4695 0 2392 2370 2405 + 4696 0 2401 2368 2384 + 4697 0 2386 2401 2420 + 4698 0 2405 2370 2386 + 4699 0 2384 2368 2348 + 4700 0 2420 2401 2436 + 4701 0 2386 2420 2405 + 4702 0 2436 2401 2417 + 4703 0 2405 2420 2439 + 4704 0 2417 2401 2384 + 4705 0 2436 2417 2451 + 4706 0 2405 2439 2425 + 4707 0 2451 2417 2432 + 4708 0 2436 2451 2469 + 4709 0 2405 2425 2392 + 4710 0 2432 2417 2400 + 4711 0 2400 2417 2384 + 4712 0 2230 2213 2197 + 4713 0 2197 2213 2178 + 4714 0 2230 2197 2211 + 4715 0 2197 2178 2161 + 4716 0 2211 2197 2177 + 4717 0 2197 2161 2177 + 4718 0 2211 2177 2194 + 4719 0 2177 2161 2142 + 4720 0 2194 2177 2159 + 4721 0 2211 2194 2229 + 4722 0 2142 2161 2126 + 4723 0 2159 2177 2142 + 4724 0 2229 2194 2210 + 4725 0 2159 2142 2123 + 4726 0 2210 2194 2176 + 4727 0 2176 2194 2159 + 4728 0 2210 2176 2193 + 4729 0 2176 2159 2140 + 4730 0 2193 2176 2156 + 4731 0 2210 2193 2227 + 4732 0 2140 2159 2123 + 4733 0 2156 2176 2140 + 4734 0 2210 2227 2242 + 4735 0 2140 2123 2104 + 4736 0 2242 2227 2262 + 4737 0 2210 2242 2229 + 4738 0 2104 2123 2086 + 4739 0 2104 2086 2068 + 4740 0 2244 2265 2230 + 4741 0 2244 2230 2211 + 4742 0 2244 2211 2229 + 4743 0 2297 2277 2311 + 4744 0 2311 2277 2296 + 4745 0 2296 2277 2262 + 4746 0 2311 2296 2330 + 4747 0 2262 2277 2242 + 4748 0 2322 2357 2342 + 4749 0 2551 2520 2546 + 4750 0 869 844 892 + 4751 0 1478 1515 1495 + 4752 0 1495 1515 1536 + 4753 0 1478 1495 1460 + 4754 0 1495 1536 1508 + 4755 0 1460 1495 1472 + 4756 0 1478 1460 1441 + 4757 0 1441 1460 1425 + 4758 0 1478 1441 1455 + 4759 0 1425 1460 1432 + 4760 0 1441 1425 1401 + 4761 0 1455 1441 1418 + 4762 0 1401 1425 1384 + 4763 0 1441 1401 1418 + 4764 0 1384 1425 1398 + 4765 0 1418 1401 1383 + 4766 0 1383 1401 1367 + 4767 0 1367 1401 1384 + 4768 0 1383 1367 1347 + 4769 0 1367 1384 1349 + 4770 0 1347 1367 1330 + 4771 0 1349 1384 1363 + 4772 0 1367 1349 1330 + 4773 0 1330 1349 1312 + 4774 0 1312 1349 1326 + 4775 0 1347 1330 1306 + 4776 0 1432 1398 1425 + 4777 0 429 447 471 + 4778 0 471 447 490 + 4779 0 429 471 454 + 4780 0 490 447 464 + 4781 0 471 490 512 + 4782 0 454 471 497 + 4783 0 490 464 507 + 4784 0 471 512 497 + 4785 0 507 464 501 + 4786 0 490 507 529 + 4787 0 497 512 539 + 4788 0 529 507 549 + 4789 0 490 529 512 + 4790 0 539 512 553 + 4791 0 497 539 524 + 4792 0 549 507 546 + 4793 0 512 529 553 + 4794 0 539 553 581 + 4795 0 524 539 564 + 4796 0 553 529 576 + 4797 0 539 581 564 + 4798 0 576 529 549 + 4799 0 564 581 609 + 4800 0 576 549 591 + 4801 0 609 581 623 + 4802 0 591 549 546 + 4803 0 609 623 652 + 4804 0 464 447 425 + 4805 0 464 425 461 + 4806 0 454 497 483 + 4807 0 483 497 524 + 4808 0 454 483 443 + 4809 0 319 316 351 + 4810 0 908 888 930 + 4811 0 2531 2494 2500 + 4812 0 1520 1554 1542 + 4813 0 1078 1057 1101 + 4814 0 2285 2252 2253 + 4815 0 1140 1121 1170 + 4816 0 2018 1998 2033 + 4817 0 1573 1608 1579 + 4818 0 342 335 367 + 4819 0 901 866 876 + 4820 0 876 866 841 + 4821 0 841 866 830 + 4822 0 876 841 851 + 4823 0 830 866 850 + 4824 0 841 830 808 + 4825 0 851 841 817 + 4826 0 830 850 816 + 4827 0 841 808 817 + 4828 0 851 817 834 + 4829 0 830 816 790 + 4830 0 817 808 781 + 4831 0 830 790 808 + 4832 0 781 808 769 + 4833 0 808 790 769 + 4834 0 781 769 739 + 4835 0 769 790 751 + 4836 0 781 739 752 + 4837 0 1758 1793 1791 + 4838 0 2485 2499 2529 + 4839 0 1712 1681 1682 + 4840 0 720 767 745 + 4841 0 745 767 795 + 4842 0 720 745 681 + 4843 0 2422 2387 2390 + 4844 0 2518 2501 2543 + 4845 0 1291 1249 1272 + 4846 0 384 421 386 + 4847 0 2538 2541 2510 + 4848 0 1579 1544 1573 + 4849 0 1101 1141 1121 + 4850 0 2146 2112 2115 + 4851 0 681 629 630 + 4852 0 1033 995 1011 + 4853 0 1006 966 979 + 4854 0 979 966 940 + 4855 0 1006 979 1017 + 4856 0 940 966 931 + 4857 0 1017 979 990 + 4858 0 940 931 904 + 4859 0 990 979 948 + 4860 0 904 931 897 + 4861 0 940 904 912 + 4862 0 948 979 940 + 4863 0 904 897 871 + 4864 0 940 912 948 + 4865 0 871 897 860 + 4866 0 871 860 836 + 4867 0 990 948 963 + 4868 0 1035 991 1012 + 4869 0 366 353 406 + 4870 0 929 908 946 + 4871 0 994 1012 971 + 4872 0 1860 1825 1827 + 4873 0 630 672 681 + 4874 0 2487 2456 2457 + 4875 0 1363 1326 1349 + 4876 0 314 346 316 + 4877 0 888 869 914 + 4878 0 2534 2536 2506 + 4879 0 410 406 353 + 4880 0 1648 1615 1642 + 4881 0 2217 2182 2183 + 4882 0 327 322 355 + 4883 0 2528 2529 2499 + 4884 0 2022 2000 2046 + 4885 0 1791 1756 1758 + 4886 0 807 842 844 + 4887 0 2354 2320 2321 + 4888 0 1208 1176 1170 + 4889 0 461 501 464 + 4890 0 795 783 745 + 4891 0 1240 1257 1272 + 4892 0 1240 1272 1249 + 4893 0 2543 2546 2518 + 4894 0 1508 1472 1495 + 4895 0 2078 2044 2071 + 4896 0 1141 1170 1121 + 4897 0 971 929 946 + 4898 0 1642 1682 1681 + 4899 0 380 366 406 + 4900 0 1863 1897 1896 + 4901 0 2000 1957 1965 + 4902 0 589 630 629 + 4903 0 1062 1076 1035 + 4904 0 2520 2487 2488 + 4905 0 783 775 748 + 4906 0 748 775 733 + 4907 0 783 748 745 + 4908 0 733 775 752 + 4909 0 748 733 704 + 4910 0 748 704 745 + 4911 0 1398 1363 1384 + 4912 0 365 355 319 + 4913 0 2532 2534 2505 + 4914 0 2011 2022 2044 + 4915 0 2044 2022 2071 + 4916 0 1681 1648 1642 + 4917 0 355 377 327 + 4918 0 2252 2217 2218 + 4919 0 1121 1078 1101 + 4920 0 991 971 1012 + 4921 0 1729 1758 1722 + 4922 0 1722 1758 1756 + 4923 0 335 327 367 + 4924 0 1825 1791 1793 + 4925 0 767 807 795 + 4926 0 2387 2354 2355 + 4927 0 1249 1208 1206 + 4928 0 421 461 425 + 4929 0 2541 2543 2510 + 4930 0 1544 1508 1536 + 4931 0 2112 2078 2071 + 4932 0 353 342 383 + 4933 0 1896 1860 1863 + 4934 0 1272 1312 1291 + 4935 0 672 720 681 + 4936 0 2456 2422 2424 + 4937 0 1326 1291 1312 + 4938 0 346 384 351 + 4939 0 2536 2538 2506 + 4940 0 1615 1579 1608 + 4941 0 1012 1062 1035 + 4942 0 2182 2146 2150 + 4943 0 1057 1035 1076 + 4944 0 322 319 355 + 4945 0 2529 2531 2500 + 4946 0 1756 1712 1722 + 4947 0 842 877 844 + 4948 0 2320 2285 2288 + 4949 0 1928 1896 1897 + 4950 0 1176 1140 1170 + 4951 0 501 546 507 + 4952 0 1472 1432 1460 + 4953 0 704 681 745 + 4954 0 1170 1206 1208 + 4955 0 351 316 346 + 4956 0 2518 2546 2520 +End Elements + +Begin Conditions LineCondition2D2N// GUI group identifier: _HIDDEN__SKIN_ + 1 0 208 210 + 2 0 210 213 + 3 0 213 216 + 4 0 216 218 + 5 0 218 227 + 6 0 227 234 + 7 0 234 241 + 8 0 241 247 + 9 0 247 257 + 10 0 257 269 + 11 0 397 380 + 12 0 380 366 + 13 0 366 353 + 14 0 353 342 + 15 0 342 335 + 16 0 335 327 + 17 0 327 322 + 18 0 322 319 + 19 0 319 316 + 20 0 316 314 + 21 0 862 829 + 22 0 829 794 + 23 0 794 762 + 24 0 762 722 + 25 0 722 685 + 26 0 685 648 + 27 0 648 612 + 28 0 612 577 + 29 0 577 540 + 30 0 540 502 + 31 0 646 674 + 32 0 674 706 + 33 0 706 744 + 34 0 744 779 + 35 0 779 810 + 36 0 810 838 + 37 0 838 865 + 38 0 865 894 + 39 0 894 924 + 40 0 924 956 + 41 0 721 723 + 42 0 723 728 + 43 0 728 731 + 44 0 731 736 + 45 0 736 740 + 46 0 740 747 + 47 0 747 756 + 48 0 756 770 + 49 0 770 780 + 50 0 780 785 + 51 0 785 806 + 52 0 806 814 + 53 0 814 832 + 54 0 832 846 + 55 0 846 862 + 56 0 2609 2608 + 57 0 2608 2607 + 58 0 2607 2605 + 59 0 2605 2604 + 60 0 2604 2602 + 61 0 2602 2599 + 62 0 2599 2596 + 63 0 2596 2593 + 64 0 2593 2590 + 65 0 2590 2585 + 66 0 2551 2546 + 67 0 2546 2543 + 68 0 2543 2541 + 69 0 2541 2538 + 70 0 2538 2536 + 71 0 2536 2534 + 72 0 2534 2532 + 73 0 2532 2531 + 74 0 2531 2529 + 75 0 2529 2528 + 76 0 956 978 + 77 0 978 1000 + 78 0 1000 1024 + 79 0 1024 1045 + 80 0 1045 1071 + 81 0 1071 1097 + 82 0 1097 1122 + 83 0 1122 1147 + 84 0 1147 1173 + 85 0 1173 1200 + 86 0 1200 1228 + 87 0 1228 1255 + 88 0 1255 1283 + 89 0 1283 1311 + 90 0 1311 1337 + 91 0 1337 1366 + 92 0 1366 1395 + 93 0 1395 1423 + 94 0 1423 1453 + 95 0 1453 1482 + 96 0 1482 1513 + 97 0 1513 1543 + 98 0 1543 1571 + 99 0 1571 1601 + 100 0 1601 1631 + 101 0 1631 1659 + 102 0 1659 1690 + 103 0 1690 1719 + 104 0 1719 1748 + 105 0 1748 1778 + 106 0 1778 1808 + 107 0 1808 1839 + 108 0 1839 1870 + 109 0 1870 1901 + 110 0 1901 1931 + 111 0 1931 1963 + 112 0 1963 1993 + 113 0 1993 2025 + 114 0 2025 2057 + 115 0 2057 2090 + 116 0 2090 2119 + 117 0 2119 2151 + 118 0 2151 2185 + 119 0 2185 2216 + 120 0 2216 2245 + 121 0 2245 2276 + 122 0 2276 2310 + 123 0 2310 2341 + 124 0 2341 2374 + 125 0 2374 2403 + 126 0 2403 2435 + 127 0 2435 2466 + 128 0 2466 2495 + 129 0 2495 2523 + 130 0 2523 2555 + 131 0 2555 2575 + 132 0 2575 2589 + 133 0 2589 2600 + 134 0 2600 2606 + 135 0 2606 2609 + 136 0 314 346 + 137 0 346 384 + 138 0 384 421 + 139 0 421 461 + 140 0 461 501 + 141 0 501 546 + 142 0 546 589 + 143 0 589 630 + 144 0 630 672 + 145 0 672 720 + 146 0 720 767 + 147 0 767 807 + 148 0 807 842 + 149 0 842 877 + 150 0 877 913 + 151 0 913 951 + 152 0 951 993 + 153 0 993 1031 + 154 0 1031 1069 + 155 0 1069 1106 + 156 0 1106 1144 + 157 0 1144 1184 + 158 0 1184 1222 + 159 0 1222 1261 + 160 0 1261 1297 + 161 0 1297 1333 + 162 0 1333 1368 + 163 0 1368 1408 + 164 0 1408 1446 + 165 0 1446 1481 + 166 0 1481 1519 + 167 0 1519 1552 + 168 0 1552 1587 + 169 0 1587 1625 + 170 0 1625 1664 + 171 0 1664 1700 + 172 0 1700 1734 + 173 0 1734 1769 + 174 0 1769 1803 + 175 0 1803 1837 + 176 0 1837 1874 + 177 0 1874 1912 + 178 0 1912 1947 + 179 0 1947 1983 + 180 0 1983 2017 + 181 0 2017 2051 + 182 0 2051 2085 + 183 0 2085 2120 + 184 0 2120 2156 + 185 0 2156 2193 + 186 0 2193 2227 + 187 0 2227 2262 + 188 0 2262 2296 + 189 0 2296 2330 + 190 0 2330 2365 + 191 0 2365 2399 + 192 0 2399 2431 + 193 0 2431 2467 + 194 0 2467 2499 + 195 0 2499 2528 + 196 0 1 3 + 197 0 3 7 + 198 0 7 12 + 199 0 12 18 + 200 0 18 25 + 201 0 25 38 + 202 0 38 49 + 203 0 49 62 + 204 0 62 76 + 205 0 76 94 + 206 0 94 114 + 207 0 114 134 + 208 0 134 159 + 209 0 159 184 + 210 0 184 208 + 211 0 502 532 + 212 0 532 557 + 213 0 557 584 + 214 0 584 617 + 215 0 617 646 + 216 0 269 286 + 217 0 286 306 + 218 0 306 334 + 219 0 334 363 + 220 0 363 397 + 221 0 2585 2583 + 222 0 2583 2580 + 223 0 2580 2576 + 224 0 2576 2574 + 225 0 2574 2568 + 226 0 2568 2565 + 227 0 2565 2561 + 228 0 2561 2559 + 229 0 2559 2554 + 230 0 2554 2551 +End Conditions + +Begin SubModelPart GENERIC_green // Group green // Subtree GENERIC + Begin SubModelPartNodes + 220 + 221 + 222 + 225 + 226 + 228 + 233 + 237 + 238 + 240 + 242 + 244 + 249 + 251 + 252 + 253 + 254 + 255 + 260 + 261 + 264 + 265 + 266 + 268 + 269 + 272 + 273 + 274 + 276 + 280 + 282 + 284 + 285 + 286 + 287 + 288 + 289 + 294 + 295 + 298 + 302 + 303 + 305 + 306 + 307 + 308 + 309 + 310 + 317 + 321 + 323 + 324 + 329 + 331 + 332 + 333 + 334 + 337 + 339 + 341 + 345 + 349 + 352 + 354 + 356 + 359 + 360 + 362 + 363 + 369 + 370 + 374 + 375 + 376 + 381 + 382 + 390 + 393 + 395 + 396 + 397 + 398 + 400 + 402 + 409 + 412 + 414 + 416 + 418 + 419 + 424 + 427 + 432 + 434 + 436 + 437 + 440 + 441 + 449 + 450 + 452 + 456 + 457 + 460 + 463 + 466 + 467 + 473 + 477 + 480 + 482 + 486 + 487 + 488 + 491 + 493 + 495 + 500 + 502 + 504 + 508 + 515 + 516 + 522 + 527 + 530 + 532 + 533 + 534 + 535 + 537 + 538 + 544 + 548 + 557 + 558 + 559 + 562 + 565 + 566 + 568 + 570 + 573 + 578 + 579 + 584 + 585 + 587 + 598 + 601 + 602 + 604 + 605 + 606 + 610 + 615 + 617 + 618 + 627 + 628 + 635 + 637 + 639 + 640 + 643 + 645 + 646 + 650 + 654 + 660 + 662 + 666 + 673 + 676 + 677 + 679 + 680 + 682 + 684 + 689 + 693 + 697 + 702 + 707 + 708 + 713 + 715 + 716 + 717 + 718 + 719 + 727 + 730 + 734 + 738 + 743 + 750 + 754 + 755 + 757 + 758 + 759 + 761 + 763 + 765 + 768 + 771 + 778 + 786 + 787 + 788 + 789 + 791 + 792 + 796 + 797 + 798 + 803 + 805 + 809 + 819 + 820 + 821 + 822 + 823 + 827 + 828 + 831 + 833 + 835 + 837 + 839 + 853 + 854 + 855 + 856 + 857 + 859 + 860 + 861 + 864 + 867 + 868 + 872 + 882 + 884 + 885 + 886 + 889 + 891 + 893 + 895 + 897 + 899 + 902 + 903 + 915 + 917 + 918 + 919 + 920 + 923 + 925 + 928 + 931 + 934 + 937 + 939 + 949 + 950 + 952 + 953 + 955 + 957 + 961 + 965 + 966 + 967 + 973 + 977 + 983 + 984 + 985 + 986 + 988 + 992 + 998 + 1001 + 1004 + 1006 + 1010 + 1013 + 1018 + 1019 + 1021 + 1023 + 1025 + 1028 + 1032 + 1037 + 1041 + 1042 + 1046 + 1048 + 1052 + 1053 + 1056 + 1058 + 1060 + 1064 + 1067 + 1072 + 1077 + 1079 + 1084 + 1085 + 1086 + 1088 + 1089 + 1091 + 1096 + 1099 + 1103 + 1107 + 1113 + 1115 + 1118 + 1119 + 1124 + 1125 + 1126 + 1127 + 1131 + 1135 + 1138 + 1142 + 1150 + 1153 + 1154 + 1156 + 1157 + 1159 + 1161 + 1162 + 1164 + 1168 + 1172 + 1179 + 1186 + 1187 + 1189 + 1191 + 1193 + 1195 + 1196 + 1199 + 1201 + 1203 + 1209 + 1216 + 1220 + 1221 + 1224 + 1226 + 1230 + 1231 + 1232 + 1234 + 1236 + 1244 + 1246 + 1252 + 1254 + 1256 + 1259 + 1260 + 1264 + 1266 + 1267 + 1269 + 1271 + 1280 + 1284 + 1287 + 1289 + 1290 + 1293 + 1295 + 1298 + 1300 + 1302 + 1304 + 1305 + 1316 + 1320 + 1321 + 1323 + 1324 + 1328 + 1329 + 1332 + 1335 + 1338 + 1340 + 1345 + 1351 + 1354 + 1355 + 1358 + 1359 + 1362 + 1364 + 1365 + 1369 + 1375 + 1377 + 1380 + 1386 + 1388 + 1391 + 1392 + 1394 + 1396 + 1399 + 1400 + 1405 + 1411 + 1413 + 1415 + 1420 + 1421 + 1424 + 1426 + 1428 + 1429 + 1433 + 1436 + 1442 + 1448 + 1449 + 1450 + 1454 + 1456 + 1458 + 1459 + 1461 + 1462 + 1466 + 1475 + 1477 + 1483 + 1484 + 1485 + 1488 + 1489 + 1491 + 1493 + 1494 + 1496 + 1505 + 1511 + 1512 + 1516 + 1517 + 1518 + 1521 + 1523 + 1524 + 1527 + 1533 + 1537 + 1540 + 1545 + 1547 + 1550 + 1551 + 1553 + 1556 + 1557 + 1558 + 1564 + 1570 + 1574 + 1577 + 1580 + 1582 + 1584 + 1585 + 1586 + 1589 + 1591 + 1599 + 1600 + 1606 + 1607 + 1612 + 1613 + 1616 + 1617 + 1619 + 1620 + 1626 + 1630 + 1635 + 1638 + 1640 + 1641 + 1646 + 1647 + 1650 + 1651 + 1652 + 1660 + 1662 + 1666 + 1669 + 1671 + 1674 + 1675 + 1677 + 1680 + 1686 + 1689 + 1694 + 1696 + 1697 + 1699 + 1702 + 1704 + 1708 + 1709 + 1710 + 1714 + 1721 + 1725 + 1728 + 1730 + 1731 + 1732 + 1735 + 1738 + 1739 + 1743 + 1745 + 1752 + 1755 + 1760 + 1762 + 1764 + 1765 + 1766 + 1768 + 1772 + 1773 + 1783 + 1784 + 1788 + 1789 + 1792 + 1796 + 1798 + 1799 + 1801 + 1802 + 1806 + 1810 + 1818 + 1819 + 1821 + 1822 + 1826 + 1829 + 1832 + 1833 + 1835 + 1836 + 1843 + 1846 + 1852 + 1854 + 1855 + 1856 + 1859 + 1862 + 1866 + 1867 + 1868 + 1873 + 1878 + 1881 + 1887 + 1888 + 1889 + 1890 + 1893 + 1894 + 1899 + 1902 + 1905 + 1909 + 1911 + 1917 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1936 + 1938 + 1941 + 1944 + 1945 + 1951 + 1954 + 1956 + 1958 + 1959 + 1960 + 1961 + 1970 + 1973 + 1975 + 1980 + 1981 + 1985 + 1988 + 1989 + 1992 + 1994 + 1995 + 1996 + 2004 + 2008 + 2011 + 2014 + 2015 + 2019 + 2021 + 2023 + 2027 + 2029 + 2030 + 2031 + 2037 + 2042 + 2044 + 2047 + 2048 + 2053 + 2055 + 2056 + 2060 + 2063 + 2064 + 2065 + 2073 + 2077 + 2078 + 2081 + 2083 + 2087 + 2088 + 2089 + 2095 + 2097 + 2099 + 2100 + 2105 + 2110 + 2112 + 2114 + 2117 + 2121 + 2122 + 2124 + 2129 + 2131 + 2135 + 2137 + 2138 + 2145 + 2146 + 2147 + 2152 + 2155 + 2157 + 2158 + 2164 + 2168 + 2170 + 2173 + 2174 + 2179 + 2181 + 2182 + 2187 + 2190 + 2191 + 2192 + 2198 + 2202 + 2204 + 2206 + 2209 + 2212 + 2215 + 2217 + 2221 + 2224 + 2225 + 2231 + 2232 + 2236 + 2238 + 2240 + 2243 + 2248 + 2250 + 2252 + 2256 + 2260 + 2261 + 2266 + 2267 + 2270 + 2272 + 2275 + 2280 + 2283 + 2285 + 2287 + 2290 + 2294 + 2295 + 2298 + 2302 + 2304 + 2306 + 2307 + 2315 + 2316 + 2320 + 2323 + 2324 + 2327 + 2329 + 2331 + 2337 + 2339 + 2340 + 2345 + 2349 + 2351 + 2354 + 2356 + 2360 + 2361 + 2363 + 2369 + 2372 + 2373 + 2375 + 2383 + 2385 + 2387 + 2388 + 2389 + 2395 + 2396 + 2398 + 2406 + 2407 + 2411 + 2412 + 2418 + 2419 + 2421 + 2422 + 2427 + 2430 + 2434 + 2438 + 2442 + 2443 + 2444 + 2450 + 2452 + 2453 + 2456 + 2459 + 2461 + 2465 + 2473 + 2474 + 2478 + 2479 + 2481 + 2482 + 2484 + 2486 + 2487 + 2492 + 2497 + 2502 + 2504 + 2508 + 2511 + 2512 + 2514 + 2517 + 2519 + 2520 + 2521 + 2525 + 2526 + 2533 + 2535 + 2540 + 2542 + 2544 + 2548 + 2549 + 2551 + 2552 + 2554 + 2557 + 2559 + 2560 + 2561 + 2565 + 2567 + 2568 + 2569 + 2574 + 2576 + 2580 + 2583 + 2585 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_brown // Group brown // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 34 + 36 + 37 + 39 + 41 + 42 + 43 + 44 + 46 + 48 + 50 + 52 + 53 + 56 + 58 + 59 + 61 + 65 + 68 + 69 + 71 + 72 + 75 + 78 + 80 + 83 + 84 + 87 + 88 + 93 + 95 + 97 + 99 + 101 + 104 + 105 + 111 + 113 + 115 + 118 + 121 + 125 + 127 + 131 + 133 + 136 + 138 + 142 + 145 + 147 + 152 + 157 + 158 + 160 + 165 + 169 + 172 + 179 + 181 + 183 + 186 + 190 + 194 + 204 + 209 + 211 + 214 + 217 + 219 + 226 + 230 + 231 + 235 + 236 + 239 + 243 + 245 + 246 + 248 + 256 + 259 + 262 + 263 + 267 + 270 + 271 + 277 + 279 + 281 + 283 + 290 + 291 + 293 + 297 + 300 + 301 + 304 + 312 + 315 + 318 + 325 + 328 + 330 + 336 + 343 + 347 + 348 + 357 + 361 + 364 + 371 + 379 + 385 + 389 + 392 + 405 + 407 + 417 + 422 + 426 + 438 + 445 + 448 + 455 + 462 + 465 + 478 + 485 + 489 + 496 + 503 + 505 + 518 + 525 + 526 + 545 + 547 + 554 + 560 + 567 + 569 + 588 + 590 + 592 + 596 + 611 + 613 + 620 + 625 + 631 + 633 + 638 + 653 + 659 + 667 + 668 + 675 + 683 + 690 + 699 + 721 + 723 + 728 + 731 + 736 + 740 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_grey // Group grey // Subtree GENERIC + Begin SubModelPartNodes + 226 + 240 + 243 + 254 + 258 + 263 + 272 + 275 + 278 + 283 + 288 + 292 + 296 + 299 + 304 + 308 + 311 + 313 + 320 + 326 + 332 + 336 + 338 + 340 + 344 + 350 + 358 + 360 + 368 + 371 + 372 + 373 + 378 + 387 + 394 + 395 + 399 + 401 + 404 + 405 + 411 + 413 + 423 + 427 + 430 + 431 + 435 + 439 + 442 + 445 + 446 + 453 + 459 + 466 + 468 + 470 + 472 + 474 + 475 + 479 + 484 + 485 + 494 + 499 + 502 + 506 + 510 + 511 + 514 + 517 + 519 + 520 + 523 + 525 + 531 + 536 + 542 + 543 + 550 + 555 + 556 + 563 + 567 + 571 + 580 + 583 + 586 + 593 + 603 + 611 + 624 + 626 + 641 + 644 + 653 + 664 + 669 + 695 + 699 + 711 + 740 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_down // Group yellow_down // Subtree GENERIC + Begin SubModelPartNodes + 25 + 35 + 38 + 45 + 49 + 55 + 57 + 62 + 64 + 66 + 70 + 76 + 79 + 81 + 86 + 89 + 94 + 96 + 98 + 106 + 107 + 109 + 114 + 116 + 119 + 122 + 126 + 128 + 130 + 134 + 139 + 140 + 143 + 148 + 149 + 151 + 159 + 161 + 163 + 164 + 166 + 170 + 173 + 178 + 182 + 184 + 185 + 188 + 189 + 191 + 195 + 200 + 202 + 206 + 208 + 210 + 212 + 213 + 216 + 218 + 224 + 227 + 232 + 234 + 241 + 247 + 250 + 257 + 269 + 314 + 316 + 319 + 322 + 327 + 335 + 342 + 346 + 351 + 353 + 355 + 365 + 366 + 367 + 377 + 380 + 383 + 384 + 386 + 388 + 391 + 397 + 403 + 406 + 408 + 410 + 415 + 420 + 421 + 425 + 428 + 429 + 432 + 433 + 443 + 444 + 447 + 451 + 454 + 458 + 461 + 464 + 467 + 469 + 471 + 476 + 481 + 483 + 490 + 492 + 497 + 498 + 501 + 507 + 508 + 509 + 512 + 513 + 521 + 524 + 528 + 529 + 539 + 541 + 546 + 548 + 549 + 551 + 552 + 553 + 561 + 564 + 572 + 576 + 581 + 582 + 587 + 589 + 591 + 594 + 595 + 597 + 600 + 609 + 614 + 619 + 622 + 623 + 628 + 629 + 630 + 632 + 634 + 636 + 642 + 652 + 656 + 658 + 663 + 665 + 666 + 671 + 672 + 678 + 681 + 688 + 692 + 698 + 700 + 704 + 705 + 708 + 709 + 714 + 720 + 726 + 732 + 733 + 739 + 741 + 745 + 748 + 750 + 751 + 752 + 760 + 767 + 769 + 773 + 775 + 781 + 782 + 783 + 786 + 790 + 793 + 795 + 799 + 807 + 808 + 811 + 812 + 816 + 817 + 823 + 824 + 830 + 834 + 836 + 841 + 842 + 843 + 844 + 847 + 850 + 851 + 860 + 866 + 869 + 870 + 871 + 876 + 877 + 879 + 887 + 888 + 890 + 892 + 897 + 901 + 904 + 908 + 910 + 912 + 913 + 914 + 926 + 929 + 930 + 931 + 935 + 938 + 940 + 946 + 947 + 948 + 951 + 954 + 963 + 966 + 971 + 972 + 975 + 976 + 979 + 990 + 991 + 993 + 994 + 995 + 1003 + 1006 + 1011 + 1012 + 1014 + 1015 + 1017 + 1029 + 1031 + 1033 + 1035 + 1038 + 1040 + 1042 + 1049 + 1054 + 1055 + 1057 + 1062 + 1066 + 1069 + 1070 + 1075 + 1076 + 1078 + 1079 + 1090 + 1094 + 1095 + 1100 + 1101 + 1105 + 1106 + 1108 + 1112 + 1115 + 1120 + 1121 + 1130 + 1132 + 1133 + 1136 + 1140 + 1141 + 1144 + 1148 + 1151 + 1156 + 1160 + 1166 + 1167 + 1170 + 1171 + 1174 + 1176 + 1181 + 1184 + 1185 + 1190 + 1193 + 1197 + 1202 + 1204 + 1206 + 1207 + 1208 + 1212 + 1219 + 1222 + 1225 + 1229 + 1231 + 1235 + 1238 + 1239 + 1240 + 1241 + 1249 + 1250 + 1257 + 1261 + 1262 + 1265 + 1266 + 1270 + 1272 + 1275 + 1279 + 1282 + 1286 + 1291 + 1294 + 1297 + 1299 + 1300 + 1301 + 1306 + 1312 + 1314 + 1317 + 1319 + 1325 + 1326 + 1330 + 1333 + 1334 + 1338 + 1339 + 1347 + 1349 + 1350 + 1353 + 1357 + 1360 + 1363 + 1367 + 1368 + 1370 + 1375 + 1378 + 1383 + 1384 + 1387 + 1390 + 1393 + 1397 + 1398 + 1401 + 1408 + 1410 + 1411 + 1416 + 1418 + 1422 + 1425 + 1427 + 1430 + 1431 + 1432 + 1441 + 1446 + 1447 + 1448 + 1452 + 1455 + 1457 + 1460 + 1463 + 1464 + 1471 + 1472 + 1478 + 1481 + 1483 + 1486 + 1487 + 1490 + 1492 + 1495 + 1497 + 1502 + 1508 + 1509 + 1515 + 1518 + 1519 + 1520 + 1522 + 1525 + 1526 + 1536 + 1538 + 1542 + 1544 + 1546 + 1549 + 1551 + 1552 + 1554 + 1555 + 1561 + 1567 + 1573 + 1575 + 1576 + 1579 + 1581 + 1583 + 1586 + 1587 + 1588 + 1592 + 1602 + 1604 + 1608 + 1609 + 1610 + 1614 + 1615 + 1618 + 1620 + 1625 + 1627 + 1633 + 1636 + 1637 + 1642 + 1643 + 1645 + 1648 + 1649 + 1653 + 1660 + 1664 + 1665 + 1668 + 1670 + 1672 + 1676 + 1678 + 1681 + 1682 + 1683 + 1693 + 1696 + 1700 + 1701 + 1703 + 1705 + 1707 + 1712 + 1713 + 1715 + 1722 + 1724 + 1729 + 1730 + 1734 + 1736 + 1737 + 1740 + 1741 + 1751 + 1754 + 1756 + 1758 + 1759 + 1763 + 1764 + 1769 + 1770 + 1771 + 1775 + 1776 + 1786 + 1790 + 1791 + 1793 + 1794 + 1797 + 1798 + 1803 + 1804 + 1805 + 1812 + 1814 + 1823 + 1824 + 1825 + 1827 + 1830 + 1831 + 1833 + 1837 + 1838 + 1844 + 1848 + 1849 + 1857 + 1858 + 1860 + 1863 + 1864 + 1865 + 1868 + 1874 + 1877 + 1880 + 1884 + 1885 + 1892 + 1895 + 1896 + 1897 + 1898 + 1903 + 1905 + 1912 + 1913 + 1915 + 1919 + 1920 + 1927 + 1928 + 1929 + 1930 + 1932 + 1939 + 1941 + 1947 + 1948 + 1950 + 1953 + 1955 + 1957 + 1962 + 1964 + 1965 + 1969 + 1975 + 1976 + 1983 + 1984 + 1986 + 1987 + 1990 + 1991 + 1998 + 2000 + 2001 + 2005 + 2011 + 2012 + 2017 + 2018 + 2020 + 2022 + 2024 + 2028 + 2033 + 2036 + 2040 + 2044 + 2045 + 2046 + 2051 + 2052 + 2054 + 2058 + 2062 + 2068 + 2071 + 2072 + 2074 + 2078 + 2079 + 2084 + 2085 + 2086 + 2091 + 2093 + 2098 + 2104 + 2106 + 2109 + 2112 + 2113 + 2115 + 2118 + 2120 + 2123 + 2126 + 2128 + 2133 + 2140 + 2142 + 2143 + 2146 + 2149 + 2150 + 2153 + 2156 + 2159 + 2161 + 2163 + 2169 + 2176 + 2177 + 2178 + 2182 + 2183 + 2184 + 2188 + 2193 + 2194 + 2197 + 2199 + 2203 + 2210 + 2211 + 2213 + 2217 + 2218 + 2219 + 2223 + 2227 + 2229 + 2230 + 2235 + 2239 + 2242 + 2244 + 2249 + 2252 + 2253 + 2254 + 2257 + 2262 + 2263 + 2265 + 2269 + 2273 + 2277 + 2278 + 2284 + 2285 + 2288 + 2289 + 2293 + 2296 + 2297 + 2301 + 2303 + 2308 + 2311 + 2314 + 2317 + 2320 + 2321 + 2322 + 2328 + 2330 + 2332 + 2335 + 2336 + 2342 + 2347 + 2348 + 2353 + 2354 + 2355 + 2357 + 2362 + 2365 + 2366 + 2368 + 2370 + 2376 + 2381 + 2384 + 2386 + 2387 + 2390 + 2392 + 2394 + 2399 + 2400 + 2401 + 2405 + 2410 + 2415 + 2417 + 2420 + 2422 + 2424 + 2425 + 2429 + 2431 + 2432 + 2436 + 2439 + 2445 + 2449 + 2451 + 2454 + 2456 + 2457 + 2458 + 2462 + 2467 + 2468 + 2469 + 2472 + 2476 + 2485 + 2487 + 2488 + 2489 + 2490 + 2494 + 2499 + 2500 + 2501 + 2505 + 2506 + 2510 + 2518 + 2520 + 2528 + 2529 + 2531 + 2532 + 2534 + 2536 + 2538 + 2541 + 2543 + 2546 + 2551 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_up // Group yellow_up // Subtree GENERIC + Begin SubModelPartNodes + 502 + 510 + 520 + 531 + 540 + 543 + 555 + 571 + 574 + 575 + 577 + 586 + 599 + 603 + 607 + 608 + 612 + 616 + 621 + 624 + 644 + 646 + 647 + 648 + 649 + 651 + 655 + 657 + 661 + 664 + 670 + 673 + 674 + 685 + 686 + 687 + 691 + 694 + 695 + 696 + 701 + 703 + 706 + 707 + 710 + 711 + 712 + 722 + 724 + 725 + 729 + 735 + 737 + 740 + 742 + 743 + 744 + 746 + 747 + 749 + 753 + 756 + 762 + 764 + 766 + 770 + 772 + 774 + 776 + 777 + 778 + 779 + 780 + 784 + 785 + 794 + 800 + 801 + 802 + 804 + 806 + 809 + 810 + 813 + 814 + 815 + 818 + 825 + 826 + 829 + 832 + 837 + 838 + 840 + 845 + 846 + 848 + 849 + 852 + 858 + 862 + 863 + 864 + 865 + 873 + 874 + 875 + 878 + 880 + 881 + 883 + 893 + 894 + 896 + 898 + 900 + 905 + 906 + 907 + 909 + 911 + 916 + 921 + 922 + 923 + 924 + 927 + 932 + 933 + 936 + 941 + 942 + 943 + 944 + 945 + 955 + 956 + 958 + 959 + 960 + 962 + 964 + 968 + 969 + 970 + 974 + 978 + 980 + 981 + 982 + 986 + 987 + 989 + 996 + 997 + 999 + 1000 + 1002 + 1005 + 1007 + 1008 + 1009 + 1016 + 1020 + 1021 + 1022 + 1024 + 1026 + 1027 + 1030 + 1034 + 1036 + 1039 + 1043 + 1044 + 1045 + 1047 + 1050 + 1051 + 1053 + 1059 + 1061 + 1063 + 1065 + 1068 + 1071 + 1073 + 1074 + 1080 + 1081 + 1082 + 1083 + 1086 + 1087 + 1092 + 1093 + 1097 + 1098 + 1102 + 1104 + 1109 + 1110 + 1111 + 1114 + 1116 + 1117 + 1118 + 1122 + 1123 + 1128 + 1129 + 1134 + 1137 + 1139 + 1143 + 1145 + 1146 + 1147 + 1149 + 1152 + 1153 + 1155 + 1158 + 1163 + 1165 + 1169 + 1173 + 1175 + 1177 + 1178 + 1180 + 1182 + 1183 + 1186 + 1188 + 1192 + 1194 + 1198 + 1200 + 1205 + 1210 + 1211 + 1213 + 1214 + 1215 + 1217 + 1218 + 1220 + 1223 + 1227 + 1228 + 1233 + 1237 + 1242 + 1243 + 1245 + 1247 + 1248 + 1251 + 1253 + 1254 + 1255 + 1258 + 1263 + 1268 + 1273 + 1274 + 1276 + 1277 + 1278 + 1281 + 1283 + 1285 + 1287 + 1288 + 1292 + 1296 + 1303 + 1307 + 1308 + 1309 + 1310 + 1311 + 1313 + 1315 + 1318 + 1321 + 1322 + 1327 + 1331 + 1336 + 1337 + 1341 + 1342 + 1343 + 1344 + 1346 + 1348 + 1352 + 1354 + 1356 + 1361 + 1366 + 1371 + 1372 + 1373 + 1374 + 1376 + 1379 + 1381 + 1382 + 1385 + 1388 + 1389 + 1395 + 1402 + 1403 + 1404 + 1406 + 1407 + 1409 + 1412 + 1414 + 1417 + 1419 + 1421 + 1423 + 1434 + 1435 + 1437 + 1438 + 1439 + 1440 + 1443 + 1444 + 1445 + 1451 + 1453 + 1454 + 1465 + 1467 + 1468 + 1469 + 1470 + 1473 + 1474 + 1476 + 1479 + 1480 + 1482 + 1488 + 1498 + 1499 + 1500 + 1501 + 1503 + 1504 + 1506 + 1507 + 1510 + 1513 + 1514 + 1521 + 1528 + 1529 + 1530 + 1531 + 1532 + 1534 + 1535 + 1539 + 1541 + 1543 + 1548 + 1553 + 1559 + 1560 + 1562 + 1563 + 1565 + 1566 + 1568 + 1569 + 1571 + 1572 + 1578 + 1585 + 1590 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1601 + 1603 + 1605 + 1611 + 1619 + 1621 + 1622 + 1623 + 1624 + 1628 + 1629 + 1631 + 1632 + 1634 + 1639 + 1644 + 1650 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1661 + 1663 + 1667 + 1673 + 1679 + 1684 + 1685 + 1686 + 1687 + 1688 + 1690 + 1691 + 1692 + 1695 + 1698 + 1706 + 1711 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1723 + 1726 + 1727 + 1733 + 1742 + 1744 + 1746 + 1747 + 1748 + 1749 + 1750 + 1753 + 1755 + 1757 + 1761 + 1767 + 1774 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1785 + 1787 + 1789 + 1795 + 1800 + 1807 + 1808 + 1809 + 1811 + 1813 + 1815 + 1816 + 1817 + 1820 + 1821 + 1828 + 1834 + 1839 + 1840 + 1841 + 1842 + 1845 + 1847 + 1850 + 1851 + 1853 + 1855 + 1861 + 1869 + 1870 + 1871 + 1872 + 1875 + 1876 + 1879 + 1882 + 1883 + 1886 + 1888 + 1891 + 1900 + 1901 + 1904 + 1906 + 1907 + 1908 + 1910 + 1914 + 1916 + 1918 + 1922 + 1931 + 1933 + 1934 + 1935 + 1937 + 1940 + 1942 + 1943 + 1946 + 1949 + 1952 + 1956 + 1963 + 1966 + 1967 + 1968 + 1971 + 1972 + 1974 + 1977 + 1978 + 1979 + 1982 + 1989 + 1993 + 1997 + 1999 + 2002 + 2003 + 2006 + 2007 + 2009 + 2010 + 2013 + 2016 + 2023 + 2025 + 2026 + 2032 + 2034 + 2035 + 2038 + 2039 + 2041 + 2043 + 2049 + 2050 + 2055 + 2057 + 2059 + 2061 + 2066 + 2067 + 2069 + 2070 + 2075 + 2076 + 2080 + 2082 + 2088 + 2090 + 2092 + 2094 + 2096 + 2101 + 2102 + 2103 + 2107 + 2108 + 2111 + 2116 + 2119 + 2121 + 2125 + 2127 + 2130 + 2132 + 2134 + 2136 + 2139 + 2141 + 2144 + 2148 + 2151 + 2154 + 2155 + 2160 + 2162 + 2165 + 2166 + 2167 + 2171 + 2172 + 2175 + 2180 + 2185 + 2186 + 2187 + 2189 + 2195 + 2196 + 2200 + 2201 + 2205 + 2207 + 2208 + 2214 + 2216 + 2220 + 2221 + 2222 + 2226 + 2228 + 2233 + 2234 + 2237 + 2241 + 2245 + 2246 + 2247 + 2251 + 2255 + 2256 + 2258 + 2259 + 2264 + 2268 + 2271 + 2274 + 2276 + 2279 + 2281 + 2282 + 2286 + 2290 + 2291 + 2292 + 2299 + 2300 + 2305 + 2309 + 2310 + 2312 + 2313 + 2318 + 2319 + 2323 + 2325 + 2326 + 2333 + 2334 + 2338 + 2341 + 2343 + 2344 + 2346 + 2350 + 2352 + 2356 + 2358 + 2359 + 2364 + 2367 + 2371 + 2374 + 2377 + 2378 + 2379 + 2380 + 2382 + 2389 + 2391 + 2393 + 2397 + 2402 + 2403 + 2404 + 2408 + 2409 + 2413 + 2414 + 2416 + 2421 + 2423 + 2426 + 2428 + 2433 + 2435 + 2437 + 2440 + 2441 + 2446 + 2447 + 2448 + 2453 + 2455 + 2460 + 2463 + 2464 + 2466 + 2470 + 2471 + 2475 + 2477 + 2480 + 2483 + 2484 + 2491 + 2493 + 2495 + 2496 + 2498 + 2503 + 2507 + 2509 + 2513 + 2515 + 2516 + 2517 + 2522 + 2523 + 2524 + 2527 + 2530 + 2537 + 2539 + 2545 + 2547 + 2548 + 2550 + 2553 + 2555 + 2556 + 2558 + 2562 + 2563 + 2564 + 2566 + 2569 + 2570 + 2571 + 2572 + 2573 + 2575 + 2577 + 2578 + 2579 + 2581 + 2582 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_blue // Group blue // Subtree GENERIC + Begin SubModelPartNodes + 25 + 27 + 29 + 33 + 35 + 36 + 40 + 41 + 45 + 47 + 50 + 51 + 54 + 55 + 59 + 60 + 63 + 66 + 67 + 72 + 73 + 74 + 77 + 81 + 82 + 83 + 85 + 90 + 91 + 92 + 98 + 99 + 100 + 102 + 103 + 108 + 110 + 112 + 117 + 118 + 119 + 120 + 123 + 124 + 129 + 132 + 135 + 137 + 138 + 140 + 141 + 144 + 146 + 150 + 153 + 154 + 155 + 156 + 158 + 162 + 163 + 167 + 168 + 171 + 174 + 175 + 176 + 177 + 179 + 180 + 187 + 188 + 192 + 193 + 196 + 197 + 198 + 199 + 201 + 203 + 204 + 205 + 207 + 212 + 215 + 220 + 221 + 222 + 223 + 225 + 226 + 228 + 229 + 232 + 233 + 237 + 242 + 250 + 252 + 260 + 269 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_not_moving // Group not_moving // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 5 + 7 + 11 + 12 + 17 + 18 + 25 + 26 + 37 + 38 + 48 + 49 + 61 + 62 + 75 + 76 + 93 + 94 + 113 + 114 + 133 + 134 + 157 + 159 + 183 + 184 + 208 + 209 + 230 + 246 + 267 + 291 + 314 + 315 + 346 + 347 + 384 + 385 + 421 + 422 + 461 + 462 + 501 + 503 + 546 + 547 + 589 + 590 + 630 + 631 + 672 + 675 + 720 + 721 + 723 + 728 + 731 + 736 + 740 + 747 + 756 + 767 + 770 + 780 + 785 + 806 + 807 + 814 + 832 + 842 + 846 + 862 + 877 + 913 + 951 + 956 + 978 + 993 + 1000 + 1024 + 1031 + 1045 + 1069 + 1071 + 1097 + 1106 + 1122 + 1144 + 1147 + 1173 + 1184 + 1200 + 1222 + 1228 + 1255 + 1261 + 1283 + 1297 + 1311 + 1333 + 1337 + 1366 + 1368 + 1395 + 1408 + 1423 + 1446 + 1453 + 1481 + 1482 + 1513 + 1519 + 1543 + 1552 + 1571 + 1587 + 1601 + 1625 + 1631 + 1659 + 1664 + 1690 + 1700 + 1719 + 1734 + 1748 + 1769 + 1778 + 1803 + 1808 + 1837 + 1839 + 1870 + 1874 + 1901 + 1912 + 1931 + 1947 + 1963 + 1983 + 1993 + 2017 + 2025 + 2051 + 2057 + 2085 + 2090 + 2119 + 2120 + 2151 + 2156 + 2185 + 2193 + 2216 + 2227 + 2245 + 2262 + 2276 + 2296 + 2310 + 2330 + 2341 + 2365 + 2374 + 2399 + 2403 + 2431 + 2435 + 2466 + 2467 + 2495 + 2499 + 2523 + 2528 + 2555 + 2575 + 2589 + 2600 + 2606 + 2609 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart FluidParts_Volume // Group Volume // Subtree FluidParts + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + End SubModelPartNodes + Begin SubModelPartElements + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + 2708 + 2709 + 2710 + 2711 + 2712 + 2713 + 2714 + 2715 + 2716 + 2717 + 2718 + 2719 + 2720 + 2721 + 2722 + 2723 + 2724 + 2725 + 2726 + 2727 + 2728 + 2729 + 2730 + 2731 + 2732 + 2733 + 2734 + 2735 + 2736 + 2737 + 2738 + 2739 + 2740 + 2741 + 2742 + 2743 + 2744 + 2745 + 2746 + 2747 + 2748 + 2749 + 2750 + 2751 + 2752 + 2753 + 2754 + 2755 + 2756 + 2757 + 2758 + 2759 + 2760 + 2761 + 2762 + 2763 + 2764 + 2765 + 2766 + 2767 + 2768 + 2769 + 2770 + 2771 + 2772 + 2773 + 2774 + 2775 + 2776 + 2777 + 2778 + 2779 + 2780 + 2781 + 2782 + 2783 + 2784 + 2785 + 2786 + 2787 + 2788 + 2789 + 2790 + 2791 + 2792 + 2793 + 2794 + 2795 + 2796 + 2797 + 2798 + 2799 + 2800 + 2801 + 2802 + 2803 + 2804 + 2805 + 2806 + 2807 + 2808 + 2809 + 2810 + 2811 + 2812 + 2813 + 2814 + 2815 + 2816 + 2817 + 2818 + 2819 + 2820 + 2821 + 2822 + 2823 + 2824 + 2825 + 2826 + 2827 + 2828 + 2829 + 2830 + 2831 + 2832 + 2833 + 2834 + 2835 + 2836 + 2837 + 2838 + 2839 + 2840 + 2841 + 2842 + 2843 + 2844 + 2845 + 2846 + 2847 + 2848 + 2849 + 2850 + 2851 + 2852 + 2853 + 2854 + 2855 + 2856 + 2857 + 2858 + 2859 + 2860 + 2861 + 2862 + 2863 + 2864 + 2865 + 2866 + 2867 + 2868 + 2869 + 2870 + 2871 + 2872 + 2873 + 2874 + 2875 + 2876 + 2877 + 2878 + 2879 + 2880 + 2881 + 2882 + 2883 + 2884 + 2885 + 2886 + 2887 + 2888 + 2889 + 2890 + 2891 + 2892 + 2893 + 2894 + 2895 + 2896 + 2897 + 2898 + 2899 + 2900 + 2901 + 2902 + 2903 + 2904 + 2905 + 2906 + 2907 + 2908 + 2909 + 2910 + 2911 + 2912 + 2913 + 2914 + 2915 + 2916 + 2917 + 2918 + 2919 + 2920 + 2921 + 2922 + 2923 + 2924 + 2925 + 2926 + 2927 + 2928 + 2929 + 2930 + 2931 + 2932 + 2933 + 2934 + 2935 + 2936 + 2937 + 2938 + 2939 + 2940 + 2941 + 2942 + 2943 + 2944 + 2945 + 2946 + 2947 + 2948 + 2949 + 2950 + 2951 + 2952 + 2953 + 2954 + 2955 + 2956 + 2957 + 2958 + 2959 + 2960 + 2961 + 2962 + 2963 + 2964 + 2965 + 2966 + 2967 + 2968 + 2969 + 2970 + 2971 + 2972 + 2973 + 2974 + 2975 + 2976 + 2977 + 2978 + 2979 + 2980 + 2981 + 2982 + 2983 + 2984 + 2985 + 2986 + 2987 + 2988 + 2989 + 2990 + 2991 + 2992 + 2993 + 2994 + 2995 + 2996 + 2997 + 2998 + 2999 + 3000 + 3001 + 3002 + 3003 + 3004 + 3005 + 3006 + 3007 + 3008 + 3009 + 3010 + 3011 + 3012 + 3013 + 3014 + 3015 + 3016 + 3017 + 3018 + 3019 + 3020 + 3021 + 3022 + 3023 + 3024 + 3025 + 3026 + 3027 + 3028 + 3029 + 3030 + 3031 + 3032 + 3033 + 3034 + 3035 + 3036 + 3037 + 3038 + 3039 + 3040 + 3041 + 3042 + 3043 + 3044 + 3045 + 3046 + 3047 + 3048 + 3049 + 3050 + 3051 + 3052 + 3053 + 3054 + 3055 + 3056 + 3057 + 3058 + 3059 + 3060 + 3061 + 3062 + 3063 + 3064 + 3065 + 3066 + 3067 + 3068 + 3069 + 3070 + 3071 + 3072 + 3073 + 3074 + 3075 + 3076 + 3077 + 3078 + 3079 + 3080 + 3081 + 3082 + 3083 + 3084 + 3085 + 3086 + 3087 + 3088 + 3089 + 3090 + 3091 + 3092 + 3093 + 3094 + 3095 + 3096 + 3097 + 3098 + 3099 + 3100 + 3101 + 3102 + 3103 + 3104 + 3105 + 3106 + 3107 + 3108 + 3109 + 3110 + 3111 + 3112 + 3113 + 3114 + 3115 + 3116 + 3117 + 3118 + 3119 + 3120 + 3121 + 3122 + 3123 + 3124 + 3125 + 3126 + 3127 + 3128 + 3129 + 3130 + 3131 + 3132 + 3133 + 3134 + 3135 + 3136 + 3137 + 3138 + 3139 + 3140 + 3141 + 3142 + 3143 + 3144 + 3145 + 3146 + 3147 + 3148 + 3149 + 3150 + 3151 + 3152 + 3153 + 3154 + 3155 + 3156 + 3157 + 3158 + 3159 + 3160 + 3161 + 3162 + 3163 + 3164 + 3165 + 3166 + 3167 + 3168 + 3169 + 3170 + 3171 + 3172 + 3173 + 3174 + 3175 + 3176 + 3177 + 3178 + 3179 + 3180 + 3181 + 3182 + 3183 + 3184 + 3185 + 3186 + 3187 + 3188 + 3189 + 3190 + 3191 + 3192 + 3193 + 3194 + 3195 + 3196 + 3197 + 3198 + 3199 + 3200 + 3201 + 3202 + 3203 + 3204 + 3205 + 3206 + 3207 + 3208 + 3209 + 3210 + 3211 + 3212 + 3213 + 3214 + 3215 + 3216 + 3217 + 3218 + 3219 + 3220 + 3221 + 3222 + 3223 + 3224 + 3225 + 3226 + 3227 + 3228 + 3229 + 3230 + 3231 + 3232 + 3233 + 3234 + 3235 + 3236 + 3237 + 3238 + 3239 + 3240 + 3241 + 3242 + 3243 + 3244 + 3245 + 3246 + 3247 + 3248 + 3249 + 3250 + 3251 + 3252 + 3253 + 3254 + 3255 + 3256 + 3257 + 3258 + 3259 + 3260 + 3261 + 3262 + 3263 + 3264 + 3265 + 3266 + 3267 + 3268 + 3269 + 3270 + 3271 + 3272 + 3273 + 3274 + 3275 + 3276 + 3277 + 3278 + 3279 + 3280 + 3281 + 3282 + 3283 + 3284 + 3285 + 3286 + 3287 + 3288 + 3289 + 3290 + 3291 + 3292 + 3293 + 3294 + 3295 + 3296 + 3297 + 3298 + 3299 + 3300 + 3301 + 3302 + 3303 + 3304 + 3305 + 3306 + 3307 + 3308 + 3309 + 3310 + 3311 + 3312 + 3313 + 3314 + 3315 + 3316 + 3317 + 3318 + 3319 + 3320 + 3321 + 3322 + 3323 + 3324 + 3325 + 3326 + 3327 + 3328 + 3329 + 3330 + 3331 + 3332 + 3333 + 3334 + 3335 + 3336 + 3337 + 3338 + 3339 + 3340 + 3341 + 3342 + 3343 + 3344 + 3345 + 3346 + 3347 + 3348 + 3349 + 3350 + 3351 + 3352 + 3353 + 3354 + 3355 + 3356 + 3357 + 3358 + 3359 + 3360 + 3361 + 3362 + 3363 + 3364 + 3365 + 3366 + 3367 + 3368 + 3369 + 3370 + 3371 + 3372 + 3373 + 3374 + 3375 + 3376 + 3377 + 3378 + 3379 + 3380 + 3381 + 3382 + 3383 + 3384 + 3385 + 3386 + 3387 + 3388 + 3389 + 3390 + 3391 + 3392 + 3393 + 3394 + 3395 + 3396 + 3397 + 3398 + 3399 + 3400 + 3401 + 3402 + 3403 + 3404 + 3405 + 3406 + 3407 + 3408 + 3409 + 3410 + 3411 + 3412 + 3413 + 3414 + 3415 + 3416 + 3417 + 3418 + 3419 + 3420 + 3421 + 3422 + 3423 + 3424 + 3425 + 3426 + 3427 + 3428 + 3429 + 3430 + 3431 + 3432 + 3433 + 3434 + 3435 + 3436 + 3437 + 3438 + 3439 + 3440 + 3441 + 3442 + 3443 + 3444 + 3445 + 3446 + 3447 + 3448 + 3449 + 3450 + 3451 + 3452 + 3453 + 3454 + 3455 + 3456 + 3457 + 3458 + 3459 + 3460 + 3461 + 3462 + 3463 + 3464 + 3465 + 3466 + 3467 + 3468 + 3469 + 3470 + 3471 + 3472 + 3473 + 3474 + 3475 + 3476 + 3477 + 3478 + 3479 + 3480 + 3481 + 3482 + 3483 + 3484 + 3485 + 3486 + 3487 + 3488 + 3489 + 3490 + 3491 + 3492 + 3493 + 3494 + 3495 + 3496 + 3497 + 3498 + 3499 + 3500 + 3501 + 3502 + 3503 + 3504 + 3505 + 3506 + 3507 + 3508 + 3509 + 3510 + 3511 + 3512 + 3513 + 3514 + 3515 + 3516 + 3517 + 3518 + 3519 + 3520 + 3521 + 3522 + 3523 + 3524 + 3525 + 3526 + 3527 + 3528 + 3529 + 3530 + 3531 + 3532 + 3533 + 3534 + 3535 + 3536 + 3537 + 3538 + 3539 + 3540 + 3541 + 3542 + 3543 + 3544 + 3545 + 3546 + 3547 + 3548 + 3549 + 3550 + 3551 + 3552 + 3553 + 3554 + 3555 + 3556 + 3557 + 3558 + 3559 + 3560 + 3561 + 3562 + 3563 + 3564 + 3565 + 3566 + 3567 + 3568 + 3569 + 3570 + 3571 + 3572 + 3573 + 3574 + 3575 + 3576 + 3577 + 3578 + 3579 + 3580 + 3581 + 3582 + 3583 + 3584 + 3585 + 3586 + 3587 + 3588 + 3589 + 3590 + 3591 + 3592 + 3593 + 3594 + 3595 + 3596 + 3597 + 3598 + 3599 + 3600 + 3601 + 3602 + 3603 + 3604 + 3605 + 3606 + 3607 + 3608 + 3609 + 3610 + 3611 + 3612 + 3613 + 3614 + 3615 + 3616 + 3617 + 3618 + 3619 + 3620 + 3621 + 3622 + 3623 + 3624 + 3625 + 3626 + 3627 + 3628 + 3629 + 3630 + 3631 + 3632 + 3633 + 3634 + 3635 + 3636 + 3637 + 3638 + 3639 + 3640 + 3641 + 3642 + 3643 + 3644 + 3645 + 3646 + 3647 + 3648 + 3649 + 3650 + 3651 + 3652 + 3653 + 3654 + 3655 + 3656 + 3657 + 3658 + 3659 + 3660 + 3661 + 3662 + 3663 + 3664 + 3665 + 3666 + 3667 + 3668 + 3669 + 3670 + 3671 + 3672 + 3673 + 3674 + 3675 + 3676 + 3677 + 3678 + 3679 + 3680 + 3681 + 3682 + 3683 + 3684 + 3685 + 3686 + 3687 + 3688 + 3689 + 3690 + 3691 + 3692 + 3693 + 3694 + 3695 + 3696 + 3697 + 3698 + 3699 + 3700 + 3701 + 3702 + 3703 + 3704 + 3705 + 3706 + 3707 + 3708 + 3709 + 3710 + 3711 + 3712 + 3713 + 3714 + 3715 + 3716 + 3717 + 3718 + 3719 + 3720 + 3721 + 3722 + 3723 + 3724 + 3725 + 3726 + 3727 + 3728 + 3729 + 3730 + 3731 + 3732 + 3733 + 3734 + 3735 + 3736 + 3737 + 3738 + 3739 + 3740 + 3741 + 3742 + 3743 + 3744 + 3745 + 3746 + 3747 + 3748 + 3749 + 3750 + 3751 + 3752 + 3753 + 3754 + 3755 + 3756 + 3757 + 3758 + 3759 + 3760 + 3761 + 3762 + 3763 + 3764 + 3765 + 3766 + 3767 + 3768 + 3769 + 3770 + 3771 + 3772 + 3773 + 3774 + 3775 + 3776 + 3777 + 3778 + 3779 + 3780 + 3781 + 3782 + 3783 + 3784 + 3785 + 3786 + 3787 + 3788 + 3789 + 3790 + 3791 + 3792 + 3793 + 3794 + 3795 + 3796 + 3797 + 3798 + 3799 + 3800 + 3801 + 3802 + 3803 + 3804 + 3805 + 3806 + 3807 + 3808 + 3809 + 3810 + 3811 + 3812 + 3813 + 3814 + 3815 + 3816 + 3817 + 3818 + 3819 + 3820 + 3821 + 3822 + 3823 + 3824 + 3825 + 3826 + 3827 + 3828 + 3829 + 3830 + 3831 + 3832 + 3833 + 3834 + 3835 + 3836 + 3837 + 3838 + 3839 + 3840 + 3841 + 3842 + 3843 + 3844 + 3845 + 3846 + 3847 + 3848 + 3849 + 3850 + 3851 + 3852 + 3853 + 3854 + 3855 + 3856 + 3857 + 3858 + 3859 + 3860 + 3861 + 3862 + 3863 + 3864 + 3865 + 3866 + 3867 + 3868 + 3869 + 3870 + 3871 + 3872 + 3873 + 3874 + 3875 + 3876 + 3877 + 3878 + 3879 + 3880 + 3881 + 3882 + 3883 + 3884 + 3885 + 3886 + 3887 + 3888 + 3889 + 3890 + 3891 + 3892 + 3893 + 3894 + 3895 + 3896 + 3897 + 3898 + 3899 + 3900 + 3901 + 3902 + 3903 + 3904 + 3905 + 3906 + 3907 + 3908 + 3909 + 3910 + 3911 + 3912 + 3913 + 3914 + 3915 + 3916 + 3917 + 3918 + 3919 + 3920 + 3921 + 3922 + 3923 + 3924 + 3925 + 3926 + 3927 + 3928 + 3929 + 3930 + 3931 + 3932 + 3933 + 3934 + 3935 + 3936 + 3937 + 3938 + 3939 + 3940 + 3941 + 3942 + 3943 + 3944 + 3945 + 3946 + 3947 + 3948 + 3949 + 3950 + 3951 + 3952 + 3953 + 3954 + 3955 + 3956 + 3957 + 3958 + 3959 + 3960 + 3961 + 3962 + 3963 + 3964 + 3965 + 3966 + 3967 + 3968 + 3969 + 3970 + 3971 + 3972 + 3973 + 3974 + 3975 + 3976 + 3977 + 3978 + 3979 + 3980 + 3981 + 3982 + 3983 + 3984 + 3985 + 3986 + 3987 + 3988 + 3989 + 3990 + 3991 + 3992 + 3993 + 3994 + 3995 + 3996 + 3997 + 3998 + 3999 + 4000 + 4001 + 4002 + 4003 + 4004 + 4005 + 4006 + 4007 + 4008 + 4009 + 4010 + 4011 + 4012 + 4013 + 4014 + 4015 + 4016 + 4017 + 4018 + 4019 + 4020 + 4021 + 4022 + 4023 + 4024 + 4025 + 4026 + 4027 + 4028 + 4029 + 4030 + 4031 + 4032 + 4033 + 4034 + 4035 + 4036 + 4037 + 4038 + 4039 + 4040 + 4041 + 4042 + 4043 + 4044 + 4045 + 4046 + 4047 + 4048 + 4049 + 4050 + 4051 + 4052 + 4053 + 4054 + 4055 + 4056 + 4057 + 4058 + 4059 + 4060 + 4061 + 4062 + 4063 + 4064 + 4065 + 4066 + 4067 + 4068 + 4069 + 4070 + 4071 + 4072 + 4073 + 4074 + 4075 + 4076 + 4077 + 4078 + 4079 + 4080 + 4081 + 4082 + 4083 + 4084 + 4085 + 4086 + 4087 + 4088 + 4089 + 4090 + 4091 + 4092 + 4093 + 4094 + 4095 + 4096 + 4097 + 4098 + 4099 + 4100 + 4101 + 4102 + 4103 + 4104 + 4105 + 4106 + 4107 + 4108 + 4109 + 4110 + 4111 + 4112 + 4113 + 4114 + 4115 + 4116 + 4117 + 4118 + 4119 + 4120 + 4121 + 4122 + 4123 + 4124 + 4125 + 4126 + 4127 + 4128 + 4129 + 4130 + 4131 + 4132 + 4133 + 4134 + 4135 + 4136 + 4137 + 4138 + 4139 + 4140 + 4141 + 4142 + 4143 + 4144 + 4145 + 4146 + 4147 + 4148 + 4149 + 4150 + 4151 + 4152 + 4153 + 4154 + 4155 + 4156 + 4157 + 4158 + 4159 + 4160 + 4161 + 4162 + 4163 + 4164 + 4165 + 4166 + 4167 + 4168 + 4169 + 4170 + 4171 + 4172 + 4173 + 4174 + 4175 + 4176 + 4177 + 4178 + 4179 + 4180 + 4181 + 4182 + 4183 + 4184 + 4185 + 4186 + 4187 + 4188 + 4189 + 4190 + 4191 + 4192 + 4193 + 4194 + 4195 + 4196 + 4197 + 4198 + 4199 + 4200 + 4201 + 4202 + 4203 + 4204 + 4205 + 4206 + 4207 + 4208 + 4209 + 4210 + 4211 + 4212 + 4213 + 4214 + 4215 + 4216 + 4217 + 4218 + 4219 + 4220 + 4221 + 4222 + 4223 + 4224 + 4225 + 4226 + 4227 + 4228 + 4229 + 4230 + 4231 + 4232 + 4233 + 4234 + 4235 + 4236 + 4237 + 4238 + 4239 + 4240 + 4241 + 4242 + 4243 + 4244 + 4245 + 4246 + 4247 + 4248 + 4249 + 4250 + 4251 + 4252 + 4253 + 4254 + 4255 + 4256 + 4257 + 4258 + 4259 + 4260 + 4261 + 4262 + 4263 + 4264 + 4265 + 4266 + 4267 + 4268 + 4269 + 4270 + 4271 + 4272 + 4273 + 4274 + 4275 + 4276 + 4277 + 4278 + 4279 + 4280 + 4281 + 4282 + 4283 + 4284 + 4285 + 4286 + 4287 + 4288 + 4289 + 4290 + 4291 + 4292 + 4293 + 4294 + 4295 + 4296 + 4297 + 4298 + 4299 + 4300 + 4301 + 4302 + 4303 + 4304 + 4305 + 4306 + 4307 + 4308 + 4309 + 4310 + 4311 + 4312 + 4313 + 4314 + 4315 + 4316 + 4317 + 4318 + 4319 + 4320 + 4321 + 4322 + 4323 + 4324 + 4325 + 4326 + 4327 + 4328 + 4329 + 4330 + 4331 + 4332 + 4333 + 4334 + 4335 + 4336 + 4337 + 4338 + 4339 + 4340 + 4341 + 4342 + 4343 + 4344 + 4345 + 4346 + 4347 + 4348 + 4349 + 4350 + 4351 + 4352 + 4353 + 4354 + 4355 + 4356 + 4357 + 4358 + 4359 + 4360 + 4361 + 4362 + 4363 + 4364 + 4365 + 4366 + 4367 + 4368 + 4369 + 4370 + 4371 + 4372 + 4373 + 4374 + 4375 + 4376 + 4377 + 4378 + 4379 + 4380 + 4381 + 4382 + 4383 + 4384 + 4385 + 4386 + 4387 + 4388 + 4389 + 4390 + 4391 + 4392 + 4393 + 4394 + 4395 + 4396 + 4397 + 4398 + 4399 + 4400 + 4401 + 4402 + 4403 + 4404 + 4405 + 4406 + 4407 + 4408 + 4409 + 4410 + 4411 + 4412 + 4413 + 4414 + 4415 + 4416 + 4417 + 4418 + 4419 + 4420 + 4421 + 4422 + 4423 + 4424 + 4425 + 4426 + 4427 + 4428 + 4429 + 4430 + 4431 + 4432 + 4433 + 4434 + 4435 + 4436 + 4437 + 4438 + 4439 + 4440 + 4441 + 4442 + 4443 + 4444 + 4445 + 4446 + 4447 + 4448 + 4449 + 4450 + 4451 + 4452 + 4453 + 4454 + 4455 + 4456 + 4457 + 4458 + 4459 + 4460 + 4461 + 4462 + 4463 + 4464 + 4465 + 4466 + 4467 + 4468 + 4469 + 4470 + 4471 + 4472 + 4473 + 4474 + 4475 + 4476 + 4477 + 4478 + 4479 + 4480 + 4481 + 4482 + 4483 + 4484 + 4485 + 4486 + 4487 + 4488 + 4489 + 4490 + 4491 + 4492 + 4493 + 4494 + 4495 + 4496 + 4497 + 4498 + 4499 + 4500 + 4501 + 4502 + 4503 + 4504 + 4505 + 4506 + 4507 + 4508 + 4509 + 4510 + 4511 + 4512 + 4513 + 4514 + 4515 + 4516 + 4517 + 4518 + 4519 + 4520 + 4521 + 4522 + 4523 + 4524 + 4525 + 4526 + 4527 + 4528 + 4529 + 4530 + 4531 + 4532 + 4533 + 4534 + 4535 + 4536 + 4537 + 4538 + 4539 + 4540 + 4541 + 4542 + 4543 + 4544 + 4545 + 4546 + 4547 + 4548 + 4549 + 4550 + 4551 + 4552 + 4553 + 4554 + 4555 + 4556 + 4557 + 4558 + 4559 + 4560 + 4561 + 4562 + 4563 + 4564 + 4565 + 4566 + 4567 + 4568 + 4569 + 4570 + 4571 + 4572 + 4573 + 4574 + 4575 + 4576 + 4577 + 4578 + 4579 + 4580 + 4581 + 4582 + 4583 + 4584 + 4585 + 4586 + 4587 + 4588 + 4589 + 4590 + 4591 + 4592 + 4593 + 4594 + 4595 + 4596 + 4597 + 4598 + 4599 + 4600 + 4601 + 4602 + 4603 + 4604 + 4605 + 4606 + 4607 + 4608 + 4609 + 4610 + 4611 + 4612 + 4613 + 4614 + 4615 + 4616 + 4617 + 4618 + 4619 + 4620 + 4621 + 4622 + 4623 + 4624 + 4625 + 4626 + 4627 + 4628 + 4629 + 4630 + 4631 + 4632 + 4633 + 4634 + 4635 + 4636 + 4637 + 4638 + 4639 + 4640 + 4641 + 4642 + 4643 + 4644 + 4645 + 4646 + 4647 + 4648 + 4649 + 4650 + 4651 + 4652 + 4653 + 4654 + 4655 + 4656 + 4657 + 4658 + 4659 + 4660 + 4661 + 4662 + 4663 + 4664 + 4665 + 4666 + 4667 + 4668 + 4669 + 4670 + 4671 + 4672 + 4673 + 4674 + 4675 + 4676 + 4677 + 4678 + 4679 + 4680 + 4681 + 4682 + 4683 + 4684 + 4685 + 4686 + 4687 + 4688 + 4689 + 4690 + 4691 + 4692 + 4693 + 4694 + 4695 + 4696 + 4697 + 4698 + 4699 + 4700 + 4701 + 4702 + 4703 + 4704 + 4705 + 4706 + 4707 + 4708 + 4709 + 4710 + 4711 + 4712 + 4713 + 4714 + 4715 + 4716 + 4717 + 4718 + 4719 + 4720 + 4721 + 4722 + 4723 + 4724 + 4725 + 4726 + 4727 + 4728 + 4729 + 4730 + 4731 + 4732 + 4733 + 4734 + 4735 + 4736 + 4737 + 4738 + 4739 + 4740 + 4741 + 4742 + 4743 + 4744 + 4745 + 4746 + 4747 + 4748 + 4749 + 4750 + 4751 + 4752 + 4753 + 4754 + 4755 + 4756 + 4757 + 4758 + 4759 + 4760 + 4761 + 4762 + 4763 + 4764 + 4765 + 4766 + 4767 + 4768 + 4769 + 4770 + 4771 + 4772 + 4773 + 4774 + 4775 + 4776 + 4777 + 4778 + 4779 + 4780 + 4781 + 4782 + 4783 + 4784 + 4785 + 4786 + 4787 + 4788 + 4789 + 4790 + 4791 + 4792 + 4793 + 4794 + 4795 + 4796 + 4797 + 4798 + 4799 + 4800 + 4801 + 4802 + 4803 + 4804 + 4805 + 4806 + 4807 + 4808 + 4809 + 4810 + 4811 + 4812 + 4813 + 4814 + 4815 + 4816 + 4817 + 4818 + 4819 + 4820 + 4821 + 4822 + 4823 + 4824 + 4825 + 4826 + 4827 + 4828 + 4829 + 4830 + 4831 + 4832 + 4833 + 4834 + 4835 + 4836 + 4837 + 4838 + 4839 + 4840 + 4841 + 4842 + 4843 + 4844 + 4845 + 4846 + 4847 + 4848 + 4849 + 4850 + 4851 + 4852 + 4853 + 4854 + 4855 + 4856 + 4857 + 4858 + 4859 + 4860 + 4861 + 4862 + 4863 + 4864 + 4865 + 4866 + 4867 + 4868 + 4869 + 4870 + 4871 + 4872 + 4873 + 4874 + 4875 + 4876 + 4877 + 4878 + 4879 + 4880 + 4881 + 4882 + 4883 + 4884 + 4885 + 4886 + 4887 + 4888 + 4889 + 4890 + 4891 + 4892 + 4893 + 4894 + 4895 + 4896 + 4897 + 4898 + 4899 + 4900 + 4901 + 4902 + 4903 + 4904 + 4905 + 4906 + 4907 + 4908 + 4909 + 4910 + 4911 + 4912 + 4913 + 4914 + 4915 + 4916 + 4917 + 4918 + 4919 + 4920 + 4921 + 4922 + 4923 + 4924 + 4925 + 4926 + 4927 + 4928 + 4929 + 4930 + 4931 + 4932 + 4933 + 4934 + 4935 + 4936 + 4937 + 4938 + 4939 + 4940 + 4941 + 4942 + 4943 + 4944 + 4945 + 4946 + 4947 + 4948 + 4949 + 4950 + 4951 + 4952 + 4953 + 4954 + 4955 + 4956 + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart Outlet2D_Outlet // Group Outlet // Subtree Outlet2D + Begin SubModelPartNodes + 2528 + 2529 + 2531 + 2532 + 2534 + 2536 + 2538 + 2541 + 2543 + 2546 + 2551 + 2554 + 2559 + 2561 + 2565 + 2568 + 2574 + 2576 + 2580 + 2583 + 2585 + 2590 + 2593 + 2596 + 2599 + 2602 + 2604 + 2605 + 2607 + 2608 + 2609 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart NoSlip2D_Wall // Group Wall // Subtree NoSlip2D + Begin SubModelPartNodes + 1 + 3 + 7 + 12 + 18 + 25 + 38 + 49 + 62 + 76 + 94 + 114 + 134 + 159 + 184 + 208 + 210 + 213 + 216 + 218 + 227 + 234 + 241 + 247 + 257 + 269 + 286 + 306 + 314 + 316 + 319 + 322 + 327 + 334 + 335 + 342 + 346 + 353 + 363 + 366 + 380 + 384 + 397 + 421 + 461 + 501 + 502 + 532 + 540 + 546 + 557 + 577 + 584 + 589 + 612 + 617 + 630 + 646 + 648 + 672 + 674 + 685 + 706 + 720 + 721 + 722 + 723 + 728 + 731 + 736 + 740 + 744 + 747 + 756 + 762 + 767 + 770 + 779 + 780 + 785 + 794 + 806 + 807 + 810 + 814 + 829 + 832 + 838 + 842 + 846 + 862 + 865 + 877 + 894 + 913 + 924 + 951 + 956 + 978 + 993 + 1000 + 1024 + 1031 + 1045 + 1069 + 1071 + 1097 + 1106 + 1122 + 1144 + 1147 + 1173 + 1184 + 1200 + 1222 + 1228 + 1255 + 1261 + 1283 + 1297 + 1311 + 1333 + 1337 + 1366 + 1368 + 1395 + 1408 + 1423 + 1446 + 1453 + 1481 + 1482 + 1513 + 1519 + 1543 + 1552 + 1571 + 1587 + 1601 + 1625 + 1631 + 1659 + 1664 + 1690 + 1700 + 1719 + 1734 + 1748 + 1769 + 1778 + 1803 + 1808 + 1837 + 1839 + 1870 + 1874 + 1901 + 1912 + 1931 + 1947 + 1963 + 1983 + 1993 + 2017 + 2025 + 2051 + 2057 + 2085 + 2090 + 2119 + 2120 + 2151 + 2156 + 2185 + 2193 + 2216 + 2227 + 2245 + 2262 + 2276 + 2296 + 2310 + 2330 + 2341 + 2365 + 2374 + 2399 + 2403 + 2431 + 2435 + 2466 + 2467 + 2495 + 2499 + 2523 + 2528 + 2555 + 2575 + 2589 + 2600 + 2606 + 2609 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Total // Group Inlet // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 11 + 17 + 26 + 37 + 48 + 61 + 75 + 93 + 113 + 133 + 157 + 183 + 209 + 230 + 246 + 267 + 291 + 315 + 347 + 385 + 422 + 462 + 503 + 547 + 590 + 631 + 675 + 721 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM.py new file mode 100644 index 00000000..46e2c6b3 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM.py @@ -0,0 +1,274 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + +import json + +import numpy as np + +#for checking if paths exits +import os + +#importing training trajectory +from simulation_trajectories import TrainingTrajectory + + + +class FOM_Class(FluidDynamicsAnalysis): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.time_step_solution_container = [] + self.reynolds_number_container = [] + + + def InitialMeshPosition(self): + self.training_trajectory = TrainingTrajectory(self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble()) + self.w = self.training_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.InitialMeshPosition() + + + + def MovePart(self, part_name, jacobian, centering_vector, extra_centering): + x_original = [] + y_original = [] + # first loop + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(1,-1) + y_original = np.array(y_original).reshape(1,-1) + matrix_of_coordinates = np.r_[x_original, y_original] + modified_matrix_of_coordinates = np.linalg.inv(jacobian) @ (matrix_of_coordinates - centering_vector) + modified_matrix_of_coordinates += centering_vector + extra_centering #re-locating + # second loop + i = 0 + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = modified_matrix_of_coordinates[0,i] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = modified_matrix_of_coordinates[1,i] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_Meassure").Nodes: + pass + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.w) + + + def MoveAllPartsAccordingToW(self): + ############################# + #### FREE ALL NODES #### + ############################# + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + #### FIXING OUTSIDE PART #### + ############################# + for node in self.model.GetModelPart("FluidModelPart.GENERIC_not_moving").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + ### MOVE EACH SUB-PART ### + ############################# + self.MovePart('GENERIC_green', np.array([[1,0],[0,1/self.w]]), np.array([[0],[1.5]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_up', np.array([[1,0],[0, (2/(3-self.w))]]), np.array([[0],[3]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_down', np.array([[1,0],[0, 2/(3-self.w)]]), np.array([[0],[0]]), np.array([[0],[0]])) + self.MovePart('GENERIC_blue', np.array([[1,0],[(self.w-1)/2, 1]]), np.array([[0],[0]]), np.array([[0],[(self.w-1)/4]])) + self.MovePart('GENERIC_grey', np.array([[1,0],[(1-self.w)/2, 1]]), np.array([[0],[0]]), np.array([[0],[- (self.w-1)/4]])) + + + + def UpdateNarrowing(self): + self.w = self.training_trajectory.UpdateW(self.w) + + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + print('The current Reynolds Number is: ', self.GetReynolds()) + + + + def GetReynolds(self): + velocities = [] + for node in self.model.GetModelPart("FluidModelPart.GENERIC_narrowing_zone").Nodes: + velocities.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + vel_np = np.array(velocities) + + vx = np.max(vel_np) #np.mean(vel_np) + Re = (vx*self.w) / 0.1 #TODO retrieve dynamic viscosity in a more robust way + return Re + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + self.reynolds_number_container.append(self.GetReynolds()) + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + def GetBifuracationData(self): + return np.array(self.velocity_y_at_control_point) , np.array(self.narrowing_width) + + def GetReynoldsData(self): + return np.array(self.reynolds_number_container) + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + + + + + + + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing = simulation.GetBifuracationData() + reynolds = simulation.GetReynoldsData() + np.save('Results/reynolds.npy', reynolds) + np.save('Results/narrowing.npy', narrowing) + np.save('Results/Velocity_y.npy', velocity_y) + np.save('Results/SnapshotMatrix.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + Train_ROM() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM_TestTrajectory.py new file mode 100644 index 00000000..984fac93 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FOM_TestTrajectory.py @@ -0,0 +1,163 @@ +import KratosMultiphysics +from FOM import FOM_Class + + + +import KratosMultiphysics.RomApplication as romapp +import json + +import numpy as np + +#for checking if paths exits +import os + + +#importing testing trajectory +from simulation_trajectories import TestingTrajectory2 + + +class FOM_Class_test(FOM_Class): + + def InitialMeshPosition(self): + self.testing_trajectory = TestingTrajectory2() + self.w = self.testing_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + def UpdateNarrowing(self): + self.w = self.testing_trajectory.UpdateW(self.time-10) + + + def InitializeSolutionStep(self): + super(FOM_Class, self).InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + print('The current Reynolds Number is: ', self.GetReynolds()) + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM_test' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + +def FOM_test(): + + if not os.path.exists(f'./Results/FOM_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class_test(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing = simulation.GetBifuracationData() + reynolds = simulation.GetReynoldsData() + np.save('Results/reynolds_test.npy', reynolds) + np.save('Results/narrowing_test.npy', narrowing) + np.save('Results/Velocity_y_test.npy', velocity_y) + np.save('Results/SnapshotMatrix_test.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + FOM_test() + + + + + + + + + + + + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FluidMaterials.json new file mode 100644 index 00000000..24e1bedf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/FluidMaterials.json @@ -0,0 +1,16 @@ +{ + "properties" : [{ + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "properties_id" : 1, + "Material" : { + "constitutive_law" : { + "name" : "Newtonian2DLaw" + }, + "Variables" : { + "DENSITY" : 1.0, + "DYNAMIC_VISCOSITY" : 0.1 + }, + "Tables" : {} + } + }] +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/HROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/HROM_TestTrajectory.py new file mode 100644 index 00000000..e3ade411 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/HROM_TestTrajectory.py @@ -0,0 +1,126 @@ +import KratosMultiphysics +from ROM_TestTrajectory import ROM_Class_test + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt +import os + + + + + + +class HROMClass_test(ROM_Class_test): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 4916 #TODO, get rid of this, load both elements and condition sets + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + + + + + + + + + + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass_test(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + + vy_rom, w_rom = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test' + updated_project_parameters["output_processes"]["vtk_output"][0]["Parameters"]["output_path"] = working_path +f'/Results/vtk_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}_test' + + + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ProjectParameters.json new file mode 100644 index 00000000..c4bc9c92 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ProjectParameters.json @@ -0,0 +1,162 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data" : { + "problem_name" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc", + "parallel_type" : "OpenMP", + "echo_level" : 0, + "start_time" : 0.0, + "end_time" : 244 + }, + "output_processes" : { + "gid_output" : [{ + "python_module" : "gid_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "GiDOutputProcess", + "help" : "This process writes postprocessing files for GiD", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_name" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc", + "postprocess_parameters" : { + "result_file_configuration" : { + "gidpost_flags" : { + "GiDPostMode" : "GiD_PostBinary", + "WriteDeformedMeshFlag" : "WriteDeformed", + "WriteConditionsFlag" : "WriteConditions", + "MultiFileFlag" : "SingleFile" + }, + "file_label" : "time", + "output_control_type" : "time", + "output_interval" : 0.5, + "body_output" : true, + "node_output" : false, + "skin_output" : false, + "plane_output" : [], + "nodal_results" : ["VELOCITY","PRESSURE","MESH_DISPLACEMENT"], + "gauss_point_results" : [], + "nodal_nonhistorical_results" : [] + }, + "point_data_configuration" : [] + } + } + }], + "vtk_output" : [{ + "python_module" : "vtk_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "VtkOutputProcess", + "help" : "This process writes postprocessing files for Paraview", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_control_type" : "step", + "output_interval" : 1, + "file_format" : "binary", + "output_precision" : 7, + "output_sub_model_parts" : false, + "output_path" : "vtk_output", + "save_output_files_in_folder" : true, + "nodal_solution_step_data_variables" : ["VELOCITY","PRESSURE"], + "nodal_data_value_variables" : [], + "element_data_value_variables" : ["HROM_WEIGHT"], + "condition_data_value_variables" : [], + "gauss_point_variables_extrapolated_to_nodes" : [] + } + }], + "rom_output" : [] + }, + "solver_settings" : { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings" : { + "solver_type" : "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name" : "FluidModelPart", + "domain_size" : 2, + "solver_type" : "Monolithic", + "model_import_settings" : { + "input_type" : "mdpa", + "input_filename" : "2DFlowBifurcationKratosStructuredMeshWorkingRicc" + }, + "material_import_settings" : { + "materials_filename" : "FluidMaterials.json" + }, + "echo_level" : 0, + "compute_reactions" : false, + "maximum_iterations" : 10, + "relative_velocity_tolerance" : 1e-8, + "absolute_velocity_tolerance" : 1e-8, + "relative_pressure_tolerance" : 1e-8, + "absolute_pressure_tolerance" : 1e-8, + "volume_model_part_name" : "FluidParts_Volume", + "skin_parts" : ["Outlet2D_Outlet","NoSlip2D_Wall"], + "no_skin_parts" : ["VelocityConstraints2D_Inlet-Total"], + "time_scheme" : "bdf2", + "time_stepping" : { + "automatic_time_step" : false, + "time_step" : 0.1 + }, + "formulation" : { + "element_type" : "weakly_compressible", + "dynamic_tau" : 1.0 + }, + "reform_dofs_at_each_step" : false + } + }, + "processes" : { + "initial_conditions_process_list" : [], + "boundary_conditions_process_list" : [{ + "python_module" : "apply_outlet_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyOutletProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.Outlet2D_Outlet", + "variable_name" : "PRESSURE", + "constrained" : true, + "value" : 0.0, + "hydrostatic_outlet" : false, + "h_top" : 0.0 + } + },{ + "python_module" : "apply_noslip_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyNoSlipProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.NoSlip2D_Wall" + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,1], + "constrained" : [true,true,true], + "value" : ["y*(3-y)*sin(pi*t*0.5)",0.0,0.0] + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,"End"], + "constrained" : [true,true,true], + "value" : ["y*(3-y)",0.0,0.0] + } + }], + "gravity" : [{ + "python_module" : "assign_vector_by_direction_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorByDirectionProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "variable_name" : "BODY_FORCE", + "modulus" : 0.0, + "constrained" : false, + "direction" : [0.0,-1.0,0.0] + } + }], + "auxiliar_process_list" : [] + } +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ROM_TestTrajectory.py new file mode 100644 index 00000000..4a93c581 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/ROM_TestTrajectory.py @@ -0,0 +1,145 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json + + +import numpy as np +import os + + +#importing testing trajectory +from simulation_trajectories import TestingTrajectory2 + + + +class ROM_Class_test(ROM_Class): + + + def InitialMeshPosition(self): + self.testing_trajectory = TestingTrajectory2() + self.w = self.testing_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + + def UpdateNarrowing(self): + self.w = self.testing_trajectory.UpdateW(self.time-10) + + + + + def InitializeSolutionStep(self): + super(ROM_Class, self).InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + + + + + + + + + + + + + + + + + +def prepare_files(working_path,svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}_test' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(hard_impose_currect_cluster = False, Number_Of_Clusters=1, svd_truncation_tolerance=1e-4): + + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class_test(global_model, parameters, correct_clusters, hard_impose_currect_cluster, bases) + simulation.Run() + np.save(f'Results/ROM_snapshots_{svd_truncation_tolerance}_test.npy',simulation.GetSnapshotsMatrix()) + vy_rom,w_rom = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_{svd_truncation_tolerance}_test.npy', vy_rom) + np.save(f'Results/narrowing_ROM_{svd_truncation_tolerance}_test.npy', w_rom) + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path,svd_truncation_tolerance) + + + ROM(hard_impose_currect_cluster = True, Number_Of_Clusters=Number_Of_Clusters, svd_truncation_tolerance=svd_truncation_tolerance) + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_HROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_HROM.py new file mode 100644 index 00000000..1268863d --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_HROM.py @@ -0,0 +1,97 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + + + +import numpy as np +import os + + + +class HROMClass(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance,hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 4916 + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + vy_rom, w_rom = simulation.GetBifuracationData() + np.save(f'Results/y_velocity_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + updated_project_parameters["output_processes"]["vtk_output"][0]["Parameters"]["output_path"] = working_path +f'/Results/vtk_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_ROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_ROM.py new file mode 100644 index 00000000..73fad925 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/Run_ROM.py @@ -0,0 +1,272 @@ +import KratosMultiphysics +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np + + + + +import os.path + + + +#importing training trajectory +from simulation_trajectories import TrainingTrajectory + + + + + + + +class ROM_Class(FluidDynamicsAnalysisROM): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + self.bases = bases + self.w = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 + self.maximum = 2.9 + self.minimum = 0.1 + self.control_point = None + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.tttime = 0 #fake time step, useful to impose the correct cluster + self.time_step_solution_container = [] + + + def InitialMeshPosition(self): + self.training_trajectory = TrainingTrajectory() + self.w = self.training_trajectory.SetUpInitialNarrowing() + self.MoveAllPartsAccordingToW() + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.InitialMeshPosition() + + + def MovePart(self, part_name, jacobian, centering_vector, extra_centering): + x_original = [] + y_original = [] + # first loop + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(1,-1) + y_original = np.array(y_original).reshape(1,-1) + matrix_of_coordinates = np.r_[x_original, y_original] + modified_matrix_of_coordinates = np.linalg.inv(jacobian) @ (matrix_of_coordinates - centering_vector) + modified_matrix_of_coordinates += centering_vector + extra_centering #re-locating + # second loop + i = 0 + for node in self.model.GetModelPart(f"FluidModelPart.{part_name}").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = modified_matrix_of_coordinates[0,i] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = modified_matrix_of_coordinates[1,i] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + def MoveAllPartsAccordingToW(self): + ############################# + #### FREE ALL NODES #### + ############################# + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + #### FIXING OUTSIDE PART #### + ############################# + for node in self.model.GetModelPart("FluidModelPart.GENERIC_not_moving").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + ############################# + ### MOVE EACH SUB-PART ### + ############################# + self.MovePart('GENERIC_green', np.array([[1,0],[0,1/self.w]]), np.array([[0],[1.5]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_up', np.array([[1,0],[0, (2/(3-self.w))]]), np.array([[0],[3]]), np.array([[0],[0]])) + self.MovePart('GENERIC_yellow_down', np.array([[1,0],[0, 2/(3-self.w)]]), np.array([[0],[0]]), np.array([[0],[0]])) + self.MovePart('GENERIC_blue', np.array([[1,0],[(self.w-1)/2, 1]]), np.array([[0],[0]]), np.array([[0],[(self.w-1)/4]])) + self.MovePart('GENERIC_grey', np.array([[1,0],[(1-self.w)/2, 1]]), np.array([[0],[0]]), np.array([[0],[- (self.w-1)/4]])) + + + def StoreBifurcationData(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_Meassure").Nodes: + pass + #node = self.model.GetModelPart("Meassure").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.w) + + + def UpdateNarrowing(self): + self.w = self.training_trajectory.UpdateW(self.w) + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + if self.time>10.0: # start modifying narrowing from 10 seconds onwards (How long does it take to close????) + self.UpdateNarrowing() + self.MoveAllPartsAccordingToW() + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + self.tttime += 1 + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + +def prepare_files(working_path,svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}' + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(hard_impose_currect_cluster = False, Number_Of_Clusters=1, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}.post.bin'): + if not os.path.exists(f'./ROM/'): + os.mkdir('./ROM') + basis = f'./ROM/Phi_{svd_truncation_tolerance}.npy' + if os.path.exists(basis): + u = np.load(basis) + else: + u,s,_,_ = RandomizedSingularValueDecomposition().Calculate(np.load(f'./Results/SnapshotMatrix.npy'), svd_truncation_tolerance) + np.save(basis,u) + + ### Saving the nodal basis ### (Need to make this more robust, hard coded here) + basis_POD={"rom_settings":{},"nodal_modes":{}} + basis_POD["rom_settings"]["nodal_unknowns"] = ["VELOCITY_X","VELOCITY_Y","PRESSURE"] + basis_POD["rom_settings"]["number_of_rom_dofs"] = np.shape(u)[1] + Dimensions = len(basis_POD["rom_settings"]["nodal_unknowns"]) + N_nodes=np.shape(u)[0]/Dimensions + N_nodes = int(N_nodes) + node_Id=np.linspace(1,N_nodes,N_nodes) + i = 0 + for j in range (0,N_nodes): + basis_POD["nodal_modes"][int(node_Id[j])] = (u[i:i+Dimensions].tolist()) + i=i+Dimensions + + with open('ProblemFiles/RomParameters.json', 'w') as f: + json.dump(basis_POD,f, indent=2) + + print('\n\nNodal basis printed in json format\n\n') + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class(global_model, parameters, correct_clusters, hard_impose_currect_cluster, bases) + simulation.Run() + np.save(f'./Results/ROM_snapshots_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom = simulation.GetBifuracationData() + + np.save(f'./Results/y_velocity_ROM_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'./Results/narrowing_ROM_{svd_truncation_tolerance}.npy', w_rom) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path,svd_truncation_tolerance) + + + ROM(hard_impose_currect_cluster = True, Number_Of_Clusters=Number_Of_Clusters, svd_truncation_tolerance=svd_truncation_tolerance) + + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step1.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step1.py new file mode 100644 index 00000000..5c1e8f3e --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step1.py @@ -0,0 +1,90 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json +import numpy as np + + + + +import os.path + + +class TrainHROMClass(ROM_Class): + + def __init__(self, model, project_parameters,svd_truncation_tolerance): + super().__init__(model, project_parameters, hrom="EmpiricalCubature") + self.svd_truncation_tolerance = svd_truncation_tolerance + + + + + + + +def Train_HROM(svd_truncation_tolerance): + + projected_residuals = f'HROM/Sr_{svd_truncation_tolerance}.npy' + + + if not os.path.exists(projected_residuals): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = TrainHROMClass(global_model, parameters, svd_truncation_tolerance) + simulation.Run() + + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"] = [] + updated_project_parameters["output_processes"]["vtk_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path) + + Train_HROM(svd_truncation_tolerance) + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step2.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step2.py new file mode 100644 index 00000000..ac50c49c --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/TrainHROM_Step2.py @@ -0,0 +1,155 @@ +import numpy as np +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition +from matplotlib import pyplot as plt + +import os.path +import os + + + + +def select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance): + + weights = f'HROM/WeightsMatrix_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + elements = f'HROM/Elementsvector_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(weights) and not os.path.exists(elements): + #u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr.npy'), tol) # HEAVY!!! + u = np.load(f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy') + + hyper_reduction_element_selector = EmpiricalCubatureMethod() + hyper_reduction_element_selector.SetUp(u) #add again z + hyper_reduction_element_selector.Initialize() + hyper_reduction_element_selector.Calculate() + + + w = np.squeeze(hyper_reduction_element_selector.w) + z = np.squeeze(hyper_reduction_element_selector.z) + + WeightsMatrix = w.reshape(np.size(z),1) + + np.save(weights, WeightsMatrix ) + np.save(elements, z) + + + +def split_matrix_in_columns(svd_truncation_tolerance): + + array_name = f'HROM/Sr_{svd_truncation_tolerance}' + + if not os.path.exists(array_name + '/column_block1.npy'): + + #load array + array = np.load(array_name+'.npy') + + + # Create a folder with the given name + if not os.path.exists(array_name): + os.makedirs(array_name) + + # Create the spliting of the matrix inside the folder + if not os.path.exists(array_name + '/column_block1.npy'): + n_rows, n_cols = array.shape + block_size = n_rows + + start_col = 0 + block_number = 1 + + while start_col < n_cols: + end_col = min(start_col + block_size, n_cols) + + # Check if the remaining columns are too few; if so, merge with the previous block + if n_cols - end_col < block_size / 2 and start_col != 0: + end_col = n_cols + + # Slice the array and save + block = array[:, start_col:end_col] + np.save(os.path.join(array_name, f'column_block{block_number}.npy'), block) + + start_col = end_col + block_number += 1 + + os.remove(array_name+'.npy') + + +def get_global_basis(svd_truncation_tolerance): + + if not os.path.exists(f'HROM/global_basis_{svd_truncation_tolerance}.npy'): + + array_name = f'HROM/Sr_{svd_truncation_tolerance}' + + # List all .npy files in the folder + files = [f for f in os.listdir(array_name) if f.endswith('.npy')] + + u = None + + for file in files: + file_path = os.path.join(array_name, file) + + # Load the file + data = np.load(file_path) + + if u is None: + u, s ,_ = np.linalg.svd(data, full_matrices=False) + else: + print('updating basis') + u2, s2, _ = np.linalg.svd(data, full_matrices=False) + u, s, _ = np.linalg.svd(np.c_[u*s, u2*s2], full_matrices=False) + + #store global basis and global singular values + np.save(f'HROM/global_basis_{svd_truncation_tolerance}.npy',u) + np.save(f'HROM/global_singular_values_{svd_truncation_tolerance}.npy',s) + + + +def truncated_svd(u,s,epsilon=0): + tol = np.finfo(float).eps*max(s)/2 + R = np.sum(s > tol) # Definition of numerical rank + if epsilon == 0: + K = R + else: + SingVsq = np.multiply(s,s) + SingVsq.sort() + normEf2 = np.sqrt(np.cumsum(SingVsq)) + epsilon = epsilon*normEf2[-1] #relative tolerance + T = (sum(normEf2 total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #get list containing snapshots to add to each overlapped cluster + if overlaping_snapshots is not 0: + snapshots_to_add = {} + for i in range(time_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == time_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(time_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + + +def ismember(A, B): + if isinstance(A, np.int_): + return [ np.sum(A == B) ] + else: + return [ np.sum(a == B) for a in A ] + +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + kmeans = KMeans(n_clusters=narrowing_clusters, random_state=0).fit(narrowing.reshape(-1,1)) + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(narrowing_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + correct_cluster = kmeans.labels_ + centroids = kmeans.cluster_centers_ + + if narrowing_clusters>1: + #try and use as is solution manifold neighbor identification + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + narrowing = narrowing.reshape(1,-1) + for i in range(np.shape(narrowing)[1]): + this_matrix = (kmeans.cluster_centers_).T - narrowing[:,i].reshape(np.shape(narrowing)[0], 1) + distance = np.zeros((narrowing_clusters)) + for j in range(narrowing_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + #get list containing snapshots to add to each overlapped cluster + if True: + #if overlaping_snapshots is not 0: + + snapshots_to_add = [] + for j in range(narrowing_clusters): + N_neighbors = len(neighbors[j]) + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + ith_narrowing_cluster = narrowing[:,kmeans.labels_==neighbors[j][i]] + this_matrix = ith_narrowing_cluster - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(narrowing)[0], 1) + distance = np.linalg.norm(this_matrix, axis = 0) + #distance = np.zeros(np.shape(ith_narrowing_cluster[1])) + #for k in range(len(distance)): + # distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + + return sub_snapshots, correct_cluster + + +def solution_manifold_clustering(): + pass + + + +if __name__=='__main__': + #S = np.load('SnapshotMatrix.npy') + #narrowing = np.load('narrowing.npy') + narrowing = np.linspace(0,1,12) + S = np.array([[1,2,3,4,5,6,7,8,9,10,11,12],[1,2,3,4,5,6,7,8,9,10,11,12]]) + #a = narrowing.reshape(1,-1) + #S = np.r_[a, a , a, a] + sub_snapshots, correct_cluster = time_clustering(S, 3,0) + #sub_snapshots, correct_cluster = narrowing_clustering(S, narrowing, 3, 2) + #sub_snapshots, correct_cluster = solution_manifold_clustering(S) + #sub_snapshots, correct_cluster = time_clustering(S) + kkk = 5 + + # + + +""" + +def solution_manifold_clustering(S, solution_manifold_clusters = 3, overlaping_snapshots = 1 ): + #S = np.load('SnapshotMatrix.npy') + kmeans = KMeans(n_clusters = solution_manifold_clusters, random_state=0).fit(S.T) + correct_cluster = kmeans.labels_ + + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(solution_manifold_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + for i in range(np.shape(S)[1]): + this_matrix = (kmeans.cluster_centers_).T - S[:,i].reshape(np.shape(S)[0], 1) + distance = np.zeros((solution_manifold_clusters)) + for j in range(solution_manifold_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + snapshots_to_add = [] + + for j in range(solution_manifold_clusters): + N_snaps = np.shape(sub_snapshots[j])[1] + N_neighbors = len(neighbors[j]) + + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + this_matrix = sub_snapshots[neighbors[j][i]] - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(S)[0], 1) + distance = np.zeros(np.shape(sub_snapshots[neighbors[j][i]][1])) + for k in range(len(distance)): + distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(solution_manifold_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + + +""" +This is wrong, but save for now as reference +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + # wrong implementation :( + # MINE (no k-means) + #S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + #narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + correct_cluster = np.empty(narrowing.shape) + for i in range(narrowing_clusters): + # In this implementation, I just shuffle (order) the snapshots to match the narrowing width. No time-relation whatsoever + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + correct_cluster[intersection] = i + ith_narrowing = narrowing[intersection] + ith_indexes_ordered = np.argsort(ith_narrowing) + sub_snapshots[i] = S[:,ith_indexes_ordered] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + # storing centroids + if i==0: + centroids = np.sum(ith_narrowing)/(ith_narrowing.shape[0]) + else: + centroids = np.c_[centroids, np.sum(ith_narrowing)/(ith_narrowing.shape[0])] + np.save('cluster_centroid.npy', centroids) + #overlapping after correct cluster definition + + #get list containing snapshots to add to each overlapped cluster + snapshots_to_add = {} + for i in range(narrowing_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == narrowing_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + +""" +def time_clustering(time_clusters = 5, overlaping_snapshots = 1 ): + #it works, but no overlapping + S = np.load('SnapshotMatrix.npy') + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + + return sub_snapshots, correct_cluster +""" + + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + #no overlapping. MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + return sub_snapshots, correct_cluster +""" + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + # MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + #overlapping after correct cluster definition + # In this implementation, I just shuffle the snapshots to match the narrowing width. No time relation whatsoever + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + if i == 0: + ith_narrowing = narrowing[intersection] + + ith_indexes = np.argsort(ith_narrowing) + ith_narrowing_ordered = ith_narrowing[ith_indexes] + plt.plot(ith_narrowing, 'b') + plt.plot(ith_narrowing_ordered, 'r') + plt.show() + + elif i == narrowing_clusters-1: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + else: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + sub_snapshots[i] = np.c_[sub_snapshots[i] , sub_snapshots[i+1][:, :overlaping_snapshots] ] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster +""" + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_bifurcation.py new file mode 100644 index 00000000..5a0e5ce2 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_bifurcation.py @@ -0,0 +1,84 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + #library for passing arguments to the script from bash + from sys import argv + + + tol_svd= argv[1] + to_svd_res= argv[2] + + print(tol_svd) + print(to_svd_res) + + + tol_svd = [1e-3] + to_svd_res = [1e-4,1e-5,1e-6]#1e-3, + + + + + + #plt.title(r'Singular Values for matrix $ S^{(2)} $', fontsize=15, fontweight='bold') + #plt.title(r'$\alpha $ \textbf{AA}!', fontsize=16, color='r') + #plt.title(f'ROM VS FOM') + + + plt.rc('text', usetex=True) + plt.rc('font', family='serif') + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + plt.plot(vy, w, 'b', label = 'FOM', linewidth = 1.5 ) #linewidth = 3, alpha=0.5 + markers=['s','^','+','H','*'] + counter = 0 + for svd in tol_svd: + vy_rom = np.load(f'Results/y_velocity_ROM_{svd}.npy') + w_rom = np.load(f'Results/narrowing_ROM_{svd}.npy') + plt.plot(vy_rom, w_rom, label = f"ROM\_{svd}", linewidth = 1.5) #alpha=0.5 + for res in to_svd_res: + vy_rom = np.load(f'Results/y_velocity_HROM_{svd}_{res}.npy') + w_rom = np.load(f'Results/narrowing_HROM_{svd}_{res}.npy') + plt.plot(vy_rom, w_rom, marker=markers[counter],markevery=50,label = f"HROM\_{svd}\_{res}", linewidth = 1.5) #alpha=0.5 + counter+=1 + + #plt.title(r'FOM vs ROM', fontsize=20, fontweight='bold') + plt.legend() + plt.grid() + # plt.xticks(np.arange(-3.5,0.25,0.25)) #TODO the ticks are not easily beautyfied, do it later :) + # plt.yticks(np.arange(0,3.1,0.25)) + plt.xlabel(r'$v_y^*$', size=15, fontweight='bold') + plt.ylabel(r'$w_c$',size=15,fontweight='bold') + + plt.savefig('Results/fom_vs_rom') + plt.show() + + + + + # import numpy as np + # import matplotlib.pyplot as plt + + + # # Example data + # t = np.arange(0.0, 1.0 + 0.01, 0.01) + # s = np.cos(4 * np.pi * t) + 2 + + # plt.rc('text', usetex=True) + # plt.rc('font', family='serif') + # plt.plot(t, s) + + # plt.xlabel(r'\textbf{time} (s)') + # plt.ylabel(r'\textit{voltage} (mV)',fontsize=16) + # plt.title(r"\TeX\ is Number " + # r"$\displaystyle\sum_{n=1}^\infty\frac{-e^{i\pi}}{2^n}$!", + # fontsize=16, color='gray') + # # Make room for the ridiculously large title. + # plt.subplots_adjust(top=0.8) + + # plt.savefig('tex_demo') + # plt.show() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_full_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_full_bifurcation.py new file mode 100644 index 00000000..6e89133c --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/plot_full_bifurcation.py @@ -0,0 +1,24 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + vy_rom = np.load(f'Results/y_velocity_ROM.npy') + w_rom = np.load(f'Results/narrowing_ROM.npy') + vy_hrom = np.load(f'Results/y_velocity_HROM.npy') + w_hrom = np.load(f'Results/narrowing_HROM.npy') + + + plt.plot(vy, w, 'k*-', label = 'FOM', linewidth = 3) + plt.plot(vy_rom, w_rom, 'b*-', label = 'ROM') + plt.plot(vy_hrom, w_hrom, 'r*-', label = 'HROM') + plt.title(f'ROMs VS FOM') + plt.legend() + plt.xlabel('velocity y', size=20) + plt.ylabel('narrowing w',size=20) + plt.show() diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/simulation_trajectories.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/simulation_trajectories.py new file mode 100644 index 00000000..23d7a09f --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/ProblemFiles/simulation_trajectories.py @@ -0,0 +1,71 @@ +import numpy as np +from matplotlib import pyplot as plt + +class TrainingTrajectory(): + + def __init__(self, time_step_size): + self.min_or_max_reached_flag = False + self.maximum = 2.9 + self.minimum = 0.1 + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 for a total time T=244 + + def SetUpInitialNarrowing(self): + return self.maximum # starting with a wide narrowing + + def UpdateW(self, w): + ####Train trajectory#### + if not self.min_or_max_reached_flag: #contraction + w -= self.delta_w + if w < self.minimum: + w =self.minimum + self.min_or_max_reached_flag = True + else: #expansion + w += self.delta_w + if w > self.maximum: + w = self.maximum + return w + + + +class TestingTrajectory(): + + def __init__(self, time_step_size): + self.min_or_max_reached_flag = False + self.maximum = 2.9 + self.minimum = 0.1 + self.delta_w = 0.025 * time_step_size # this ensures to obtain a maximum narrowing size of 2.9 and a minimum of 0.1 for a total time T=244 + + def SetUpInitialNarrowing(self): + return self.minimum # starting with a narrow narrowing + + def UpdateW(self, w): + ####Test trajectory#### + if not self.min_or_max_reached_flag:#expansion + w += self.delta_w + if w > self.maximum: + w = self.maximum + self.min_or_max_reached_flag = True + else: #contraction + w -= self.delta_w + if w < self.minimum: + w =self.minimum + return w + + + + +class TestingTrajectory2(): + + + def SetUpInitialNarrowing(self): + return self.UpdateW(0) + + + def UpdateW(self, time, T=100): + # Normalizing time t to the range [0, 2*pi] + fixed_deformation_factor = 2.8 + normalized_t = (2 * np.pi * time) / T + + # Defining the function using a combination of sine and cosine functions + # with a phase shift and frequency adjustments for more variations + return 0.1 + (0.5 * (1 + np.sin(normalized_t - np.pi/2) * np.cos(3 * normalized_t)) * fixed_deformation_factor) diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/launch_ale_rom_nord3.sh b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/launch_ale_rom_nord3.sh new file mode 100755 index 00000000..8fa73bf3 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Affine/launch_ale_rom_nord3.sh @@ -0,0 +1,102 @@ +#!/bin/sh +#SBATCH -N 1 # nodes requested +#SBATCH -n 1 # tasks requested +#SBATCH -c 16 # cores requested +#SBATCH -t 20:00:00 # time requested in hour:minute:second +####3#SBATCH --constraint='highmem' + + +export OMP_NUM_THREADS=16 +export PROBLEMS_PATH=$PWD/ProblemFiles +export LANGUAGE=en_GB.utf8 +export LC_ALL=en_GB.utf8 + + +FOM=False #(storing results) +FOM_test=True #(storing results) +Run_ROM=False #3 (storing results) +ROM_test=True #4 = (storing results) +Train_HROM_Step1=False #5 = (creating projected residuals matrices {Sr_i}_i=1^k (one per basis)) +Train_HROM_Step2=False #6 = ontain a reduced set of elements and weights starting from the projected residuals matrices Sr_i +Run_HROM=False #7 = RunHROM Train Trajectory +HROM_test=True #8 = RunHROM Test Trajectory + +plot_partial_hysteresis=False + +#parameters used in Local POD: + +# parameters for the simulations +Launch_Simulation=1 +Number_Of_Clusters=1 #not used in global POD +svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +clustering="narrowing" #time # +overlapping=30 +residuals_svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +residuals_svd_relative_to_global_residuals_snapshots=1 + + +if [ $FOM = True ] + then + #### LAUNCH FOM TRAIN TRAJECTORY #### + # MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLauching FOM \n\n\n\n\n\n" + python3 ProblemFiles/FOM.py $PWD +fi +if [ $FOM_test = True ] + then + # NEW MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching FOM test trajectory \n\n\n\n\n\n" + python3 ProblemFiles/FOM_TestTrajectory.py $PWD +fi +for j in ${svd_truncation_tolerance_list[@]} +do + svd_truncation_tolerance=$j + if [ $Run_ROM = True ] + then + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching ROM \n\n\n\n\n\n" + python3 ProblemFiles/Run_ROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $ROM_test = True ] + then + #### LAUNCH ROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\nlaunching ROM test\n\n\n\n' + python3 ProblemFiles/ROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $Train_HROM_Step1 = True ] + then + #### TrainHROM (Creating Matrix of projected resduals Sr) #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\nlaunching TrainHROM train\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step1.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + for k in ${residuals_svd_truncation_tolerance_list[@]} + do + residuals_svd_truncation_tolerance=$k + if [ $Train_HROM_Step2 = True ] + then + ### Obtain Reduced Elements and Weights #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nlaunching HROM elements and Weights\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step2.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $Run_HROM = True ] + then + #### LAUNCH HROM TRAIN TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nLaunching HROM train\n\n\n\n\n\n\n' + python3 ProblemFiles/Run_HROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $HROM_test = True ] + then + #### LAUNCH HROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo 'Launching HROM test' + python3 ProblemFiles/HROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + done +done + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM.py new file mode 100644 index 00000000..682122e2 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM.py @@ -0,0 +1,365 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + + +import json + +import numpy as np + + +#for checking if paths exits +import os + +#importing PyGeM tools +from pygem import FFD, RBF + + +#importing training trajectory +from simulation_trajectories import training_trajectory + +#importing the nonlinear mapping +from nonlinear_mapping import set_up_phi, phi + + + + +class FOM_Class(FluidDynamicsAnalysis): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.deformation_multiplier = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_deformation = time_step_size # this ensures to obtain the same deformation independently of the time step used + self.control_point = 854 #a node around the middle of the geometry to capture the bufurcation + self.maximum = 11 + self.minimum = 0 + ### ### ### + self.node_up = 412 #nodes to obtain the narrowing width + self.node_down = 673 + ### ### ### + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.deformation_multiplier_list = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 11 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.deformation_multiplier_list.append(self.deformation_multiplier) + node_up = self.model.GetModelPart("FluidModelPart").GetNode(self.node_up) + node_down = self.model.GetModelPart("FluidModelPart").GetNode(self.node_down) + self.narrowing_width.append(node_up.Y - node_down.Y) + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + + def SetUpFreeFormDeformation(self): + # #creating a free form deformation object for each control domain + self.ffd_up, self.ffd_down = set_up_phi() + + + def MoveControlPoints(self, scale_of_deformation=1): + + moved_up, moved_down, _, _ = phi(self.up,self.down,self.ffd_down,self.ffd_up, + self.deformation_multiplier,scale_of_deformation) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + def UpdateDeformationMultiplier(self): + self.deformation_multiplier = training_trajectory( self.time, self.deformation_multiplier, self.delta_deformation, self.maximum, self.minimum) + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width, self.deformation_multiplier_list + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing, deformation_multiplier = simulation.GetBifuracationData() + #reynolds = simulation.GetReynoldsData() + #np.save('Results/reynolds.npy', reynolds) + np.save('Results/deformation_multiplier.npy', deformation_multiplier) + np.save('Results/narrowing.npy', narrowing) + np.save('Results/Velocity_y.npy', velocity_y) + np.save('Results/SnapshotMatrix.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + + Train_ROM() + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM_TestTrajectory.py new file mode 100644 index 00000000..813d6ace --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FOM_TestTrajectory.py @@ -0,0 +1,159 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis + +from FOM import FOM_Class + +import json + +import numpy as np + + +#for checking if paths exits +import os + + +#importing testing trajectory +from simulation_trajectories import second_testing_trajectory + + +class FOM_Class_test(FOM_Class): + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.deformation_multiplier = 11 + + + def UpdateDeformationMultiplier(self): + self.deformation_multiplier = second_testing_trajectory( self.time ) + + + + def InitializeSolutionStep(self): + super(FluidDynamicsAnalysis, self).InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +'/Results/FOM_test' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + +def convert_to_nd(SnapshotsMatrix, number_of_dimensions=2): + for i in range(np.shape(SnapshotsMatrix)[1]): + column_mean = np.mean( SnapshotsMatrix[:,i].reshape(-1,number_of_dimensions).reshape(-1,number_of_dimensions),0).reshape(-1,1) + if i ==0: + columns_means = column_mean + else: + columns_means = np.c_[columns_means,column_mean] + + return columns_means + + + + + + + + + + + + + + + + + + + + + + + + + + + + +def Train_ROM(): + + if not os.path.exists(f'./Results/FOM_test.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + simulation = FOM_Class_test(global_model, parameters) + simulation.Run() + SnapshotsMatrix = simulation.GetSnapshotsMatrix() + velocity_y, narrowing, deformation_multiplier = simulation.GetBifuracationData() + #reynolds = simulation.GetReynoldsData() + #np.save('Results/reynolds.npy', reynolds) + np.save('Results/deformation_multiplier_test.npy', deformation_multiplier) + np.save('Results/narrowing_test.npy', narrowing) + np.save('Results/Velocity_y_test.npy', velocity_y) + np.save('Results/SnapshotMatrix_test.npy', SnapshotsMatrix ) + + + + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + #library for passing arguments to the script from bash + from sys import argv + + working_path = argv[1] + + prepare_files(working_path) + + + Train_ROM() + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FluidMaterials.json new file mode 100644 index 00000000..24e1bedf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/FluidMaterials.json @@ -0,0 +1,16 @@ +{ + "properties" : [{ + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "properties_id" : 1, + "Material" : { + "constitutive_law" : { + "name" : "Newtonian2DLaw" + }, + "Variables" : { + "DENSITY" : 1.0, + "DYNAMIC_VISCOSITY" : 0.1 + }, + "Tables" : {} + } + }] +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/HROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/HROM_TestTrajectory.py new file mode 100644 index 00000000..92fc4938 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/HROM_TestTrajectory.py @@ -0,0 +1,133 @@ +import KratosMultiphysics +from ROM_TestTrajectory import ROM_Class_test + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + +import os + + + + + +class HROMClass_test(ROM_Class_test): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 5152 #TODO, get rid of this, load both elements and condition sets + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + + + + + + + + + + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + if not os.path.exists(f'./Results/HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass_test(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_ROM_test_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_test_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/MainKratos.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/MainKratos.py new file mode 100644 index 00000000..7922e43b --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/MainKratos.py @@ -0,0 +1,383 @@ +import KratosMultiphysics +from KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis import FluidDynamicsAnalysis +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np +from matplotlib import pyplot as plt + + +#importing PyGeM tools +from pygem import FFD, RBF + +#Function from PyGeM tutorial +def scatter3d(arr, figsize=(8,8), s=10, draw=True, ax=None, alpha=1, labels=None, title=None): + if ax is None: + fig = plt.figure(figsize=figsize) + ax = fig.add_subplot(projection='3d') + + for idx,a in enumerate(arr): + if labels is not None: + ax.scatter(*a.T, s=s, alpha=alpha, label=labels[idx]) + else: + ax.scatter(*a.T, s=s, alpha=alpha) + + if draw: + if labels is not None: + plt.legend() + if title is not None: + plt.title(title) + plt.show() + else: + return ax + + +class FOM_Class(FluidDynamicsAnalysis): + + + def __init__(self, model, project_parameters): + super().__init__(model, project_parameters) + self.w = 1 # original narrowing size + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.control_point = 363 #a node around the middle of the geometry to capture the bufurcation + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 0 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.narrowing_width.append(self.deformation_multiplier) + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + + + + def SetUpFreeFormDeformation(self): + #creating a free form deformation object for each control domain + self.ffd_up = FFD([2,5,2]) #3D box of control points + self.ffd_down = FFD([2,5,2]) #3D box of control points + + #setting the centre and size of the upper box of control points + self.ffd_down.box_origin = np.array([1.25, 0, 0.5]) + self.ffd_down.box_length = np.array([1, 1.25, 1]) + + #setting the centre and size of the lower box of control points + self.ffd_up.box_origin = np.array([1.25, 1.75, 0.5]) + self.ffd_up.box_length = np.array([1, 1.25, 1]) + + self.list_of_ffds = [self.ffd_up, self.ffd_down] + + + + + def MoveControlPoints(self, scale_of_deformation=1): + + self.ffd_down.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + + self.ffd_down.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_down.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_down.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_down.array_mu_y[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_down.array_mu_y[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_down.array_mu_y[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_down.array_mu_y[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_down.array_mu_y[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_down.array_mu_y[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.02 + self.ffd_down.array_mu_y[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.025 + + self.ffd_up.array_mu_x[0, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[0, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[0, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[0, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[0, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[0, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[0, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[0, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[0, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[0, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + + self.ffd_up.array_mu_x[1, 0, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 0] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 0] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 0] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 0, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + self.ffd_up.array_mu_x[1, 1, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 2, 1] = self.deformation_multiplier*scale_of_deformation * 0.06 + self.ffd_up.array_mu_x[1, 3, 1] = self.deformation_multiplier*scale_of_deformation * 0.04 + self.ffd_up.array_mu_x[1, 4, 1] = self.deformation_multiplier*scale_of_deformation * 0.0 + + self.ffd_up.array_mu_y[1, 0, 0] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 0] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 0] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 0] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 0] = -self.deformation_multiplier*scale_of_deformation * 0.00 + self.ffd_up.array_mu_y[1, 0, 1] = -self.deformation_multiplier*scale_of_deformation * 0.025 + self.ffd_up.array_mu_y[1, 1, 1] = -self.deformation_multiplier*scale_of_deformation * 0.020 + self.ffd_up.array_mu_y[1, 2, 1] = -self.deformation_multiplier*scale_of_deformation * 0.015 + self.ffd_up.array_mu_y[1, 3, 1] = -self.deformation_multiplier*scale_of_deformation * 0.01 + self.ffd_up.array_mu_y[1, 4, 1] = -self.deformation_multiplier*scale_of_deformation * 0.00 + + moved_up = self.ffd_up(self.up) + moved_down = self.ffd_down(self.down) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + print(node.Y0) + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + print(node.Y0) + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + if self.time>1.0 and self.time<16.0: # start modifying narrowing from 1 second onwards + self.deformation_multiplier+=.1 + elif self.time>21.0 and self.time<36: + self.deformation_multiplier-=.1 + + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def Train_ROM(): + with open("ProjectParameters.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + + global_model = KratosMultiphysics.Model() + simulation = FOM_Class(global_model, parameters) + simulation.Run() + return simulation.GetBifuracationData() + + + + + + + +if __name__ == "__main__": + #Train_ROM() + vy, w = Train_ROM() + + plt.plot(vy, w, 'k-', label = 'FOM', linewidth = 3) + plt.legend() + plt.xlabel('velocity y', size=20) + plt.ylabel('narrowing w',size=20) + plt.show() diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/NonlinearInGiD.mdpa b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/NonlinearInGiD.mdpa new file mode 100644 index 00000000..ec99bbdb --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/NonlinearInGiD.mdpa @@ -0,0 +1,17117 @@ +Begin ModelPartData +// VARIABLE_NAME value +End ModelPartData + +Begin Properties 0 +End Properties + +Begin Nodes + 1 0.0000000000 3.0000000000 0.0000000000 + 2 0.0000000000 2.9000000000 0.0000000000 + 3 0.1000000000 3.0000000000 0.0000000000 + 4 0.1027312675 2.8660123659 0.0000000000 + 5 0.0000000000 2.8000000000 0.0000000000 + 6 0.2000000000 3.0000000000 0.0000000000 + 7 0.1996673628 2.9159025624 0.0000000000 + 8 0.1155849631 2.7642454797 0.0000000000 + 9 0.2011352789 2.8159261534 0.0000000000 + 10 0.3000000000 3.0000000000 0.0000000000 + 11 0.0000000000 2.7000000000 0.0000000000 + 12 0.2869617884 2.8671468409 0.0000000000 + 13 0.2032025607 2.7161528072 0.0000000000 + 14 0.1188090814 2.6626038650 0.0000000000 + 15 0.2882292241 2.7672061476 0.0000000000 + 16 0.3706266329 2.9206757517 0.0000000000 + 17 0.4000000000 3.0000000000 0.0000000000 + 18 0.0000000000 2.6000000000 0.0000000000 + 19 0.3723950579 2.8207525384 0.0000000000 + 20 0.2074627844 2.6164490222 0.0000000000 + 21 0.2912939054 2.6705908490 0.0000000000 + 22 0.1216733435 2.5651177732 0.0000000000 + 23 0.4557146044 2.8951768661 0.0000000000 + 24 0.3770749108 2.7218459503 0.0000000000 + 25 0.5000000000 3.0000000000 0.0000000000 + 26 0.0000000000 2.5000000000 0.0000000000 + 27 0.4587523252 2.7723083790 0.0000000000 + 28 0.2945759482 2.5682110571 0.0000000000 + 29 0.2090666572 2.5165674486 0.0000000000 + 30 0.3786951127 2.6221502123 0.0000000000 + 31 0.5450175422 2.9230270652 0.0000000000 + 32 0.1289012986 2.4593360719 0.0000000000 + 33 0.4637274602 2.6725184639 0.0000000000 + 34 0.5463190418 2.8263629366 0.0000000000 + 35 0.0000000000 2.4000000000 0.0000000000 + 36 0.6000000000 3.0000000000 0.0000000000 + 37 0.2965932363 2.4682577888 0.0000000000 + 38 0.5475237720 2.7264563414 0.0000000000 + 39 0.3834636726 2.5225554029 0.0000000000 + 40 0.2153172844 2.4100910906 0.0000000000 + 41 0.4667789143 2.5773316361 0.0000000000 + 42 0.6230540648 2.8935955233 0.0000000000 + 43 0.1313389382 2.3599034379 0.0000000000 + 44 0.5528804975 2.6279892324 0.0000000000 + 45 0.6332964030 2.7771926430 0.0000000000 + 46 0.3870528744 2.4277192120 0.0000000000 + 47 0.7000000000 3.0000000000 0.0000000000 + 48 0.0000000000 2.3000000000 0.0000000000 + 49 0.3064067197 2.3689588657 0.0000000000 + 50 0.4726973958 2.4775797545 0.0000000000 + 51 0.6331475953 2.6775377667 0.0000000000 + 52 0.2203053852 2.3192078067 0.0000000000 + 53 0.5538737971 2.5284015219 0.0000000000 + 54 0.7167997710 2.8318791028 0.0000000000 + 55 0.1182327342 2.2613225145 0.0000000000 + 56 0.6389162274 2.5778239864 0.0000000000 + 57 0.7217729489 2.7321861299 0.0000000000 + 58 0.3871461584 2.3277415696 0.0000000000 + 59 0.4736440692 2.3777441915 0.0000000000 + 60 0.3074001853 2.2712171466 0.0000000000 + 61 0.5593472802 2.4289593793 0.0000000000 + 62 0.0000000000 2.2000000000 0.0000000000 + 63 0.8000000000 3.0000000000 0.0000000000 + 64 0.7969992849 2.8955666896 0.0000000000 + 65 0.7221995517 2.6323065368 0.0000000000 + 66 0.2220582229 2.2193625290 0.0000000000 + 67 0.6419450936 2.4846037857 0.0000000000 + 68 0.8015029619 2.7819625600 0.0000000000 + 69 0.1133118089 2.1605288221 0.0000000000 + 70 0.4738529478 2.2781020346 0.0000000000 + 71 0.3874720372 2.2277644147 0.0000000000 + 72 0.7284822011 2.5344373897 0.0000000000 + 73 0.8082779584 2.6822561946 0.0000000000 + 74 0.5594093715 2.3291774831 0.0000000000 + 75 0.8747902647 2.9292179552 0.0000000000 + 76 0.3061296440 2.1733739247 0.0000000000 + 77 0.6454101050 2.3797769347 0.0000000000 + 78 0.9000000000 3.0000000000 0.0000000000 + 79 0.0000000000 2.1000000000 0.0000000000 + 80 0.8889027116 2.8303405197 0.0000000000 + 81 0.2225325859 2.1203902407 0.0000000000 + 82 0.8068255461 2.5827456378 0.0000000000 + 83 0.7286129172 2.4349978646 0.0000000000 + 84 0.8911412387 2.7377784089 0.0000000000 + 85 0.1170473102 2.0620976484 0.0000000000 + 86 0.4751186626 2.1781323609 0.0000000000 + 87 0.5610225499 2.2292797933 0.0000000000 + 88 0.9500436418 2.9050852679 0.0000000000 + 89 0.3949386413 2.1285778359 0.0000000000 + 90 0.6478742213 2.2869141008 0.0000000000 + 91 0.8136713165 2.4831436194 0.0000000000 + 92 0.8969077611 2.6382003655 0.0000000000 + 93 0.3106922632 2.0737339868 0.0000000000 + 94 0.7350491824 2.3357667669 0.0000000000 + 95 0.0000000000 2.0000000000 0.0000000000 + 96 1.0000000000 3.0000000000 0.0000000000 + 97 0.9795040603 2.7928447876 0.0000000000 + 98 0.2261033608 2.0205179059 0.0000000000 + 99 0.8962561297 2.5383654918 0.0000000000 + 100 0.8166650535 2.3925742120 0.0000000000 + 101 0.9804821929 2.6929961157 0.0000000000 + 102 0.5643092835 2.1336878610 0.0000000000 + 103 0.4805586652 2.0796868020 0.0000000000 + 104 0.6492173122 2.1844597203 0.0000000000 + 105 0.1179540557 1.9622164307 0.0000000000 + 106 0.3948047354 2.0289271335 0.0000000000 + 107 0.7338926928 2.2360527268 0.0000000000 + 108 0.9037743835 2.4412969485 0.0000000000 + 109 1.0570648142 2.8781083447 0.0000000000 + 110 0.9827538871 2.5872310679 0.0000000000 + 111 0.3120319571 1.9748965155 0.0000000000 + 112 0.8203457692 2.2857527554 0.0000000000 + 113 1.0662134420 2.7433251233 0.0000000000 + 114 1.1000000000 3.0000000000 0.0000000000 + 115 0.0000000000 1.9000000000 0.0000000000 + 116 0.2284571868 1.9212167567 0.0000000000 + 117 0.9795373921 2.4879367543 0.0000000000 + 118 0.9027516047 2.3420663302 0.0000000000 + 119 0.5652608169 2.0337589273 0.0000000000 + 120 1.0648806919 2.6439215024 0.0000000000 + 121 0.6512085593 2.0847460116 0.0000000000 + 122 0.4817949094 1.9797816380 0.0000000000 + 123 0.7367982133 2.1363319431 0.0000000000 + 124 0.4007562530 1.9293920163 0.0000000000 + 125 0.1166562827 1.8620354442 0.0000000000 + 126 1.1505589176 2.9099859575 0.0000000000 + 127 0.8202812499 2.1858225165 0.0000000000 + 128 0.9878052793 2.3885089741 0.0000000000 + 129 1.0721950188 2.5443970428 0.0000000000 + 130 0.3170466285 1.8751898570 0.0000000000 + 131 1.1532907750 2.7924190799 0.0000000000 + 132 0.9106021693 2.2431414581 0.0000000000 + 133 1.1521418245 2.6924622972 0.0000000000 + 134 0.2310347474 1.8246670358 0.0000000000 + 135 0.0000000000 1.8000000000 0.0000000000 + 136 1.2000000000 3.0000000000 0.0000000000 + 137 0.6545342273 1.9892876586 0.0000000000 + 138 1.0694358486 2.4446642577 0.0000000000 + 139 0.5708823377 1.9349756257 0.0000000000 + 140 0.7394214245 2.0400321466 0.0000000000 + 141 0.9908002822 2.3015882235 0.0000000000 + 142 0.4870053386 1.8810423556 0.0000000000 + 143 0.8246802467 2.0905402275 0.0000000000 + 144 1.1604270631 2.5913402714 0.0000000000 + 145 0.4015330535 1.8296746898 0.0000000000 + 146 0.1218768954 1.7639340997 0.0000000000 + 147 1.2424389989 2.8794023628 0.0000000000 + 148 1.0785942382 2.3488311381 0.0000000000 + 149 1.1567668278 2.4914645334 0.0000000000 + 150 0.3182158684 1.7761897080 0.0000000000 + 151 1.2401923789 2.7500000000 0.0000000000 + 152 0.9174780751 2.1288671322 0.0000000000 + 153 0.9966610002 2.1899105090 0.0000000000 + 154 1.2401923789 2.6500000000 0.0000000000 + 155 0.6598679922 1.8894958261 0.0000000000 + 156 0.7414134664 1.9403263715 0.0000000000 + 157 0.2325386260 1.7247401218 0.0000000000 + 158 0.5757824033 1.8351656738 0.0000000000 + 159 1.3000000000 3.0000000000 0.0000000000 + 160 0.0000000000 1.7000000000 0.0000000000 + 161 1.1504047797 2.3925883984 0.0000000000 + 162 0.8261908849 1.9907767511 0.0000000000 + 163 1.0761587599 2.2500750991 0.0000000000 + 164 0.4888796518 1.7811297733 0.0000000000 + 165 0.9089558939 2.0464191178 0.0000000000 + 166 1.2401923789 2.5500000000 0.0000000000 + 167 1.3267949192 2.9000000000 0.0000000000 + 168 0.4066583529 1.7300537560 0.0000000000 + 169 1.3267949192 2.8000000000 0.0000000000 + 170 0.1203331425 1.6624036355 0.0000000000 + 171 1.2401923789 2.4500000000 0.0000000000 + 172 1.1605892147 2.2937356699 0.0000000000 + 173 1.0099594982 2.0908748191 0.0000000000 + 174 1.3267949192 2.7000000000 0.0000000000 + 175 0.3223831467 1.6763384007 0.0000000000 + 176 0.7464522145 1.8414175084 0.0000000000 + 177 0.6611182485 1.7897435083 0.0000000000 + 178 1.0889175993 2.1521164405 0.0000000000 + 179 0.8304232226 1.8952780491 0.0000000000 + 180 1.3267949192 2.6000000000 0.0000000000 + 181 0.5776833075 1.7355833182 0.0000000000 + 182 0.9148246708 1.9468617115 0.0000000000 + 183 0.2371585543 1.6217359217 0.0000000000 + 184 1.4000000000 3.0000000000 0.0000000000 + 185 0.0000000000 1.6000000000 0.0000000000 + 186 1.2401923789 2.3500000000 0.0000000000 + 187 1.1646953714 2.2154916411 0.0000000000 + 188 0.4934671593 1.6820276535 0.0000000000 + 189 1.3267949192 2.5000000000 0.0000000000 + 190 1.4111645497 2.8583333333 0.0000000000 + 191 0.4081389968 1.6302620903 0.0000000000 + 192 1.4133974596 2.7500000000 0.0000000000 + 193 1.0270178792 1.9905606259 0.0000000000 + 194 0.1304247791 1.5640116697 0.0000000000 + 195 1.1025153892 2.0530642846 0.0000000000 + 196 1.2525358014 2.2613603122 0.0000000000 + 197 1.4133974596 2.6500000000 0.0000000000 + 198 1.3267949192 2.4000000000 0.0000000000 + 199 0.3256583126 1.5742987907 0.0000000000 + 200 0.7484658563 1.7420691383 0.0000000000 + 201 0.8323338731 1.7953636891 0.0000000000 + 202 0.6633019733 1.6898893953 0.0000000000 + 203 0.9177860292 1.8471754536 0.0000000000 + 204 0.5797172223 1.6363337045 0.0000000000 + 205 1.4133974596 2.5500000000 0.0000000000 + 206 1.0028697026 1.8995901313 0.0000000000 + 207 0.2405855638 1.5218182633 0.0000000000 + 208 1.5000000000 3.0000000000 0.0000000000 + 209 0.0000000000 1.5000000000 0.0000000000 + 210 1.3267949192 2.3000000000 0.0000000000 + 211 0.4960496459 1.5826541995 0.0000000000 + 212 1.2500000000 2.1650635095 0.0000000000 + 213 1.5000000000 2.9000000000 0.0000000000 + 214 1.2000000000 2.0784609691 0.0000000000 + 215 1.5000000000 2.8000000000 0.0000000000 + 216 1.4133974596 2.4500000000 0.0000000000 + 217 0.4120676156 1.5291403975 0.0000000000 + 218 1.5000000000 2.7000000000 0.0000000000 + 219 1.1465888781 1.9874093475 0.0000000000 + 220 0.1561767478 1.4689062860 0.0000000000 + 221 0.9023012584 1.7439610226 0.0000000000 + 222 1.3267949192 2.2000000000 0.0000000000 + 223 0.8368474887 1.6956231977 0.0000000000 + 224 1.1000000000 1.9052558883 0.0000000000 + 225 0.7523698836 1.6421847394 0.0000000000 + 226 1.5000000000 2.6000000000 0.0000000000 + 227 1.4133974596 2.3500000000 0.0000000000 + 228 0.6682310420 1.5901930567 0.0000000000 + 229 0.3284254765 1.4743792173 0.0000000000 + 230 0.5846485641 1.5366034683 0.0000000000 + 231 1.0500000000 1.8186533479 0.0000000000 + 232 1.5000000000 2.5000000000 0.0000000000 + 233 0.0721303009 1.4149273268 0.0000000000 + 234 1.3000000000 2.0784609691 0.0000000000 + 235 0.5010651590 1.4844621511 0.0000000000 + 236 0.2440072624 1.4220454949 0.0000000000 + 237 0.0000000000 1.4000000000 0.0000000000 + 238 1.4133974596 2.2500000000 0.0000000000 + 239 1.2500000000 1.9918584287 0.0000000000 + 240 1.0000000000 1.7320508076 0.0000000000 + 241 1.5000000000 2.4000000000 0.0000000000 + 242 1.2000000000 1.9052558883 0.0000000000 + 243 0.4177117394 1.4294041404 0.0000000000 + 244 0.9245389010 1.6495919651 0.0000000000 + 245 0.8406477201 1.5953506858 0.0000000000 + 246 0.1610788123 1.3694774028 0.0000000000 + 247 0.7558244221 1.5425168604 0.0000000000 + 248 1.1500000000 1.8186533479 0.0000000000 + 249 1.4133974596 2.1500000000 0.0000000000 + 250 0.6731831072 1.4904937803 0.0000000000 + 251 1.5000000000 2.3000000000 0.0000000000 + 252 0.3326320755 1.3772024811 0.0000000000 + 253 0.5889125427 1.4367388817 0.0000000000 + 254 0.0794125068 1.3279333813 0.0000000000 + 255 1.3326794919 1.9861662349 0.0000000000 + 256 1.1000000000 1.7320508076 0.0000000000 + 257 0.5037515658 1.3845248883 0.0000000000 + 258 0.2492201601 1.3223502641 0.0000000000 + 259 1.3000000000 1.9052558883 0.0000000000 + 260 1.5000000000 2.2000000000 0.0000000000 + 261 0.0000000000 1.3000000000 0.0000000000 + 262 1.4133974596 2.0500000000 0.0000000000 + 263 1.0500000000 1.6454482672 0.0000000000 + 264 1.2500000000 1.8186533479 0.0000000000 + 265 0.4206800425 1.3301799552 0.0000000000 + 266 0.8447331810 1.4970610375 0.0000000000 + 267 0.7606401802 1.4432152722 0.0000000000 + 268 0.1645118204 1.2695870687 0.0000000000 + 269 0.9632508779 1.5526442375 0.0000000000 + 270 0.6757276845 1.3906713161 0.0000000000 + 271 1.2000000000 1.7320508076 0.0000000000 + 272 1.5000000000 2.1000000000 0.0000000000 + 273 0.3353405287 1.2783661332 0.0000000000 + 274 0.5917264919 1.3372057011 0.0000000000 + 275 1.1500000000 1.6454482672 0.0000000000 + 276 1.4000000000 1.9052558883 0.0000000000 + 277 0.0787541073 1.2136084895 0.0000000000 + 278 0.5067156833 1.2845954768 0.0000000000 + 279 1.3500000000 1.8186533479 0.0000000000 + 280 0.2528899664 1.2232323397 0.0000000000 + 281 0.0000000000 1.2000000000 0.0000000000 + 282 1.5000000000 2.0000000000 0.0000000000 + 283 0.9328363431 1.4499687935 0.0000000000 + 284 1.0938751463 1.5578121453 0.0000000000 + 285 0.8480149389 1.3971133219 0.0000000000 + 286 1.3000000000 1.7320508076 0.0000000000 + 287 0.4231524518 1.2308627551 0.0000000000 + 288 0.7637544601 1.3433000528 0.0000000000 + 289 0.1684748947 1.1697163601 0.0000000000 + 290 0.6802282523 1.2908793426 0.0000000000 + 291 1.2500000000 1.6454482672 0.0000000000 + 292 0.3422544445 1.1788088363 0.0000000000 + 293 1.0500000000 1.4722431864 0.0000000000 + 294 1.5000000000 1.9052558883 0.0000000000 + 295 0.5951287435 1.2384029686 0.0000000000 + 296 1.4500000000 1.8186533479 0.0000000000 + 297 1.2000000000 1.5588457268 0.0000000000 + 298 0.5117733761 1.1848862772 0.0000000000 + 299 1.6000000000 2.0000000000 0.0000000000 + 300 0.0860125759 1.1139909541 0.0000000000 + 301 1.4000000000 1.7320508076 0.0000000000 + 302 0.2570549348 1.1265652834 0.0000000000 + 303 0.9367330708 1.3509828860 0.0000000000 + 304 1.0090360447 1.3920970603 0.0000000000 + 305 0.0000000000 1.1000000000 0.0000000000 + 306 0.8524138553 1.2972316632 0.0000000000 + 307 1.1500000000 1.4722431864 0.0000000000 + 308 1.3500000000 1.6454482672 0.0000000000 + 309 0.4295650375 1.1320072886 0.0000000000 + 310 0.7680274632 1.2437366006 0.0000000000 + 311 0.6831597478 1.1910084699 0.0000000000 + 312 0.1762152210 1.0719334018 0.0000000000 + 313 1.6000000000 1.9052558883 0.0000000000 + 314 1.3000000000 1.5588457268 0.0000000000 + 315 1.5500000000 1.8186533479 0.0000000000 + 316 0.3449951381 1.0790798549 0.0000000000 + 317 1.1000000000 1.3856406461 0.0000000000 + 318 0.6011042646 1.1402528563 0.0000000000 + 319 1.5000000000 1.7320508076 0.0000000000 + 320 1.7000000000 2.0000000000 0.0000000000 + 321 1.2500000000 1.4722431864 0.0000000000 + 322 0.0899289180 1.0222391040 0.0000000000 + 323 0.5175194769 1.0856109936 0.0000000000 + 324 1.0256108097 1.3016497893 0.0000000000 + 325 1.4500000000 1.6454482672 0.0000000000 + 326 0.9410832061 1.2483033185 0.0000000000 + 327 0.2604507781 1.0267195858 0.0000000000 + 328 0.8565886711 1.1973403866 0.0000000000 + 329 2.0000000000 3.0000000000 0.0000000000 + 330 0.0000000000 1.0000000000 0.0000000000 + 331 2.0000000000 2.9000000000 0.0000000000 + 332 1.4000000000 1.5588457268 0.0000000000 + 333 2.0000000000 2.8000000000 0.0000000000 + 334 0.7712968625 1.1438115925 0.0000000000 + 335 1.2000000000 1.3856406461 0.0000000000 + 336 0.4331361942 1.0322105114 0.0000000000 + 337 1.7000000000 1.9052558883 0.0000000000 + 338 2.0000000000 2.7000000000 0.0000000000 + 339 0.6876892798 1.0919792217 0.0000000000 + 340 1.6500000000 1.8186533479 0.0000000000 + 341 0.1746210179 0.9723728281 0.0000000000 + 342 1.3500000000 1.4722431864 0.0000000000 + 343 2.0000000000 2.6000000000 0.0000000000 + 344 1.6000000000 1.7320508076 0.0000000000 + 345 0.6022248563 1.0404752464 0.0000000000 + 346 0.3484055901 0.9791810856 0.0000000000 + 347 1.5500000000 1.6454482672 0.0000000000 + 348 1.8000000000 2.0000000000 0.0000000000 + 349 2.0000000000 2.5000000000 0.0000000000 + 350 1.1318828201 1.2762555151 0.0000000000 + 351 1.0293863662 1.2017673240 0.0000000000 + 352 1.3000000000 1.3856406461 0.0000000000 + 353 0.0952032736 0.9240984986 0.0000000000 + 354 0.9455753014 1.1485893879 0.0000000000 + 355 0.5191464516 0.9866139624 0.0000000000 + 356 1.5000000000 1.5588457268 0.0000000000 + 357 0.8597493027 1.0973791982 0.0000000000 + 358 2.0000000000 2.4000000000 0.0000000000 + 359 0.2633286457 0.9267812256 0.0000000000 + 360 2.1000000000 3.0000000000 0.0000000000 + 361 0.0000000000 0.9000000000 0.0000000000 + 362 0.7751246313 1.0442899676 0.0000000000 + 363 1.4500000000 1.4722431864 0.0000000000 + 364 1.8000000000 1.9052558883 0.0000000000 + 365 1.2500000000 1.2990381057 0.0000000000 + 366 1.7500000000 1.8186533479 0.0000000000 + 367 2.1000000000 2.7712812921 0.0000000000 + 368 0.4355781865 0.9328966701 0.0000000000 + 369 2.0000000000 2.3000000000 0.0000000000 + 370 1.7000000000 1.7320508076 0.0000000000 + 371 0.6899389914 0.9921056005 0.0000000000 + 372 2.1214285714 2.8714923452 0.0000000000 + 373 1.6500000000 1.6454482672 0.0000000000 + 374 0.1804017907 0.8728026513 0.0000000000 + 375 1.4000000000 1.3856406461 0.0000000000 + 376 2.1000000000 2.5980762114 0.0000000000 + 377 0.6077971093 0.9408774813 0.0000000000 + 378 1.9000000000 2.0000000000 0.0000000000 + 379 0.3513796652 0.8795493535 0.0000000000 + 380 1.6000000000 1.5588457268 0.0000000000 + 381 2.0000000000 2.2000000000 0.0000000000 + 382 1.1167532441 1.1534964683 0.0000000000 + 383 1.2014293207 1.2065556263 0.0000000000 + 384 1.0309361552 1.1025212378 0.0000000000 + 385 2.1416666667 2.6872322931 0.0000000000 + 386 0.9468137158 1.0486541492 0.0000000000 + 387 1.3500000000 1.2990381057 0.0000000000 + 388 1.5500000000 1.4722431864 0.0000000000 + 389 0.5241901150 0.8869050758 0.0000000000 + 390 2.1000000000 2.4248711306 0.0000000000 + 391 0.0953047327 0.8246498135 0.0000000000 + 392 0.8616356934 0.9986638087 0.0000000000 + 393 0.2702293243 0.8313109177 0.0000000000 + 394 2.0000000000 2.1000000000 0.0000000000 + 395 1.9012201579 1.9046757082 0.0000000000 + 396 1.8500000000 1.8186533479 0.0000000000 + 397 0.7777705099 0.9443502374 0.0000000000 + 398 2.2000000000 3.0000000000 0.0000000000 + 399 0.0000000000 0.8000000000 0.0000000000 + 400 1.8000000000 1.7320508076 0.0000000000 + 401 1.5000000000 1.3856406461 0.0000000000 + 402 2.1500000000 2.5114736710 0.0000000000 + 403 1.3000000000 1.2124355653 0.0000000000 + 404 0.4398291805 0.8330680126 0.0000000000 + 405 2.2000000000 2.7712812921 0.0000000000 + 406 1.7500000000 1.6454482672 0.0000000000 + 407 0.6968667220 0.8954841893 0.0000000000 + 408 2.0866025404 2.2500000000 0.0000000000 + 409 0.1833230513 0.7820707029 0.0000000000 + 410 1.7000000000 1.5588457268 0.0000000000 + 411 1.4500000000 1.2990381057 0.0000000000 + 412 2.0000000000 2.0000000000 0.0000000000 + 413 2.2000000000 2.5980762114 0.0000000000 + 414 2.1394337567 2.3316128169 0.0000000000 + 415 1.2047872411 1.1066855278 0.0000000000 + 416 0.6129630894 0.8411323052 0.0000000000 + 417 1.1196928088 1.0547222103 0.0000000000 + 418 2.2452380952 2.8786564603 0.0000000000 + 419 0.3553178196 0.7796471569 0.0000000000 + 420 1.6500000000 1.4722431864 0.0000000000 + 421 1.0351479914 1.0027188907 0.0000000000 + 422 0.9527180854 0.9492653639 0.0000000000 + 423 1.4000000000 1.2124355653 0.0000000000 + 424 2.2500000000 2.6846787517 0.0000000000 + 425 0.8664512274 0.8988632893 0.0000000000 + 426 1.6000000000 1.3856406461 0.0000000000 + 427 2.2000000000 2.4248711306 0.0000000000 + 428 0.5288881431 0.7870457978 0.0000000000 + 429 0.1016006721 0.7254005696 0.0000000000 + 430 2.1176007258 2.1564557898 0.0000000000 + 431 1.9500000000 1.8186533479 0.0000000000 + 432 2.0000000000 1.9000000000 0.0000000000 + 433 0.2696185992 0.7317678455 0.0000000000 + 434 1.9000000000 1.7320508076 0.0000000000 + 435 0.7820932001 0.8457873501 0.0000000000 + 436 2.0866025404 2.0500000000 0.0000000000 + 437 1.8500000000 1.6454482672 0.0000000000 + 438 2.3000000000 3.0000000000 0.0000000000 + 439 0.0000000000 0.7000000000 0.0000000000 + 440 1.5500000000 1.2990381057 0.0000000000 + 441 2.2500000000 2.5114736710 0.0000000000 + 442 1.8000000000 1.5588457268 0.0000000000 + 443 0.4429957461 0.7364253694 0.0000000000 + 444 1.3500000000 1.1258330249 0.0000000000 + 445 2.3000000000 2.7712812921 0.0000000000 + 446 0.6958556370 0.7958232150 0.0000000000 + 447 1.7500000000 1.4722431864 0.0000000000 + 448 2.2000000000 2.2516660498 0.0000000000 + 449 0.1853175657 0.6781895401 0.0000000000 + 450 1.1198573992 0.9554642418 0.0000000000 + 451 1.2063775253 1.0052368309 0.0000000000 + 452 1.5000000000 1.2124355653 0.0000000000 + 453 2.3000000000 2.5980762114 0.0000000000 + 454 2.0866025404 1.9500000000 0.0000000000 + 455 1.0339725021 0.9044814887 0.0000000000 + 456 0.6128724662 0.7424864040 0.0000000000 + 457 0.3570925433 0.6872134523 0.0000000000 + 458 1.7000000000 1.3856406461 0.0000000000 + 459 2.2500000000 2.3382685902 0.0000000000 + 460 2.3492063492 2.8798504795 0.0000000000 + 461 0.9529277116 0.8493539233 0.0000000000 + 462 1.3000000000 1.0392304845 0.0000000000 + 463 0.8661996790 0.8002865408 0.0000000000 + 464 2.0500000000 1.8186533479 0.0000000000 + 465 2.0000000000 1.7320508076 0.0000000000 + 466 1.4500000000 1.1258330249 0.0000000000 + 467 1.6500000000 1.2990381057 0.0000000000 + 468 2.3000000000 2.4248711306 0.0000000000 + 469 2.3500000000 2.6846787517 0.0000000000 + 470 0.5302909667 0.6882644300 0.0000000000 + 471 1.9500000000 1.6454482672 0.0000000000 + 472 0.1009189473 0.6263607536 0.0000000000 + 473 0.2740499122 0.6323215802 0.0000000000 + 474 1.9000000000 1.5588457268 0.0000000000 + 475 2.2000000000 2.0784609691 0.0000000000 + 476 0.7823895908 0.7458711594 0.0000000000 + 477 2.1732050808 2.0000000000 0.0000000000 + 478 2.2446001210 2.1636288895 0.0000000000 + 479 1.6000000000 1.2124355653 0.0000000000 + 480 1.8500000000 1.4722431864 0.0000000000 + 481 2.4000000000 3.0000000000 0.0000000000 + 482 0.0000000000 0.6000000000 0.0000000000 + 483 2.3500000000 2.5114736710 0.0000000000 + 484 0.4443764836 0.6404942186 0.0000000000 + 485 1.3759363848 1.0279133748 0.0000000000 + 486 0.7011891231 0.6963028179 0.0000000000 + 487 1.2826130172 0.9607082839 0.0000000000 + 488 2.4000000000 2.7712812921 0.0000000000 + 489 1.1997143309 0.9048309289 0.0000000000 + 490 1.8000000000 1.3856406461 0.0000000000 + 491 2.3000000000 2.2516660498 0.0000000000 + 492 1.1206411796 0.8555901093 0.0000000000 + 493 1.0341049345 0.8064647095 0.0000000000 + 494 0.1888092348 0.5804215875 0.0000000000 + 495 1.5500000000 1.1258330249 0.0000000000 + 496 2.4000000000 2.5980762114 0.0000000000 + 497 0.6191138307 0.6429827508 0.0000000000 + 498 0.3597254804 0.5874549561 0.0000000000 + 499 1.7500000000 1.2990381057 0.0000000000 + 500 2.3500000000 2.3382685902 0.0000000000 + 501 0.9522081830 0.7494448536 0.0000000000 + 502 2.4498677249 2.8800494827 0.0000000000 + 503 2.1000000000 1.7320508076 0.0000000000 + 504 2.1500000000 1.8186533479 0.0000000000 + 505 2.0500000000 1.6454482672 0.0000000000 + 506 2.2000000000 1.9052558883 0.0000000000 + 507 0.8711627335 0.7004840723 0.0000000000 + 508 0.5316486326 0.5952519427 0.0000000000 + 509 2.0000000000 1.5588457268 0.0000000000 + 510 2.2500000000 1.9918584287 0.0000000000 + 511 1.7000000000 1.2124355653 0.0000000000 + 512 2.4000000000 2.4248711306 0.0000000000 + 513 2.4500000000 2.6846787517 0.0000000000 + 514 0.1047474893 0.5266405467 0.0000000000 + 515 1.9500000000 1.4722431864 0.0000000000 + 516 2.3000000000 2.0784609691 0.0000000000 + 517 0.7869123458 0.6471686832 0.0000000000 + 518 0.2767112796 0.5331689385 0.0000000000 + 519 1.9000000000 1.3856406461 0.0000000000 + 520 2.3500000000 2.1650635095 0.0000000000 + 521 1.3730052914 0.9158754306 0.0000000000 + 522 1.6500000000 1.1258330249 0.0000000000 + 523 1.2894592926 0.8609706306 0.0000000000 + 524 2.4500000000 2.5114736710 0.0000000000 + 525 0.4481548305 0.5409877014 0.0000000000 + 526 1.5000000000 1.0000000000 0.0000000000 + 527 2.5000000000 3.0000000000 0.0000000000 + 528 0.0000000000 0.5000000000 0.0000000000 + 529 0.7009851409 0.5966001754 0.0000000000 + 530 1.2069856264 0.8052065736 0.0000000000 + 531 1.1201272852 0.7557142235 0.0000000000 + 532 2.5000000000 2.7712812921 0.0000000000 + 533 1.8500000000 1.2990381057 0.0000000000 + 534 2.4000000000 2.2516660498 0.0000000000 + 535 1.0418150050 0.7069715104 0.0000000000 + 536 0.1926771070 0.4795157568 0.0000000000 + 537 0.6173611244 0.5444409236 0.0000000000 + 538 2.5000000000 2.5980762114 0.0000000000 + 539 0.9585957405 0.6530463637 0.0000000000 + 540 1.8000000000 1.2124355653 0.0000000000 + 541 2.4500000000 2.3382685902 0.0000000000 + 542 0.3656161532 0.4878312526 0.0000000000 + 543 2.2000000000 1.7320508076 0.0000000000 + 544 2.1500000000 1.6454482672 0.0000000000 + 545 2.2500000000 1.8186533479 0.0000000000 + 546 2.1000000000 1.5588457268 0.0000000000 + 547 2.3000000000 1.9052558883 0.0000000000 + 548 2.5499779541 2.8831667403 0.0000000000 + 549 0.8753476309 0.6006459470 0.0000000000 + 550 2.0500000000 1.4722431864 0.0000000000 + 551 2.3500000000 1.9918584287 0.0000000000 + 552 1.6000000000 1.0000000000 0.0000000000 + 553 0.5370949925 0.4955058005 0.0000000000 + 554 1.7500000000 1.1258330249 0.0000000000 + 555 2.5000000000 2.4248711306 0.0000000000 + 556 2.5500000000 2.6846787517 0.0000000000 + 557 2.0000000000 1.3856406461 0.0000000000 + 558 2.4000000000 2.0784609691 0.0000000000 + 559 0.7878728758 0.5472475042 0.0000000000 + 560 0.1098548751 0.4243934624 0.0000000000 + 561 1.5000000000 0.9000000000 0.0000000000 + 562 0.2816329804 0.4344906676 0.0000000000 + 563 1.3786855825 0.8160645832 0.0000000000 + 564 1.2949725858 0.7615667109 0.0000000000 + 565 1.9500000000 1.2990381057 0.0000000000 + 566 1.2098364736 0.7125974855 0.0000000000 + 567 2.4500000000 2.1650635095 0.0000000000 + 568 0.4486097583 0.4492783974 0.0000000000 + 569 2.5500000000 2.5114736710 0.0000000000 + 570 1.1267336313 0.6578187562 0.0000000000 + 571 2.6000000000 3.0000000000 0.0000000000 + 572 0.0000000000 0.4000000000 0.0000000000 + 573 0.7050055421 0.4970400062 0.0000000000 + 574 1.9000000000 1.2124355653 0.0000000000 + 575 2.5000000000 2.2516660498 0.0000000000 + 576 2.6000000000 2.7712812921 0.0000000000 + 577 1.0441548401 0.6020693754 0.0000000000 + 578 1.7000000000 1.0000000000 0.0000000000 + 579 0.9565464501 0.5547007902 0.0000000000 + 580 0.1997814332 0.3818352250 0.0000000000 + 581 2.2500000000 1.6454482672 0.0000000000 + 582 2.3000000000 1.7320508076 0.0000000000 + 583 0.6199851614 0.4445649397 0.0000000000 + 584 2.2000000000 1.5588457268 0.0000000000 + 585 2.3500000000 1.8186533479 0.0000000000 + 586 2.6000000000 2.5980762114 0.0000000000 + 587 1.8500000000 1.1258330249 0.0000000000 + 588 2.5500000000 2.3382685902 0.0000000000 + 589 0.3706279912 0.3900128149 0.0000000000 + 590 2.1500000000 1.4722431864 0.0000000000 + 591 2.4000000000 1.9052558883 0.0000000000 + 592 0.8761446259 0.5006660178 0.0000000000 + 593 2.1000000000 1.3856406461 0.0000000000 + 594 2.4500000000 1.9918584287 0.0000000000 + 595 2.6499963257 2.8842002983 0.0000000000 + 596 0.5331961254 0.3962524042 0.0000000000 + 597 1.5000000000 0.8000000000 0.0000000000 + 598 2.6000000000 2.4248711306 0.0000000000 + 599 2.0500000000 1.2990381057 0.0000000000 + 600 2.5000000000 2.0784609691 0.0000000000 + 601 2.6500000000 2.6846787517 0.0000000000 + 602 0.7913155643 0.4480754574 0.0000000000 + 603 1.3818791861 0.7123211351 0.0000000000 + 604 1.2955839717 0.6620118925 0.0000000000 + 605 0.1157546703 0.3278647695 0.0000000000 + 606 1.2159474705 0.6129011785 0.0000000000 + 607 0.2874143384 0.3347852328 0.0000000000 + 608 2.0000000000 1.2124355653 0.0000000000 + 609 2.5500000000 2.1650635095 0.0000000000 + 610 0.4620203087 0.3506956989 0.0000000000 + 611 1.8000000000 1.0000000000 0.0000000000 + 612 2.6500000000 2.5114736710 0.0000000000 + 613 0.7054277297 0.3972323988 0.0000000000 + 614 2.7000000000 3.0000000000 0.0000000000 + 615 0.0000000000 0.3000000000 0.0000000000 + 616 1.1300391921 0.5466447001 0.0000000000 + 617 1.9500000000 1.1258330249 0.0000000000 + 618 2.6000000000 2.2516660498 0.0000000000 + 619 1.0406298097 0.5020126403 0.0000000000 + 620 2.7000000000 2.7712812921 0.0000000000 + 621 2.3500000000 1.6454482672 0.0000000000 + 622 2.3000000000 1.5588457268 0.0000000000 + 623 2.4000000000 1.7320508076 0.0000000000 + 624 0.9517229356 0.4579488203 0.0000000000 + 625 2.2500000000 1.4722431864 0.0000000000 + 626 2.4500000000 1.8186533479 0.0000000000 + 627 0.2047194092 0.2824931683 0.0000000000 + 628 0.6187127682 0.3447401408 0.0000000000 + 629 2.2000000000 1.3856406461 0.0000000000 + 630 2.5000000000 1.9052558883 0.0000000000 + 631 2.7000000000 2.5980762114 0.0000000000 + 632 2.6500000000 2.3382685902 0.0000000000 + 633 0.3821002123 0.2908009911 0.0000000000 + 634 2.1500000000 1.2990381057 0.0000000000 + 635 2.5500000000 1.9918584287 0.0000000000 + 636 0.8754576226 0.4012808989 0.0000000000 + 637 1.5000000000 0.7000000000 0.0000000000 + 638 0.7866599826 0.3640707414 0.0000000000 + 639 2.7499993876 2.8807744525 0.0000000000 + 640 0.5442946774 0.3005331547 0.0000000000 + 641 1.3848639909 0.6178395840 0.0000000000 + 642 2.1000000000 1.2124355653 0.0000000000 + 643 2.6000000000 2.0784609691 0.0000000000 + 644 1.9000000000 1.0000000000 0.0000000000 + 645 2.7000000000 2.4248711306 0.0000000000 + 646 1.3012234477 0.5637436120 0.0000000000 + 647 1.2153347071 0.5132932513 0.0000000000 + 648 2.7500000000 2.6846787517 0.0000000000 + 649 0.1298105112 0.2345919384 0.0000000000 + 650 0.2946776689 0.2440169052 0.0000000000 + 651 2.0500000000 1.1258330249 0.0000000000 + 652 2.6500000000 2.1650635095 0.0000000000 + 653 0.4580746821 0.2516716100 0.0000000000 + 654 0.7085976159 0.3027403372 0.0000000000 + 655 1.1237456476 0.4469128109 0.0000000000 + 656 2.7500000000 2.5114736710 0.0000000000 + 657 1.0329407499 0.3989742164 0.0000000000 + 658 2.4000000000 1.5588457268 0.0000000000 + 659 2.4500000000 1.6454482672 0.0000000000 + 660 2.8000000000 3.0000000000 0.0000000000 + 661 0.0000000000 0.2000000000 0.0000000000 + 662 0.9437634695 0.3632688426 0.0000000000 + 663 2.7000000000 2.2516660498 0.0000000000 + 664 2.3500000000 1.4722431864 0.0000000000 + 665 2.5000000000 1.7320508076 0.0000000000 + 666 2.8000000000 2.7712812921 0.0000000000 + 667 2.3000000000 1.3856406461 0.0000000000 + 668 2.5500000000 1.8186533479 0.0000000000 + 669 2.2500000000 1.2990381057 0.0000000000 + 670 2.6000000000 1.9052558883 0.0000000000 + 671 0.6257333902 0.2481803752 0.0000000000 + 672 0.2156419225 0.1836299976 0.0000000000 + 673 2.0000000000 1.0000000000 0.0000000000 + 674 2.7500000000 2.3382685902 0.0000000000 + 675 2.8000000000 2.5980762114 0.0000000000 + 676 1.5000000000 0.6000000000 0.0000000000 + 677 0.3804344366 0.1942451403 0.0000000000 + 678 0.8645292296 0.3028026049 0.0000000000 + 679 2.2000000000 1.2124355653 0.0000000000 + 680 2.6500000000 1.9918584287 0.0000000000 + 681 0.7982175310 0.2654726955 0.0000000000 + 682 0.5381834822 0.2015082960 0.0000000000 + 683 1.3021415174 0.4638452346 0.0000000000 + 684 2.1500000000 1.1258330249 0.0000000000 + 685 2.8499998979 2.8839900577 0.0000000000 + 686 2.7000000000 2.0784609691 0.0000000000 + 687 2.8000000000 2.4248711306 0.0000000000 + 688 1.4072840554 0.5049269073 0.0000000000 + 689 2.8500000000 2.6846787517 0.0000000000 + 690 0.1292150283 0.1347731227 0.0000000000 + 691 2.1042857143 1.0485547275 0.0000000000 + 692 0.2940845308 0.1442295757 0.0000000000 + 693 2.7500000000 2.1650635095 0.0000000000 + 694 0.7151113132 0.2153332615 0.0000000000 + 695 1.2094357332 0.3870007850 0.0000000000 + 696 1.0240469559 0.3041605519 0.0000000000 + 697 0.4707536470 0.1533319149 0.0000000000 + 698 2.5000000000 1.5588457268 0.0000000000 + 699 2.4500000000 1.4722431864 0.0000000000 + 700 2.5500000000 1.6454482672 0.0000000000 + 701 2.8500000000 2.5114736710 0.0000000000 + 702 2.4000000000 1.3856406461 0.0000000000 + 703 2.6000000000 1.7320508076 0.0000000000 + 704 0.9553734907 0.2642767314 0.0000000000 + 705 2.8000000000 2.2516660498 0.0000000000 + 706 2.0000000000 0.9000000000 0.0000000000 + 707 2.9000000000 3.0000000000 0.0000000000 + 708 0.0000000000 0.1000000000 0.0000000000 + 709 0.6317919410 0.1692330640 0.0000000000 + 710 2.3500000000 1.2990381057 0.0000000000 + 711 2.6500000000 1.8186533479 0.0000000000 + 712 1.1137356810 0.3195416324 0.0000000000 + 713 2.9000000000 2.7712812921 0.0000000000 + 714 2.3000000000 1.2124355653 0.0000000000 + 715 2.7000000000 1.9052558883 0.0000000000 + 716 1.5000000000 0.5000000000 0.0000000000 + 717 0.2159920884 0.0865409333 0.0000000000 + 718 0.8738568180 0.2086713828 0.0000000000 + 719 2.8500000000 2.3382685902 0.0000000000 + 720 2.9000000000 2.5980762114 0.0000000000 + 721 2.2500000000 1.1258330249 0.0000000000 + 722 2.7500000000 1.9918584287 0.0000000000 + 723 0.3898597217 0.0949021640 0.0000000000 + 724 1.3761313732 0.3964828895 0.0000000000 + 725 0.8014018109 0.1662506620 0.0000000000 + 726 2.2000000000 1.0392304845 0.0000000000 + 727 2.8000000000 2.0784609691 0.0000000000 + 728 2.1214285714 0.9518771030 0.0000000000 + 729 2.9499999830 2.8849543470 0.0000000000 + 730 0.5647503840 0.0991399687 0.0000000000 + 731 2.9000000000 2.4248711306 0.0000000000 + 732 1.3009542999 0.3389936051 0.0000000000 + 733 2.9500000000 2.6846787517 0.0000000000 + 734 1.0459298501 0.2235248487 0.0000000000 + 735 2.8500000000 2.1650635095 0.0000000000 + 736 2.5500000000 1.4722431864 0.0000000000 + 737 2.6000000000 1.5588457268 0.0000000000 + 738 2.0000000000 0.8000000000 0.0000000000 + 739 2.5000000000 1.3856406461 0.0000000000 + 740 2.6500000000 1.6454482672 0.0000000000 + 741 2.4500000000 1.2990381057 0.0000000000 + 742 2.7000000000 1.7320508076 0.0000000000 + 743 0.7160130498 0.1035972542 0.0000000000 + 744 2.9500000000 2.5114736710 0.0000000000 + 745 0.9639582181 0.1674728932 0.0000000000 + 746 2.4000000000 1.2124355653 0.0000000000 + 747 2.7500000000 1.8186533479 0.0000000000 + 748 2.1000000000 0.8660254038 0.0000000000 + 749 2.9000000000 2.2516660498 0.0000000000 + 750 0.0000000000 0.0000000000 0.0000000000 + 751 3.0000000000 3.0000000000 0.0000000000 + 752 0.6477732340 0.0707665376 0.0000000000 + 753 1.2135213366 0.2559193009 0.0000000000 + 754 0.1000000000 0.0000000000 0.0000000000 + 755 1.5000000000 0.4000000000 0.0000000000 + 756 2.3500000000 1.1258330249 0.0000000000 + 757 2.8000000000 1.9052558883 0.0000000000 + 758 0.2000000000 0.0000000000 0.0000000000 + 759 3.0000000000 2.7712812921 0.0000000000 + 760 0.3000000000 0.0000000000 0.0000000000 + 761 2.3000000000 1.0392304845 0.0000000000 + 762 2.8500000000 1.9918584287 0.0000000000 + 763 2.9500000000 2.3382685902 0.0000000000 + 764 0.4000000000 0.0000000000 0.0000000000 + 765 3.0000000000 2.5980762114 0.0000000000 + 766 0.8831751566 0.1038728121 0.0000000000 + 767 1.1389915215 0.1896008688 0.0000000000 + 768 1.3960258522 0.3061278962 0.0000000000 + 769 0.5000000000 0.0000000000 0.0000000000 + 770 2.2500000000 0.9526279442 0.0000000000 + 771 2.9000000000 2.0784609691 0.0000000000 + 772 2.0000000000 0.7000000000 0.0000000000 + 773 3.0500000000 2.8831734398 0.0000000000 + 774 3.0000000000 2.4248711306 0.0000000000 + 775 2.6500000000 1.4722431864 0.0000000000 + 776 0.6000000000 0.0000000000 0.0000000000 + 777 2.6000000000 1.3856406461 0.0000000000 + 778 2.7000000000 1.5588457268 0.0000000000 + 779 1.0538269579 0.1240113911 0.0000000000 + 780 2.2000000000 0.8660254038 0.0000000000 + 781 2.5500000000 1.2990381057 0.0000000000 + 782 2.7500000000 1.6454482672 0.0000000000 + 783 2.9500000000 2.1650635095 0.0000000000 + 784 3.0500000000 2.6846787517 0.0000000000 + 785 1.3084699869 0.2245855244 0.0000000000 + 786 0.9598340929 0.0808419349 0.0000000000 + 787 2.5000000000 1.2124355653 0.0000000000 + 788 2.8000000000 1.7320508076 0.0000000000 + 789 0.7000000000 0.0000000000 0.0000000000 + 790 2.1416666667 0.7828523862 0.0000000000 + 791 2.4500000000 1.1258330249 0.0000000000 + 792 2.8500000000 1.8186533479 0.0000000000 + 793 1.5000000000 0.3000000000 0.0000000000 + 794 3.0500000000 2.5114736710 0.0000000000 + 795 3.0000000000 2.2516660498 0.0000000000 + 796 1.2338258203 0.1580625950 0.0000000000 + 797 2.4000000000 1.0392304845 0.0000000000 + 798 2.9000000000 1.9052558883 0.0000000000 + 799 3.1000000000 3.0000000000 0.0000000000 + 800 0.8000000000 0.0000000000 0.0000000000 + 801 3.1000000000 2.7712812921 0.0000000000 + 802 2.3500000000 0.9526279442 0.0000000000 + 803 2.9500000000 1.9918584287 0.0000000000 + 804 2.1000000000 0.6928203230 0.0000000000 + 805 3.0500000000 2.3382685902 0.0000000000 + 806 2.0000000000 0.6000000000 0.0000000000 + 807 3.1000000000 2.5980762114 0.0000000000 + 808 0.9000000000 0.0000000000 0.0000000000 + 809 1.1500000000 0.0866025404 0.0000000000 + 810 2.3000000000 0.8660254038 0.0000000000 + 811 1.4034182439 0.1932064831 0.0000000000 + 812 3.0000000000 2.0784609691 0.0000000000 + 813 2.7000000000 1.3856406461 0.0000000000 + 814 2.7500000000 1.4722431864 0.0000000000 + 815 2.6500000000 1.2990381057 0.0000000000 + 816 2.8000000000 1.5588457268 0.0000000000 + 817 3.1500000000 2.8800896800 0.0000000000 + 818 3.1000000000 2.4248711306 0.0000000000 + 819 2.6000000000 1.2124355653 0.0000000000 + 820 2.8500000000 1.6454482672 0.0000000000 + 821 2.2500000000 0.7794228634 0.0000000000 + 822 3.0500000000 2.1650635095 0.0000000000 + 823 1.0000000000 0.0000000000 0.0000000000 + 824 2.5500000000 1.1258330249 0.0000000000 + 825 2.9000000000 1.7320508076 0.0000000000 + 826 1.3287669448 0.1266707838 0.0000000000 + 827 3.1500000000 2.6846787517 0.0000000000 + 828 1.2500000000 0.0866025404 0.0000000000 + 829 1.5000000000 0.2000000000 0.0000000000 + 830 2.5000000000 1.0392304845 0.0000000000 + 831 2.9500000000 1.8186533479 0.0000000000 + 832 3.1500000000 2.5114736710 0.0000000000 + 833 2.2000000000 0.6928203230 0.0000000000 + 834 3.1000000000 2.2516660498 0.0000000000 + 835 2.4500000000 0.9526279442 0.0000000000 + 836 3.0000000000 1.9052558883 0.0000000000 + 837 1.1000000000 0.0000000000 0.0000000000 + 838 3.2000000000 3.0000000000 0.0000000000 + 839 2.0000000000 0.5000000000 0.0000000000 + 840 3.2000000000 2.7712812921 0.0000000000 + 841 1.4264370377 0.1239754534 0.0000000000 + 842 2.4000000000 0.8660254038 0.0000000000 + 843 3.0500000000 1.9918584287 0.0000000000 + 844 2.1500000000 0.6062177826 0.0000000000 + 845 3.1500000000 2.3382685902 0.0000000000 + 846 3.2000000000 2.5980762114 0.0000000000 + 847 1.2000000000 0.0000000000 0.0000000000 + 848 2.8000000000 1.3856406461 0.0000000000 + 849 2.3500000000 0.7794228634 0.0000000000 + 850 2.7500000000 1.2990381057 0.0000000000 + 851 2.8500000000 1.4722431864 0.0000000000 + 852 3.1000000000 2.0784609691 0.0000000000 + 853 2.7000000000 1.2124355653 0.0000000000 + 854 2.9000000000 1.5588457268 0.0000000000 + 855 2.6500000000 1.1258330249 0.0000000000 + 856 2.9500000000 1.6454482672 0.0000000000 + 857 2.1000000000 0.5196152423 0.0000000000 + 858 3.2000000000 2.4248711306 0.0000000000 + 859 3.2500000000 2.8800916630 0.0000000000 + 860 2.6000000000 1.0392304845 0.0000000000 + 861 3.0000000000 1.7320508076 0.0000000000 + 862 2.3000000000 0.6928203230 0.0000000000 + 863 3.1500000000 2.1650635095 0.0000000000 + 864 1.5000000000 0.1000000000 0.0000000000 + 865 3.2500000000 2.6846787517 0.0000000000 + 866 1.3000000000 0.0000000000 0.0000000000 + 867 2.5500000000 0.9526279442 0.0000000000 + 868 3.0500000000 1.8186533479 0.0000000000 + 869 2.0000000000 0.4000000000 0.0000000000 + 870 2.2500000000 0.6062177826 0.0000000000 + 871 3.2000000000 2.2516660498 0.0000000000 + 872 3.2500000000 2.5114736710 0.0000000000 + 873 2.5000000000 0.8660254038 0.0000000000 + 874 3.1000000000 1.9052558883 0.0000000000 + 875 3.3000000000 3.0000000000 0.0000000000 + 876 2.4500000000 0.7794228634 0.0000000000 + 877 3.1500000000 1.9918584287 0.0000000000 + 878 3.3000000000 2.7712812921 0.0000000000 + 879 1.4000000000 0.0000000000 0.0000000000 + 880 2.2000000000 0.5196152423 0.0000000000 + 881 3.2500000000 2.3382685902 0.0000000000 + 882 2.8500000000 1.2990381057 0.0000000000 + 883 2.9000000000 1.3856406461 0.0000000000 + 884 2.8000000000 1.2124355653 0.0000000000 + 885 2.9500000000 1.4722431864 0.0000000000 + 886 3.3000000000 2.5980762114 0.0000000000 + 887 2.7500000000 1.1258330249 0.0000000000 + 888 3.0000000000 1.5588457268 0.0000000000 + 889 2.4000000000 0.6928203230 0.0000000000 + 890 3.2000000000 2.0784609691 0.0000000000 + 891 2.7000000000 1.0392304845 0.0000000000 + 892 3.0500000000 1.6454482672 0.0000000000 + 893 2.1416666667 0.4275105849 0.0000000000 + 894 2.6500000000 0.9526279442 0.0000000000 + 895 3.1000000000 1.7320508076 0.0000000000 + 896 3.3000000000 2.4248711306 0.0000000000 + 897 3.3500000000 2.8801035615 0.0000000000 + 898 1.5000000000 0.0000000000 0.0000000000 + 899 2.3500000000 0.6062177826 0.0000000000 + 900 3.2500000000 2.1650635095 0.0000000000 + 901 2.0000000000 0.3000000000 0.0000000000 + 902 2.6000000000 0.8660254038 0.0000000000 + 903 3.1500000000 1.8186533479 0.0000000000 + 904 3.3500000000 2.6846787517 0.0000000000 + 905 2.0926190476 0.3461852380 0.0000000000 + 906 2.5500000000 0.7794228634 0.0000000000 + 907 3.2000000000 1.9052558883 0.0000000000 + 908 2.3000000000 0.5196152423 0.0000000000 + 909 3.3000000000 2.2516660498 0.0000000000 + 910 3.3500000000 2.5114736710 0.0000000000 + 911 3.4000000000 3.0000000000 0.0000000000 + 912 2.5000000000 0.6928203230 0.0000000000 + 913 3.2500000000 1.9918584287 0.0000000000 + 914 2.9500000000 1.2990381057 0.0000000000 + 915 2.9000000000 1.2124355653 0.0000000000 + 916 3.0000000000 1.3856406461 0.0000000000 + 917 3.4000000000 2.7712812921 0.0000000000 + 918 2.8500000000 1.1258330249 0.0000000000 + 919 3.0500000000 1.4722431864 0.0000000000 + 920 2.2500000000 0.4330127019 0.0000000000 + 921 3.3500000000 2.3382685902 0.0000000000 + 922 2.8000000000 1.0392304845 0.0000000000 + 923 3.1000000000 1.5588457268 0.0000000000 + 924 3.4000000000 2.5980762114 0.0000000000 + 925 2.4500000000 0.6062177826 0.0000000000 + 926 3.3000000000 2.0784609691 0.0000000000 + 927 2.7500000000 0.9526279442 0.0000000000 + 928 3.1500000000 1.6454482672 0.0000000000 + 929 2.0000000000 0.2000000000 0.0000000000 + 930 2.7000000000 0.8660254038 0.0000000000 + 931 3.2000000000 1.7320508076 0.0000000000 + 932 2.2000000000 0.3464101615 0.0000000000 + 933 3.4000000000 2.4248711306 0.0000000000 + 934 2.4000000000 0.5196152423 0.0000000000 + 935 3.4500000000 2.8801749526 0.0000000000 + 936 3.3500000000 2.1650635095 0.0000000000 + 937 2.6500000000 0.7794228634 0.0000000000 + 938 3.2500000000 1.8186533479 0.0000000000 + 939 3.4500000000 2.6846787517 0.0000000000 + 940 2.1214285714 0.2570054437 0.0000000000 + 941 2.6000000000 0.6928203230 0.0000000000 + 942 3.3000000000 1.9052558883 0.0000000000 + 943 2.3500000000 0.4330127019 0.0000000000 + 944 3.4000000000 2.2516660498 0.0000000000 + 945 3.4500000000 2.5114736710 0.0000000000 + 946 3.0000000000 1.2124355653 0.0000000000 + 947 3.0500000000 1.2990381057 0.0000000000 + 948 2.9500000000 1.1258330249 0.0000000000 + 949 3.1000000000 1.3856406461 0.0000000000 + 950 2.5500000000 0.6062177826 0.0000000000 + 951 3.3500000000 1.9918584287 0.0000000000 + 952 3.5000000000 3.0000000000 0.0000000000 + 953 2.9000000000 1.0392304845 0.0000000000 + 954 3.1500000000 1.4722431864 0.0000000000 + 955 3.5000000000 2.7712812921 0.0000000000 + 956 2.8500000000 0.9526279442 0.0000000000 + 957 3.2000000000 1.5588457268 0.0000000000 + 958 2.3000000000 0.3464101615 0.0000000000 + 959 3.4500000000 2.3382685902 0.0000000000 + 960 2.8000000000 0.8660254038 0.0000000000 + 961 3.2500000000 1.6454482672 0.0000000000 + 962 2.1000000000 0.1732050808 0.0000000000 + 963 2.5000000000 0.5196152423 0.0000000000 + 964 3.4000000000 2.0784609691 0.0000000000 + 965 2.0000000000 0.1000000000 0.0000000000 + 966 3.5000000000 2.5980762114 0.0000000000 + 967 2.7500000000 0.7794228634 0.0000000000 + 968 3.3000000000 1.7320508076 0.0000000000 + 969 2.2500000000 0.2598076211 0.0000000000 + 970 3.5000000000 2.4248711306 0.0000000000 + 971 2.4500000000 0.4330127019 0.0000000000 + 972 3.4500000000 2.1650635095 0.0000000000 + 973 2.7000000000 0.6928203230 0.0000000000 + 974 3.5500000000 2.8806032987 0.0000000000 + 975 3.3500000000 1.8186533479 0.0000000000 + 976 3.5500000000 2.6846787517 0.0000000000 + 977 2.6500000000 0.6062177826 0.0000000000 + 978 3.4000000000 1.9052558883 0.0000000000 + 979 2.4000000000 0.3464101615 0.0000000000 + 980 3.1000000000 1.2124355653 0.0000000000 + 981 3.5000000000 2.2516660498 0.0000000000 + 982 3.0500000000 1.1258330249 0.0000000000 + 983 3.1500000000 1.2990381057 0.0000000000 + 984 2.2000000000 0.1732050808 0.0000000000 + 985 3.5500000000 2.5114736710 0.0000000000 + 986 3.0000000000 1.0392304845 0.0000000000 + 987 3.2000000000 1.3856406461 0.0000000000 + 988 2.9500000000 0.9526279442 0.0000000000 + 989 3.2500000000 1.4722431864 0.0000000000 + 990 2.6000000000 0.5196152423 0.0000000000 + 991 3.4500000000 1.9918584287 0.0000000000 + 992 3.6000000000 3.0000000000 0.0000000000 + 993 2.9000000000 0.8660254038 0.0000000000 + 994 3.3000000000 1.5588457268 0.0000000000 + 995 2.0000000000 0.0000000000 0.0000000000 + 996 3.6000000000 2.7712812921 0.0000000000 + 997 2.3500000000 0.2598076211 0.0000000000 + 998 3.5500000000 2.3382685902 0.0000000000 + 999 2.8500000000 0.7794228634 0.0000000000 + 1000 3.3500000000 1.6454482672 0.0000000000 + 1001 2.1416666667 0.0888354503 0.0000000000 + 1002 2.5500000000 0.4330127019 0.0000000000 + 1003 3.5000000000 2.0784609691 0.0000000000 + 1004 3.6000000000 2.5980762114 0.0000000000 + 1005 2.8000000000 0.6928203230 0.0000000000 + 1006 3.4000000000 1.7320508076 0.0000000000 + 1007 2.3000000000 0.1732050808 0.0000000000 + 1008 3.6000000000 2.4248711306 0.0000000000 + 1009 2.5000000000 0.3464101615 0.0000000000 + 1010 2.7500000000 0.6062177826 0.0000000000 + 1011 3.4500000000 1.8186533479 0.0000000000 + 1012 3.5500000000 2.1650635095 0.0000000000 + 1013 3.6500000000 2.8831733756 0.0000000000 + 1014 2.1000000000 0.0000000000 0.0000000000 + 1015 3.6500000000 2.6846787517 0.0000000000 + 1016 3.1500000000 1.1258330249 0.0000000000 + 1017 3.2000000000 1.2124355653 0.0000000000 + 1018 2.7000000000 0.5196152423 0.0000000000 + 1019 3.5000000000 1.9052558883 0.0000000000 + 1020 3.1000000000 1.0392304845 0.0000000000 + 1021 3.2500000000 1.2990381057 0.0000000000 + 1022 3.0500000000 0.9526279442 0.0000000000 + 1023 3.3000000000 1.3856406461 0.0000000000 + 1024 2.4500000000 0.2598076211 0.0000000000 + 1025 3.6000000000 2.2516660498 0.0000000000 + 1026 2.2500000000 0.0866025404 0.0000000000 + 1027 3.0000000000 0.8660254038 0.0000000000 + 1028 3.3500000000 1.4722431864 0.0000000000 + 1029 3.6500000000 2.5114736710 0.0000000000 + 1030 2.6500000000 0.4330127019 0.0000000000 + 1031 3.5500000000 1.9918584287 0.0000000000 + 1032 2.9500000000 0.7794228634 0.0000000000 + 1033 3.4000000000 1.5588457268 0.0000000000 + 1034 3.7000000000 3.0000000000 0.0000000000 + 1035 2.9000000000 0.6928203230 0.0000000000 + 1036 3.4500000000 1.6454482672 0.0000000000 + 1037 3.7000000000 2.7712812921 0.0000000000 + 1038 2.4000000000 0.1732050808 0.0000000000 + 1039 3.6500000000 2.3382685902 0.0000000000 + 1040 2.6000000000 0.3464101615 0.0000000000 + 1041 3.6000000000 2.0784609691 0.0000000000 + 1042 2.2000000000 0.0000000000 0.0000000000 + 1043 3.7000000000 2.5980762114 0.0000000000 + 1044 2.8500000000 0.6062177826 0.0000000000 + 1045 3.5000000000 1.7320508076 0.0000000000 + 1046 2.8000000000 0.5196152423 0.0000000000 + 1047 3.5500000000 1.8186533479 0.0000000000 + 1048 2.3500000000 0.0866025404 0.0000000000 + 1049 2.5500000000 0.2598076211 0.0000000000 + 1050 3.6500000000 2.1650635095 0.0000000000 + 1051 3.7000000000 2.4248711306 0.0000000000 + 1052 3.2500000000 1.1258330249 0.0000000000 + 1053 3.7500000000 2.8849210365 0.0000000000 + 1054 3.2000000000 1.0392304845 0.0000000000 + 1055 3.3000000000 1.2124355653 0.0000000000 + 1056 3.1500000000 0.9526279442 0.0000000000 + 1057 3.3500000000 1.2990381057 0.0000000000 + 1058 2.7500000000 0.4330127019 0.0000000000 + 1059 3.6000000000 1.9052558883 0.0000000000 + 1060 3.7500000000 2.6846787517 0.0000000000 + 1061 3.1000000000 0.8660254038 0.0000000000 + 1062 3.4000000000 1.3856406461 0.0000000000 + 1063 3.0500000000 0.7794228634 0.0000000000 + 1064 3.4500000000 1.4722431864 0.0000000000 + 1065 2.5000000000 0.1732050808 0.0000000000 + 1066 3.7000000000 2.2516660498 0.0000000000 + 1067 2.3000000000 0.0000000000 0.0000000000 + 1068 3.7500000000 2.5114736710 0.0000000000 + 1069 3.0000000000 0.6928203230 0.0000000000 + 1070 3.5000000000 1.5588457268 0.0000000000 + 1071 2.7000000000 0.3464101615 0.0000000000 + 1072 3.6500000000 1.9918584287 0.0000000000 + 1073 2.9500000000 0.6062177826 0.0000000000 + 1074 3.5500000000 1.6454482672 0.0000000000 + 1075 3.8000000000 3.0000000000 0.0000000000 + 1076 2.4500000000 0.0866025404 0.0000000000 + 1077 3.8000000000 2.7712812921 0.0000000000 + 1078 3.7500000000 2.3382685902 0.0000000000 + 1079 2.6500000000 0.2598076211 0.0000000000 + 1080 3.7000000000 2.0784609691 0.0000000000 + 1081 2.9000000000 0.5196152423 0.0000000000 + 1082 3.6000000000 1.7320508076 0.0000000000 + 1083 3.8000000000 2.5980762114 0.0000000000 + 1084 2.8500000000 0.4330127019 0.0000000000 + 1085 3.6500000000 1.8186533479 0.0000000000 + 1086 3.3000000000 1.0392304845 0.0000000000 + 1087 3.3500000000 1.1258330249 0.0000000000 + 1088 2.6000000000 0.1732050808 0.0000000000 + 1089 3.2500000000 0.9526279442 0.0000000000 + 1090 3.4000000000 1.2124355653 0.0000000000 + 1091 3.7500000000 2.1650635095 0.0000000000 + 1092 2.4000000000 0.0000000000 0.0000000000 + 1093 3.8000000000 2.4248711306 0.0000000000 + 1094 3.2000000000 0.8660254038 0.0000000000 + 1095 3.4500000000 1.2990381057 0.0000000000 + 1096 3.8500000000 2.8837902594 0.0000000000 + 1097 3.1500000000 0.7794228634 0.0000000000 + 1098 3.5000000000 1.3856406461 0.0000000000 + 1099 2.8000000000 0.3464101615 0.0000000000 + 1100 3.7000000000 1.9052558883 0.0000000000 + 1101 3.8500000000 2.6846787517 0.0000000000 + 1102 3.1000000000 0.6928203230 0.0000000000 + 1103 3.5500000000 1.4722431864 0.0000000000 + 1104 2.5500000000 0.0866025404 0.0000000000 + 1105 3.8000000000 2.2516660498 0.0000000000 + 1106 3.0500000000 0.6062177826 0.0000000000 + 1107 3.6000000000 1.5588457268 0.0000000000 + 1108 3.8500000000 2.5114736710 0.0000000000 + 1109 2.7500000000 0.2598076211 0.0000000000 + 1110 3.7500000000 1.9918584287 0.0000000000 + 1111 3.0000000000 0.5196152423 0.0000000000 + 1112 3.6500000000 1.6454482672 0.0000000000 + 1113 3.9000000000 3.0000000000 0.0000000000 + 1114 2.5000000000 0.0000000000 0.0000000000 + 1115 3.8500000000 2.3382685902 0.0000000000 + 1116 3.9000000000 2.7712812921 0.0000000000 + 1117 2.7000000000 0.1732050808 0.0000000000 + 1118 3.8000000000 2.0784609691 0.0000000000 + 1119 2.9500000000 0.4330127019 0.0000000000 + 1120 3.7000000000 1.7320508076 0.0000000000 + 1121 3.9000000000 2.5980762114 0.0000000000 + 1122 3.4000000000 1.0392304845 0.0000000000 + 1123 3.3500000000 0.9526279442 0.0000000000 + 1124 3.4500000000 1.1258330249 0.0000000000 + 1125 3.3000000000 0.8660254038 0.0000000000 + 1126 3.5000000000 1.2124355653 0.0000000000 + 1127 2.9000000000 0.3464101615 0.0000000000 + 1128 3.7500000000 1.8186533479 0.0000000000 + 1129 3.2500000000 0.7794228634 0.0000000000 + 1130 3.5500000000 1.2990381057 0.0000000000 + 1131 2.6500000000 0.0866025404 0.0000000000 + 1132 3.8500000000 2.1650635095 0.0000000000 + 1133 3.9000000000 2.4248711306 0.0000000000 + 1134 3.2000000000 0.6928203230 0.0000000000 + 1135 3.6000000000 1.3856406461 0.0000000000 + 1136 3.9500000000 2.8800896778 0.0000000000 + 1137 2.8500000000 0.2598076211 0.0000000000 + 1138 3.8000000000 1.9052558883 0.0000000000 + 1139 3.1500000000 0.6062177826 0.0000000000 + 1140 3.6500000000 1.4722431864 0.0000000000 + 1141 3.9500000000 2.6846787517 0.0000000000 + 1142 2.6000000000 0.0000000000 0.0000000000 + 1143 3.1000000000 0.5196152423 0.0000000000 + 1144 3.7000000000 1.5588457268 0.0000000000 + 1145 3.9000000000 2.2516660498 0.0000000000 + 1146 2.8000000000 0.1732050808 0.0000000000 + 1147 3.8500000000 1.9918584287 0.0000000000 + 1148 3.9500000000 2.5114736710 0.0000000000 + 1149 3.0500000000 0.4330127019 0.0000000000 + 1150 3.7500000000 1.6454482672 0.0000000000 + 1151 4.0000000000 3.0000000000 0.0000000000 + 1152 3.9500000000 2.3382685902 0.0000000000 + 1153 3.0000000000 0.3464101615 0.0000000000 + 1154 3.8000000000 1.7320508076 0.0000000000 + 1155 2.7500000000 0.0866025404 0.0000000000 + 1156 4.0000000000 2.7712812921 0.0000000000 + 1157 3.9000000000 2.0784609691 0.0000000000 + 1158 3.4500000000 0.9526279442 0.0000000000 + 1159 3.5000000000 1.0392304845 0.0000000000 + 1160 3.4000000000 0.8660254038 0.0000000000 + 1161 3.5500000000 1.1258330249 0.0000000000 + 1162 3.3500000000 0.7794228634 0.0000000000 + 1163 3.6000000000 1.2124355653 0.0000000000 + 1164 4.0000000000 2.5980762114 0.0000000000 + 1165 2.9500000000 0.2598076211 0.0000000000 + 1166 3.3000000000 0.6928203230 0.0000000000 + 1167 3.6500000000 1.2990381057 0.0000000000 + 1168 3.8500000000 1.8186533479 0.0000000000 + 1169 2.7000000000 0.0000000000 0.0000000000 + 1170 3.2500000000 0.6062177826 0.0000000000 + 1171 3.7000000000 1.3856406461 0.0000000000 + 1172 3.9500000000 2.1650635095 0.0000000000 + 1173 4.0000000000 2.4248711306 0.0000000000 + 1174 3.2000000000 0.5196152423 0.0000000000 + 1175 3.7500000000 1.4722431864 0.0000000000 + 1176 2.9000000000 0.1732050808 0.0000000000 + 1177 3.9000000000 1.9052558883 0.0000000000 + 1178 4.0500000000 2.8800916498 0.0000000000 + 1179 4.0500000000 2.6846787517 0.0000000000 + 1180 3.1500000000 0.4330127019 0.0000000000 + 1181 3.8000000000 1.5588457268 0.0000000000 + 1182 4.0000000000 2.2516660498 0.0000000000 + 1183 2.8500000000 0.0866025404 0.0000000000 + 1184 3.9500000000 1.9918584287 0.0000000000 + 1185 4.0500000000 2.5114736710 0.0000000000 + 1186 3.1000000000 0.3464101615 0.0000000000 + 1187 3.8500000000 1.6454482672 0.0000000000 + 1188 3.5500000000 0.9526279442 0.0000000000 + 1189 3.5000000000 0.8660254038 0.0000000000 + 1190 3.6000000000 1.0392304845 0.0000000000 + 1191 4.1000000000 3.0000000000 0.0000000000 + 1192 3.0500000000 0.2598076211 0.0000000000 + 1193 3.9000000000 1.7320508076 0.0000000000 + 1194 3.4500000000 0.7794228634 0.0000000000 + 1195 3.6500000000 1.1258330249 0.0000000000 + 1196 2.8000000000 0.0000000000 0.0000000000 + 1197 4.0500000000 2.3382685902 0.0000000000 + 1198 4.0000000000 2.0784609691 0.0000000000 + 1199 4.1000000000 2.7712812921 0.0000000000 + 1200 3.4000000000 0.6928203230 0.0000000000 + 1201 3.7000000000 1.2124355653 0.0000000000 + 1202 3.3500000000 0.6062177826 0.0000000000 + 1203 3.7500000000 1.2990381057 0.0000000000 + 1204 4.1000000000 2.5980762114 0.0000000000 + 1205 3.0000000000 0.1732050808 0.0000000000 + 1206 3.9500000000 1.8186533479 0.0000000000 + 1207 3.3000000000 0.5196152423 0.0000000000 + 1208 3.8000000000 1.3856406461 0.0000000000 + 1209 4.0500000000 2.1650635095 0.0000000000 + 1210 4.1000000000 2.4248711306 0.0000000000 + 1211 3.2500000000 0.4330127019 0.0000000000 + 1212 3.8500000000 1.4722431864 0.0000000000 + 1213 2.9500000000 0.0866025404 0.0000000000 + 1214 4.0000000000 1.9052558883 0.0000000000 + 1215 4.1500000000 2.8838047851 0.0000000000 + 1216 3.2000000000 0.3464101615 0.0000000000 + 1217 3.9000000000 1.5588457268 0.0000000000 + 1218 4.1500000000 2.6846787517 0.0000000000 + 1219 4.1000000000 2.2516660498 0.0000000000 + 1220 2.9000000000 0.0000000000 0.0000000000 + 1221 4.0500000000 1.9918584287 0.0000000000 + 1222 3.1500000000 0.2598076211 0.0000000000 + 1223 3.9500000000 1.6454482672 0.0000000000 + 1224 4.1500000000 2.5114736710 0.0000000000 + 1225 3.6000000000 0.8660254038 0.0000000000 + 1226 3.6500000000 0.9526279442 0.0000000000 + 1227 3.5500000000 0.7794228634 0.0000000000 + 1228 3.7000000000 1.0392304845 0.0000000000 + 1229 3.5000000000 0.6928203230 0.0000000000 + 1230 3.7500000000 1.1258330249 0.0000000000 + 1231 3.1000000000 0.1732050808 0.0000000000 + 1232 4.0000000000 1.7320508076 0.0000000000 + 1233 3.4500000000 0.6062177826 0.0000000000 + 1234 3.8000000000 1.2124355653 0.0000000000 + 1235 4.2000000000 3.0000000000 0.0000000000 + 1236 4.1000000000 2.0784609691 0.0000000000 + 1237 4.1500000000 2.3382685902 0.0000000000 + 1238 4.2000000000 2.7712812921 0.0000000000 + 1239 3.4000000000 0.5196152423 0.0000000000 + 1240 3.8500000000 1.2990381057 0.0000000000 + 1241 3.0500000000 0.0866025404 0.0000000000 + 1242 4.0500000000 1.8186533479 0.0000000000 + 1243 4.2000000000 2.5980762114 0.0000000000 + 1244 3.3500000000 0.4330127019 0.0000000000 + 1245 3.9000000000 1.3856406461 0.0000000000 + 1246 4.1500000000 2.1650635095 0.0000000000 + 1247 3.3000000000 0.3464101615 0.0000000000 + 1248 3.9500000000 1.4722431864 0.0000000000 + 1249 4.2000000000 2.4248711306 0.0000000000 + 1250 3.0000000000 0.0000000000 0.0000000000 + 1251 4.1000000000 1.9052558883 0.0000000000 + 1252 3.2500000000 0.2598076211 0.0000000000 + 1253 4.2500000000 2.8801744766 0.0000000000 + 1254 4.0000000000 1.5588457268 0.0000000000 + 1255 4.2500000000 2.6846787517 0.0000000000 + 1256 4.2000000000 2.2516660498 0.0000000000 + 1257 3.2000000000 0.1732050808 0.0000000000 + 1258 4.0500000000 1.6454482672 0.0000000000 + 1259 4.1500000000 1.9918584287 0.0000000000 + 1260 3.7000000000 0.8660254038 0.0000000000 + 1261 3.6500000000 0.7794228634 0.0000000000 + 1262 3.7500000000 0.9526279442 0.0000000000 + 1263 3.6000000000 0.6928203230 0.0000000000 + 1264 3.8000000000 1.0392304845 0.0000000000 + 1265 4.2500000000 2.5114736710 0.0000000000 + 1266 3.5500000000 0.6062177826 0.0000000000 + 1267 3.8500000000 1.1258330249 0.0000000000 + 1268 3.5000000000 0.5196152423 0.0000000000 + 1269 3.9000000000 1.2124355653 0.0000000000 + 1270 3.1500000000 0.0866025404 0.0000000000 + 1271 4.1000000000 1.7320508076 0.0000000000 + 1272 4.2000000000 2.0784609691 0.0000000000 + 1273 4.3000000000 3.0000000000 0.0000000000 + 1274 3.4500000000 0.4330127019 0.0000000000 + 1275 3.9500000000 1.2990381057 0.0000000000 + 1276 4.2500000000 2.3382685902 0.0000000000 + 1277 4.3000000000 2.7712812921 0.0000000000 + 1278 3.4000000000 0.3464101615 0.0000000000 + 1279 4.0000000000 1.3856406461 0.0000000000 + 1280 3.1000000000 0.0000000000 0.0000000000 + 1281 4.1500000000 1.8186533479 0.0000000000 + 1282 4.3000000000 2.5980762114 0.0000000000 + 1283 3.3500000000 0.2598076211 0.0000000000 + 1284 4.0500000000 1.4722431864 0.0000000000 + 1285 4.2500000000 2.1650635095 0.0000000000 + 1286 4.3000000000 2.4248711306 0.0000000000 + 1287 4.2000000000 1.9052558883 0.0000000000 + 1288 3.3000000000 0.1732050808 0.0000000000 + 1289 4.1000000000 1.5588457268 0.0000000000 + 1290 4.3500000000 2.8843155501 0.0000000000 + 1291 3.7500000000 0.7794228634 0.0000000000 + 1292 3.8000000000 0.8660254038 0.0000000000 + 1293 3.7000000000 0.6928203230 0.0000000000 + 1294 3.8500000000 0.9526279442 0.0000000000 + 1295 4.3500000000 2.6846787517 0.0000000000 + 1296 4.3000000000 2.2516660498 0.0000000000 + 1297 3.2500000000 0.0866025404 0.0000000000 + 1298 3.6500000000 0.6062177826 0.0000000000 + 1299 3.9000000000 1.0392304845 0.0000000000 + 1300 4.1500000000 1.6454482672 0.0000000000 + 1301 4.2500000000 1.9918584287 0.0000000000 + 1302 3.6000000000 0.5196152423 0.0000000000 + 1303 3.9500000000 1.1258330249 0.0000000000 + 1304 4.3500000000 2.5114736710 0.0000000000 + 1305 3.5500000000 0.4330127019 0.0000000000 + 1306 4.0000000000 1.2124355653 0.0000000000 + 1307 3.2000000000 0.0000000000 0.0000000000 + 1308 4.2000000000 1.7320508076 0.0000000000 + 1309 3.5000000000 0.3464101615 0.0000000000 + 1310 4.0500000000 1.2990381057 0.0000000000 + 1311 4.3000000000 2.0784609691 0.0000000000 + 1312 4.4000000000 3.0000000000 0.0000000000 + 1313 4.3500000000 2.3382685902 0.0000000000 + 1314 3.4500000000 0.2598076211 0.0000000000 + 1315 4.4000000000 2.7712812921 0.0000000000 + 1316 4.1000000000 1.3856406461 0.0000000000 + 1317 4.2500000000 1.8186533479 0.0000000000 + 1318 4.4000000000 2.5980762114 0.0000000000 + 1319 3.4000000000 0.1732050808 0.0000000000 + 1320 4.1500000000 1.4722431864 0.0000000000 + 1321 4.3500000000 2.1650635095 0.0000000000 + 1322 4.3000000000 1.9052558883 0.0000000000 + 1323 4.4000000000 2.4248711306 0.0000000000 + 1324 3.3500000000 0.0866025404 0.0000000000 + 1325 4.2000000000 1.5588457268 0.0000000000 + 1326 3.8500000000 0.7794228634 0.0000000000 + 1327 3.8000000000 0.6928203230 0.0000000000 + 1328 3.9000000000 0.8660254038 0.0000000000 + 1329 3.7500000000 0.6062177826 0.0000000000 + 1330 3.9500000000 0.9526279442 0.0000000000 + 1331 4.4500000000 2.8831562399 0.0000000000 + 1332 3.7000000000 0.5196152423 0.0000000000 + 1333 4.0000000000 1.0392304845 0.0000000000 + 1334 3.3000000000 0.0000000000 0.0000000000 + 1335 4.2500000000 1.6454482672 0.0000000000 + 1336 4.4500000000 2.6846787517 0.0000000000 + 1337 3.6500000000 0.4330127019 0.0000000000 + 1338 4.0500000000 1.1258330249 0.0000000000 + 1339 4.4000000000 2.2516660498 0.0000000000 + 1340 4.3500000000 1.9918584287 0.0000000000 + 1341 3.6000000000 0.3464101615 0.0000000000 + 1342 4.1000000000 1.2124355653 0.0000000000 + 1343 4.4500000000 2.5114736710 0.0000000000 + 1344 4.3000000000 1.7320508076 0.0000000000 + 1345 3.5500000000 0.2598076211 0.0000000000 + 1346 4.1500000000 1.2990381057 0.0000000000 + 1347 4.4000000000 2.0784609691 0.0000000000 + 1348 4.4500000000 2.3382685902 0.0000000000 + 1349 3.5000000000 0.1732050808 0.0000000000 + 1350 4.2000000000 1.3856406461 0.0000000000 + 1351 4.5000000000 3.0000000000 0.0000000000 + 1352 4.5000000000 2.7712812921 0.0000000000 + 1353 4.3500000000 1.8186533479 0.0000000000 + 1354 3.4500000000 0.0866025404 0.0000000000 + 1355 4.2500000000 1.4722431864 0.0000000000 + 1356 4.5000000000 2.5980762114 0.0000000000 + 1357 4.4500000000 2.1650635095 0.0000000000 + 1358 3.9000000000 0.6928203230 0.0000000000 + 1359 3.9500000000 0.7794228634 0.0000000000 + 1360 3.8500000000 0.6062177826 0.0000000000 + 1361 4.0000000000 0.8660254038 0.0000000000 + 1362 4.4000000000 1.9052558883 0.0000000000 + 1363 3.4000000000 0.0000000000 0.0000000000 + 1364 4.3000000000 1.5588457268 0.0000000000 + 1365 4.5000000000 2.4248711306 0.0000000000 + 1366 3.8000000000 0.5196152423 0.0000000000 + 1367 4.0500000000 0.9526279442 0.0000000000 + 1368 3.7500000000 0.4330127019 0.0000000000 + 1369 4.1000000000 1.0392304845 0.0000000000 + 1370 4.5500000000 2.8799864803 0.0000000000 + 1371 3.7000000000 0.3464101615 0.0000000000 + 1372 4.1500000000 1.1258330249 0.0000000000 + 1373 4.3500000000 1.6454482672 0.0000000000 + 1374 4.5500000000 2.6846787517 0.0000000000 + 1375 4.5000000000 2.2516660498 0.0000000000 + 1376 4.4500000000 1.9918584287 0.0000000000 + 1377 3.6500000000 0.2598076211 0.0000000000 + 1378 4.2000000000 1.2124355653 0.0000000000 + 1379 4.5500000000 2.5114736710 0.0000000000 + 1380 3.6000000000 0.1732050808 0.0000000000 + 1381 4.2500000000 1.2990381057 0.0000000000 + 1382 4.4000000000 1.7320508076 0.0000000000 + 1383 3.5500000000 0.0866025404 0.0000000000 + 1384 4.3000000000 1.3856406461 0.0000000000 + 1385 4.5000000000 2.0784609691 0.0000000000 + 1386 4.5500000000 2.3382685902 0.0000000000 + 1387 4.6000000000 3.0000000000 0.0000000000 + 1388 4.4500000000 1.8186533479 0.0000000000 + 1389 4.6000000000 2.7712812921 0.0000000000 + 1390 3.5000000000 0.0000000000 0.0000000000 + 1391 4.3500000000 1.4722431864 0.0000000000 + 1392 4.6000000000 2.5980762114 0.0000000000 + 1393 4.0000000000 0.6928203230 0.0000000000 + 1394 3.9500000000 0.6062177826 0.0000000000 + 1395 4.0500000000 0.7794228634 0.0000000000 + 1396 3.9000000000 0.5196152423 0.0000000000 + 1397 4.1000000000 0.8660254038 0.0000000000 + 1398 4.5500000000 2.1650635095 0.0000000000 + 1399 3.8500000000 0.4330127019 0.0000000000 + 1400 4.1500000000 0.9526279442 0.0000000000 + 1401 4.4000000000 1.5588457268 0.0000000000 + 1402 4.5000000000 1.9052558883 0.0000000000 + 1403 3.8000000000 0.3464101615 0.0000000000 + 1404 4.2000000000 1.0392304845 0.0000000000 + 1405 4.6000000000 2.4248711306 0.0000000000 + 1406 3.7500000000 0.2598076211 0.0000000000 + 1407 4.2500000000 1.1258330249 0.0000000000 + 1408 4.6500000000 2.8794724653 0.0000000000 + 1409 4.4500000000 1.6454482672 0.0000000000 + 1410 3.7000000000 0.1732050808 0.0000000000 + 1411 4.3000000000 1.2124355653 0.0000000000 + 1412 4.5500000000 1.9918584287 0.0000000000 + 1413 4.6000000000 2.2516660498 0.0000000000 + 1414 4.6500000000 2.6846787517 0.0000000000 + 1415 3.6500000000 0.0866025404 0.0000000000 + 1416 4.3500000000 1.2990381057 0.0000000000 + 1417 4.5000000000 1.7320508076 0.0000000000 + 1418 4.6500000000 2.5114736710 0.0000000000 + 1419 3.6000000000 0.0000000000 0.0000000000 + 1420 4.4000000000 1.3856406461 0.0000000000 + 1421 4.6000000000 2.0784609691 0.0000000000 + 1422 4.6500000000 2.3382685902 0.0000000000 + 1423 4.7000000000 3.0000000000 0.0000000000 + 1424 4.5500000000 1.8186533479 0.0000000000 + 1425 4.0500000000 0.6062177826 0.0000000000 + 1426 4.1000000000 0.6928203230 0.0000000000 + 1427 4.4500000000 1.4722431864 0.0000000000 + 1428 4.7000000000 2.7712812921 0.0000000000 + 1429 4.0000000000 0.5196152423 0.0000000000 + 1430 4.1500000000 0.7794228634 0.0000000000 + 1431 3.9500000000 0.4330127019 0.0000000000 + 1432 4.2000000000 0.8660254038 0.0000000000 + 1433 3.9000000000 0.3464101615 0.0000000000 + 1434 4.7000000000 2.5980762114 0.0000000000 + 1435 4.2500000000 0.9526279442 0.0000000000 + 1436 4.6500000000 2.1650635095 0.0000000000 + 1437 4.5000000000 1.5588457268 0.0000000000 + 1438 3.8500000000 0.2598076211 0.0000000000 + 1439 4.3000000000 1.0392304845 0.0000000000 + 1440 4.6000000000 1.9052558883 0.0000000000 + 1441 4.7000000000 2.4248711306 0.0000000000 + 1442 3.8000000000 0.1732050808 0.0000000000 + 1443 4.3500000000 1.1258330249 0.0000000000 + 1444 4.5500000000 1.6454482672 0.0000000000 + 1445 3.7500000000 0.0866025404 0.0000000000 + 1446 4.4000000000 1.2124355653 0.0000000000 + 1447 4.7500000000 2.8763883749 0.0000000000 + 1448 4.6500000000 1.9918584287 0.0000000000 + 1449 4.7000000000 2.2516660498 0.0000000000 + 1450 4.7500000000 2.6846787517 0.0000000000 + 1451 3.7000000000 0.0000000000 0.0000000000 + 1452 4.4500000000 1.2990381057 0.0000000000 + 1453 4.6000000000 1.7320508076 0.0000000000 + 1454 4.7500000000 2.5114736710 0.0000000000 + 1455 4.5000000000 1.3856406461 0.0000000000 + 1456 4.7000000000 2.0784609691 0.0000000000 + 1457 4.1500000000 0.6062177826 0.0000000000 + 1458 4.1000000000 0.5196152423 0.0000000000 + 1459 4.2000000000 0.6928203230 0.0000000000 + 1460 4.0500000000 0.4330127019 0.0000000000 + 1461 4.2500000000 0.7794228634 0.0000000000 + 1462 4.7500000000 2.3382685902 0.0000000000 + 1463 4.6500000000 1.8186533479 0.0000000000 + 1464 4.5500000000 1.4722431864 0.0000000000 + 1465 4.8000000000 3.0000000000 0.0000000000 + 1466 4.0000000000 0.3464101615 0.0000000000 + 1467 4.3000000000 0.8660254038 0.0000000000 + 1468 4.8000000000 2.7712812921 0.0000000000 + 1469 3.9500000000 0.2598076211 0.0000000000 + 1470 4.3500000000 0.9526279442 0.0000000000 + 1471 3.9000000000 0.1732050808 0.0000000000 + 1472 4.8000000000 2.5980762114 0.0000000000 + 1473 4.4000000000 1.0392304845 0.0000000000 + 1474 4.6000000000 1.5588457268 0.0000000000 + 1475 4.7500000000 2.1650635095 0.0000000000 + 1476 4.7000000000 1.9052558883 0.0000000000 + 1477 3.8500000000 0.0866025404 0.0000000000 + 1478 4.4500000000 1.1258330249 0.0000000000 + 1479 4.8000000000 2.4248711306 0.0000000000 + 1480 3.8000000000 0.0000000000 0.0000000000 + 1481 4.5000000000 1.2124355653 0.0000000000 + 1482 4.6500000000 1.6454482672 0.0000000000 + 1483 4.8500000000 2.8833275783 0.0000000000 + 1484 4.7500000000 1.9918584287 0.0000000000 + 1485 4.5500000000 1.2990381057 0.0000000000 + 1486 4.8000000000 2.2516660498 0.0000000000 + 1487 4.8500000000 2.6846787517 0.0000000000 + 1488 4.7000000000 1.7320508076 0.0000000000 + 1489 4.8500000000 2.5114736710 0.0000000000 + 1490 4.6000000000 1.3856406461 0.0000000000 + 1491 4.2000000000 0.5196152423 0.0000000000 + 1492 4.2500000000 0.6062177826 0.0000000000 + 1493 4.1500000000 0.4330127019 0.0000000000 + 1494 4.3000000000 0.6928203230 0.0000000000 + 1495 4.1000000000 0.3464101615 0.0000000000 + 1496 4.3500000000 0.7794228634 0.0000000000 + 1497 4.8000000000 2.0784609691 0.0000000000 + 1498 4.0500000000 0.2598076211 0.0000000000 + 1499 4.4000000000 0.8660254038 0.0000000000 + 1500 4.6500000000 1.4722431864 0.0000000000 + 1501 4.7500000000 1.8186533479 0.0000000000 + 1502 4.8500000000 2.3382685902 0.0000000000 + 1503 4.0000000000 0.1732050808 0.0000000000 + 1504 4.4500000000 0.9526279442 0.0000000000 + 1505 4.9000000000 3.0000000000 0.0000000000 + 1506 4.9000000000 2.7712812921 0.0000000000 + 1507 3.9500000000 0.0866025404 0.0000000000 + 1508 4.5000000000 1.0392304845 0.0000000000 + 1509 4.7000000000 1.5588457268 0.0000000000 + 1510 4.9000000000 2.5980762114 0.0000000000 + 1511 3.9000000000 0.0000000000 0.0000000000 + 1512 4.5500000000 1.1258330249 0.0000000000 + 1513 4.8500000000 2.1650635095 0.0000000000 + 1514 4.8000000000 1.9052558883 0.0000000000 + 1515 4.9000000000 2.4248711306 0.0000000000 + 1516 4.6000000000 1.2124355653 0.0000000000 + 1517 4.7500000000 1.6454482672 0.0000000000 + 1518 4.6500000000 1.2990381057 0.0000000000 + 1519 4.9500000000 2.8810145105 0.0000000000 + 1520 4.8500000000 1.9918584287 0.0000000000 + 1521 4.9000000000 2.2516660498 0.0000000000 + 1522 4.9500000000 2.6846787517 0.0000000000 + 1523 4.3000000000 0.5196152423 0.0000000000 + 1524 4.8000000000 1.7320508076 0.0000000000 + 1525 4.2500000000 0.4330127019 0.0000000000 + 1526 4.3500000000 0.6062177826 0.0000000000 + 1527 4.2000000000 0.3464101615 0.0000000000 + 1528 4.4000000000 0.6928203230 0.0000000000 + 1529 4.7000000000 1.3856406461 0.0000000000 + 1530 4.1500000000 0.2598076211 0.0000000000 + 1531 4.4500000000 0.7794228634 0.0000000000 + 1532 4.9500000000 2.5114736710 0.0000000000 + 1533 4.1000000000 0.1732050808 0.0000000000 + 1534 4.5000000000 0.8660254038 0.0000000000 + 1535 4.9000000000 2.0784609691 0.0000000000 + 1536 4.0500000000 0.0866025404 0.0000000000 + 1537 4.5500000000 0.9526279442 0.0000000000 + 1538 4.7500000000 1.4722431864 0.0000000000 + 1539 4.8500000000 1.8186533479 0.0000000000 + 1540 4.9500000000 2.3382685902 0.0000000000 + 1541 5.0000000000 3.0000000000 0.0000000000 + 1542 4.0000000000 0.0000000000 0.0000000000 + 1543 4.6000000000 1.0392304845 0.0000000000 + 1544 5.0000000000 2.7712812921 0.0000000000 + 1545 4.8000000000 1.5588457268 0.0000000000 + 1546 4.6500000000 1.1258330249 0.0000000000 + 1547 5.0000000000 2.5980762114 0.0000000000 + 1548 4.9500000000 2.1650635095 0.0000000000 + 1549 4.9000000000 1.9052558883 0.0000000000 + 1550 4.7000000000 1.2124355653 0.0000000000 + 1551 5.0000000000 2.4248711306 0.0000000000 + 1552 4.8500000000 1.6454482672 0.0000000000 + 1553 4.7500000000 1.2990381057 0.0000000000 + 1554 4.3500000000 0.4330127019 0.0000000000 + 1555 4.4000000000 0.5196152423 0.0000000000 + 1556 5.0500000000 2.8856406461 0.0000000000 + 1557 4.9500000000 1.9918584287 0.0000000000 + 1558 4.3000000000 0.3464101615 0.0000000000 + 1559 4.4500000000 0.6062177826 0.0000000000 + 1560 5.0000000000 2.2516660498 0.0000000000 + 1561 4.2500000000 0.2598076211 0.0000000000 + 1562 4.5000000000 0.6928203230 0.0000000000 + 1563 5.0500000000 2.6846787517 0.0000000000 + 1564 4.9000000000 1.7320508076 0.0000000000 + 1565 4.2000000000 0.1732050808 0.0000000000 + 1566 4.5500000000 0.7794228634 0.0000000000 + 1567 4.8000000000 1.3856406461 0.0000000000 + 1568 4.1500000000 0.0866025404 0.0000000000 + 1569 4.6000000000 0.8660254038 0.0000000000 + 1570 5.0500000000 2.5114736710 0.0000000000 + 1571 4.1000000000 0.0000000000 0.0000000000 + 1572 4.6500000000 0.9526279442 0.0000000000 + 1573 5.0000000000 2.0784609691 0.0000000000 + 1574 4.8500000000 1.4722431864 0.0000000000 + 1575 4.9500000000 1.8186533479 0.0000000000 + 1576 4.7000000000 1.0392304845 0.0000000000 + 1577 5.0500000000 2.3382685902 0.0000000000 + 1578 5.1000000000 3.0000000000 0.0000000000 + 1579 5.1000000000 2.7712812921 0.0000000000 + 1580 4.7500000000 1.1258330249 0.0000000000 + 1581 4.9000000000 1.5588457268 0.0000000000 + 1582 5.1000000000 2.5980762114 0.0000000000 + 1583 5.0000000000 1.9052558883 0.0000000000 + 1584 5.0500000000 2.1650635095 0.0000000000 + 1585 4.8000000000 1.2124355653 0.0000000000 + 1586 4.9500000000 1.6454482672 0.0000000000 + 1587 5.1000000000 2.4248711306 0.0000000000 + 1588 4.4500000000 0.4330127019 0.0000000000 + 1589 4.4000000000 0.3464101615 0.0000000000 + 1590 4.5000000000 0.5196152423 0.0000000000 + 1591 4.8500000000 1.2990381057 0.0000000000 + 1592 4.3500000000 0.2598076211 0.0000000000 + 1593 4.5500000000 0.6062177826 0.0000000000 + 1594 4.3000000000 0.1732050808 0.0000000000 + 1595 4.6000000000 0.6928203230 0.0000000000 + 1596 5.0500000000 1.9918584287 0.0000000000 + 1597 5.1500000000 2.9133974596 0.0000000000 + 1598 4.2500000000 0.0866025404 0.0000000000 + 1599 4.6500000000 0.7794228634 0.0000000000 + 1600 5.1000000000 2.2516660498 0.0000000000 + 1601 5.0000000000 1.7320508076 0.0000000000 + 1602 4.9000000000 1.3856406461 0.0000000000 + 1603 5.1500000000 2.6846787517 0.0000000000 + 1604 4.2000000000 0.0000000000 0.0000000000 + 1605 4.7000000000 0.8660254038 0.0000000000 + 1606 4.7500000000 0.9526279442 0.0000000000 + 1607 5.1500000000 2.5114736710 0.0000000000 + 1608 4.9500000000 1.4722431864 0.0000000000 + 1609 5.1000000000 2.0784609691 0.0000000000 + 1610 4.8000000000 1.0392304845 0.0000000000 + 1611 5.0500000000 1.8186533479 0.0000000000 + 1612 5.1500000000 2.3382685902 0.0000000000 + 1613 4.8500000000 1.1258330249 0.0000000000 + 1614 5.2000000000 3.0000000000 0.0000000000 + 1615 5.0000000000 1.5588457268 0.0000000000 + 1616 5.2000000000 2.8036642413 0.0000000000 + 1617 5.2000000000 2.5980762114 0.0000000000 + 1618 4.9000000000 1.2124355653 0.0000000000 + 1619 5.1000000000 1.9052558883 0.0000000000 + 1620 5.1500000000 2.1650635095 0.0000000000 + 1621 4.5000000000 0.3464101615 0.0000000000 + 1622 4.5500000000 0.4330127019 0.0000000000 + 1623 4.4500000000 0.2598076211 0.0000000000 + 1624 4.6000000000 0.5196152423 0.0000000000 + 1625 5.0500000000 1.6454482672 0.0000000000 + 1626 4.4000000000 0.1732050808 0.0000000000 + 1627 4.6500000000 0.6062177826 0.0000000000 + 1628 5.2000000000 2.4248711306 0.0000000000 + 1629 4.9500000000 1.2990381057 0.0000000000 + 1630 4.3500000000 0.0866025404 0.0000000000 + 1631 4.7000000000 0.6928203230 0.0000000000 + 1632 4.3000000000 0.0000000000 0.0000000000 + 1633 4.7500000000 0.7794228634 0.0000000000 + 1634 5.1500000000 1.9918584287 0.0000000000 + 1635 5.2500000000 2.9133974596 0.0000000000 + 1636 4.8000000000 0.8660254038 0.0000000000 + 1637 5.2000000000 2.2516660498 0.0000000000 + 1638 5.0000000000 1.3856406461 0.0000000000 + 1639 5.1000000000 1.7320508076 0.0000000000 + 1640 5.2500000000 2.7124355653 0.0000000000 + 1641 4.8500000000 0.9526279442 0.0000000000 + 1642 5.2500000000 2.5114736710 0.0000000000 + 1643 5.0500000000 1.4722431864 0.0000000000 + 1644 4.9000000000 1.0392304845 0.0000000000 + 1645 5.2000000000 2.0784609691 0.0000000000 + 1646 5.1500000000 1.8186533479 0.0000000000 + 1647 5.2500000000 2.3382685902 0.0000000000 + 1648 4.9500000000 1.1258330249 0.0000000000 + 1649 5.1000000000 1.5588457268 0.0000000000 + 1650 5.3000000000 3.0000000000 0.0000000000 + 1651 5.3000000000 2.8267949192 0.0000000000 + 1652 5.0000000000 1.2124355653 0.0000000000 + 1653 4.6000000000 0.3464101615 0.0000000000 + 1654 4.5500000000 0.2598076211 0.0000000000 + 1655 4.6500000000 0.4330127019 0.0000000000 + 1656 5.2000000000 1.9052558883 0.0000000000 + 1657 4.5000000000 0.1732050808 0.0000000000 + 1658 4.7000000000 0.5196152423 0.0000000000 + 1659 5.3000000000 2.5980762114 0.0000000000 + 1660 5.2500000000 2.1650635095 0.0000000000 + 1661 4.4500000000 0.0866025404 0.0000000000 + 1662 4.7500000000 0.6062177826 0.0000000000 + 1663 5.1500000000 1.6454482672 0.0000000000 + 1664 4.4000000000 0.0000000000 0.0000000000 + 1665 4.8000000000 0.6928203230 0.0000000000 + 1666 5.0500000000 1.2990381057 0.0000000000 + 1667 5.3000000000 2.4248711306 0.0000000000 + 1668 4.8500000000 0.7794228634 0.0000000000 + 1669 4.9000000000 0.8660254038 0.0000000000 + 1670 5.2500000000 1.9918584287 0.0000000000 + 1671 5.1000000000 1.3856406461 0.0000000000 + 1672 5.3500000000 2.9133974596 0.0000000000 + 1673 5.2000000000 1.7320508076 0.0000000000 + 1674 5.3000000000 2.2516660498 0.0000000000 + 1675 5.3500000000 2.7401923789 0.0000000000 + 1676 4.9500000000 0.9526279442 0.0000000000 + 1677 5.0000000000 1.0392304845 0.0000000000 + 1678 5.1500000000 1.4722431864 0.0000000000 + 1679 5.3500000000 2.5114736710 0.0000000000 + 1680 5.3000000000 2.0784609691 0.0000000000 + 1681 5.2500000000 1.8186533479 0.0000000000 + 1682 5.0500000000 1.1258330249 0.0000000000 + 1683 5.3500000000 2.3382685902 0.0000000000 + 1684 5.2000000000 1.5588457268 0.0000000000 + 1685 4.6500000000 0.2598076211 0.0000000000 + 1686 4.7000000000 0.3464101615 0.0000000000 + 1687 4.6000000000 0.1732050808 0.0000000000 + 1688 4.7500000000 0.4330127019 0.0000000000 + 1689 5.4000000000 3.0000000000 0.0000000000 + 1690 5.4000000000 2.8267949192 0.0000000000 + 1691 4.5500000000 0.0866025404 0.0000000000 + 1692 4.8000000000 0.5196152423 0.0000000000 + 1693 5.1000000000 1.2124355653 0.0000000000 + 1694 4.5000000000 0.0000000000 0.0000000000 + 1695 4.8500000000 0.6062177826 0.0000000000 + 1696 5.3000000000 1.9052558883 0.0000000000 + 1697 5.4000000000 2.6235199571 0.0000000000 + 1698 5.3500000000 2.1650635095 0.0000000000 + 1699 4.9000000000 0.6928203230 0.0000000000 + 1700 5.2500000000 1.6454482672 0.0000000000 + 1701 5.1500000000 1.2990381057 0.0000000000 + 1702 4.9500000000 0.7794228634 0.0000000000 + 1703 5.4000000000 2.4248711306 0.0000000000 + 1704 5.0000000000 0.8660254038 0.0000000000 + 1705 5.3500000000 1.9918584287 0.0000000000 + 1706 5.2000000000 1.3856406461 0.0000000000 + 1707 5.0500000000 0.9526279442 0.0000000000 + 1708 5.3000000000 1.7320508076 0.0000000000 + 1709 5.4500000000 2.9133974596 0.0000000000 + 1710 5.4000000000 2.2516660498 0.0000000000 + 1711 5.4500000000 2.7401923789 0.0000000000 + 1712 5.1000000000 1.0392304845 0.0000000000 + 1713 5.2500000000 1.4722431864 0.0000000000 + 1714 5.4500000000 2.5272796343 0.0000000000 + 1715 5.4000000000 2.0784609691 0.0000000000 + 1716 5.3500000000 1.8186533479 0.0000000000 + 1717 5.1500000000 1.1258330249 0.0000000000 + 1718 4.7500000000 0.2598076211 0.0000000000 + 1719 4.7000000000 0.1732050808 0.0000000000 + 1720 4.8000000000 0.3464101615 0.0000000000 + 1721 4.6500000000 0.0866025404 0.0000000000 + 1722 4.8500000000 0.4330127019 0.0000000000 + 1723 5.4500000000 2.3382685902 0.0000000000 + 1724 4.6000000000 0.0000000000 0.0000000000 + 1725 4.9000000000 0.5196152423 0.0000000000 + 1726 5.3000000000 1.5588457268 0.0000000000 + 1727 4.9500000000 0.6062177826 0.0000000000 + 1728 5.2000000000 1.2124355653 0.0000000000 + 1729 5.5000000000 3.0000000000 0.0000000000 + 1730 5.5000000000 2.8267949192 0.0000000000 + 1731 5.0000000000 0.6928203230 0.0000000000 + 1732 5.4000000000 1.9052558883 0.0000000000 + 1733 5.5000000000 2.6397114317 0.0000000000 + 1734 5.4500000000 2.1650635095 0.0000000000 + 1735 5.0500000000 0.7794228634 0.0000000000 + 1736 5.2500000000 1.2990381057 0.0000000000 + 1737 5.3500000000 1.6454482672 0.0000000000 + 1738 5.1000000000 0.8660254038 0.0000000000 + 1739 5.5000000000 2.4248711306 0.0000000000 + 1740 5.3000000000 1.3856406461 0.0000000000 + 1741 5.1500000000 0.9526279442 0.0000000000 + 1742 5.4500000000 1.9918584287 0.0000000000 + 1743 5.4000000000 1.7320508076 0.0000000000 + 1744 5.5500000000 2.9133974596 0.0000000000 + 1745 5.5000000000 2.2516660498 0.0000000000 + 1746 5.5500000000 2.7401923789 0.0000000000 + 1747 5.2000000000 1.0392304845 0.0000000000 + 1748 5.3500000000 1.4722431864 0.0000000000 + 1749 5.5500000000 2.5392304845 0.0000000000 + 1750 4.8000000000 0.1732050808 0.0000000000 + 1751 4.8500000000 0.2598076211 0.0000000000 + 1752 4.7500000000 0.0866025404 0.0000000000 + 1753 4.9000000000 0.3464101615 0.0000000000 + 1754 5.2500000000 1.1258330249 0.0000000000 + 1755 4.7000000000 0.0000000000 0.0000000000 + 1756 4.9500000000 0.4330127019 0.0000000000 + 1757 5.4500000000 1.8186533479 0.0000000000 + 1758 5.5000000000 2.0784609691 0.0000000000 + 1759 5.0000000000 0.5196152423 0.0000000000 + 1760 5.0500000000 0.6062177826 0.0000000000 + 1761 5.4000000000 1.5588457268 0.0000000000 + 1762 5.5500000000 2.3382685902 0.0000000000 + 1763 5.3000000000 1.2124355653 0.0000000000 + 1764 5.1000000000 0.6928203230 0.0000000000 + 1765 5.6000000000 3.0000000000 0.0000000000 + 1766 5.6000000000 2.8267949192 0.0000000000 + 1767 5.5000000000 1.9052558883 0.0000000000 + 1768 5.1500000000 0.7794228634 0.0000000000 + 1769 5.6000000000 2.6535898385 0.0000000000 + 1770 5.5500000000 2.1650635095 0.0000000000 + 1771 5.3500000000 1.2990381057 0.0000000000 + 1772 5.4500000000 1.6454482672 0.0000000000 + 1773 5.2000000000 0.8660254038 0.0000000000 + 1774 5.6000000000 2.4248711306 0.0000000000 + 1775 5.2500000000 0.9526279442 0.0000000000 + 1776 5.4000000000 1.3856406461 0.0000000000 + 1777 5.5500000000 1.9918584287 0.0000000000 + 1778 5.5000000000 1.7320508076 0.0000000000 + 1779 5.6000000000 2.2516660498 0.0000000000 + 1780 5.6500000000 2.9133974596 0.0000000000 + 1781 5.3000000000 1.0392304845 0.0000000000 + 1782 5.6500000000 2.7401923789 0.0000000000 + 1783 4.9000000000 0.1732050808 0.0000000000 + 1784 4.8500000000 0.0866025404 0.0000000000 + 1785 4.9500000000 0.2598076211 0.0000000000 + 1786 5.4500000000 1.4722431864 0.0000000000 + 1787 4.8000000000 0.0000000000 0.0000000000 + 1788 5.0000000000 0.3464101615 0.0000000000 + 1789 5.0500000000 0.4330127019 0.0000000000 + 1790 5.6500000000 2.5669872981 0.0000000000 + 1791 5.3500000000 1.1258330249 0.0000000000 + 1792 5.1000000000 0.5196152423 0.0000000000 + 1793 5.5500000000 1.8186533479 0.0000000000 + 1794 5.6000000000 2.0784609691 0.0000000000 + 1795 5.1500000000 0.6062177826 0.0000000000 + 1796 5.5000000000 1.5588457268 0.0000000000 + 1797 5.4000000000 1.2124355653 0.0000000000 + 1798 5.6500000000 2.3382685902 0.0000000000 + 1799 5.2000000000 0.6928203230 0.0000000000 + 1800 5.7000000000 3.0000000000 0.0000000000 + 1801 5.2500000000 0.7794228634 0.0000000000 + 1802 5.7000000000 2.8267949192 0.0000000000 + 1803 5.6000000000 1.9052558883 0.0000000000 + 1804 5.4500000000 1.2990381057 0.0000000000 + 1805 5.7000000000 2.6535898385 0.0000000000 + 1806 5.6500000000 2.1650635095 0.0000000000 + 1807 5.5500000000 1.6454482672 0.0000000000 + 1808 5.3000000000 0.8660254038 0.0000000000 + 1809 5.7000000000 2.4489227522 0.0000000000 + 1810 5.3500000000 0.9526279442 0.0000000000 + 1811 5.5000000000 1.3856406461 0.0000000000 + 1812 5.6500000000 1.9918584287 0.0000000000 + 1813 5.6000000000 1.7320508076 0.0000000000 + 1814 4.9500000000 0.0866025404 0.0000000000 + 1815 5.0000000000 0.1732050808 0.0000000000 + 1816 5.4000000000 1.0392304845 0.0000000000 + 1817 4.9000000000 0.0000000000 0.0000000000 + 1818 5.0500000000 0.2598076211 0.0000000000 + 1819 5.7000000000 2.2516660498 0.0000000000 + 1820 5.1000000000 0.3464101615 0.0000000000 + 1821 5.7500000000 2.9133974596 0.0000000000 + 1822 5.1500000000 0.4330127019 0.0000000000 + 1823 5.7500000000 2.7401923789 0.0000000000 + 1824 5.5500000000 1.4722431864 0.0000000000 + 1825 5.2000000000 0.5196152423 0.0000000000 + 1826 5.4500000000 1.1258330249 0.0000000000 + 1827 5.7500000000 2.5669872981 0.0000000000 + 1828 5.2500000000 0.6062177826 0.0000000000 + 1829 5.6500000000 1.8186533479 0.0000000000 + 1830 5.7000000000 2.0784609691 0.0000000000 + 1831 5.3000000000 0.6928203230 0.0000000000 + 1832 5.6000000000 1.5588457268 0.0000000000 + 1833 5.5000000000 1.2124355653 0.0000000000 + 1834 5.7500000000 2.3499731416 0.0000000000 + 1835 5.3500000000 0.7794228634 0.0000000000 + 1836 5.8000000000 3.0000000000 0.0000000000 + 1837 5.8000000000 2.8267949192 0.0000000000 + 1838 5.7000000000 1.9052558883 0.0000000000 + 1839 5.5500000000 1.2990381057 0.0000000000 + 1840 5.4000000000 0.8660254038 0.0000000000 + 1841 5.6500000000 1.6454482672 0.0000000000 + 1842 5.7500000000 2.1650635095 0.0000000000 + 1843 5.8000000000 2.6535898385 0.0000000000 + 1844 5.4500000000 0.9526279442 0.0000000000 + 1845 5.8000000000 2.4581536061 0.0000000000 + 1846 5.6000000000 1.3856406461 0.0000000000 + 1847 5.0500000000 0.0866025404 0.0000000000 + 1848 5.0000000000 0.0000000000 0.0000000000 + 1849 5.1000000000 0.1732050808 0.0000000000 + 1850 5.1500000000 0.2598076211 0.0000000000 + 1851 5.7500000000 1.9918584287 0.0000000000 + 1852 5.2000000000 0.3464101615 0.0000000000 + 1853 5.5000000000 1.0392304845 0.0000000000 + 1854 5.7000000000 1.7320508076 0.0000000000 + 1855 5.2500000000 0.4330127019 0.0000000000 + 1856 5.8000000000 2.2516660498 0.0000000000 + 1857 5.8500000000 2.9133974596 0.0000000000 + 1858 5.3000000000 0.5196152423 0.0000000000 + 1859 5.6500000000 1.4722431864 0.0000000000 + 1860 5.8500000000 2.7401923789 0.0000000000 + 1861 5.5500000000 1.1258330249 0.0000000000 + 1862 5.3500000000 0.6062177826 0.0000000000 + 1863 5.8500000000 2.5669872981 0.0000000000 + 1864 5.7500000000 1.8186533479 0.0000000000 + 1865 5.4000000000 0.6928203230 0.0000000000 + 1866 5.8000000000 2.0784609691 0.0000000000 + 1867 5.6000000000 1.2124355653 0.0000000000 + 1868 5.7000000000 1.5588457268 0.0000000000 + 1869 5.4500000000 0.7794228634 0.0000000000 + 1870 5.8500000000 2.3511618015 0.0000000000 + 1871 5.5000000000 0.8660254038 0.0000000000 + 1872 5.9000000000 3.0000000000 0.0000000000 + 1873 5.6500000000 1.2990381057 0.0000000000 + 1874 5.8000000000 1.9052558883 0.0000000000 + 1875 5.9000000000 2.8267949192 0.0000000000 + 1876 5.7500000000 1.6454482672 0.0000000000 + 1877 5.8500000000 2.1650635095 0.0000000000 + 1878 5.9000000000 2.6535898385 0.0000000000 + 1879 5.5500000000 0.9526279442 0.0000000000 + 1880 5.1000000000 0.0000000000 0.0000000000 + 1881 5.1500000000 0.0866025404 0.0000000000 + 1882 5.2000000000 0.1732050808 0.0000000000 + 1883 5.2500000000 0.2598076211 0.0000000000 + 1884 5.7000000000 1.3856406461 0.0000000000 + 1885 5.9000000000 2.4580251024 0.0000000000 + 1886 5.3000000000 0.3464101615 0.0000000000 + 1887 5.6000000000 1.0392304845 0.0000000000 + 1888 5.3500000000 0.4330127019 0.0000000000 + 1889 5.8500000000 1.9918584287 0.0000000000 + 1890 5.8000000000 1.7320508076 0.0000000000 + 1891 5.4000000000 0.5196152423 0.0000000000 + 1892 5.9000000000 2.2516660498 0.0000000000 + 1893 5.7500000000 1.4722431864 0.0000000000 + 1894 5.9500000000 2.9133974596 0.0000000000 + 1895 5.4500000000 0.6062177826 0.0000000000 + 1896 5.6500000000 1.1258330249 0.0000000000 + 1897 5.9500000000 2.7401923789 0.0000000000 + 1898 5.5000000000 0.6928203230 0.0000000000 + 1899 5.9500000000 2.5669872981 0.0000000000 + 1900 5.8500000000 1.8186533479 0.0000000000 + 1901 5.9000000000 2.0784609691 0.0000000000 + 1902 5.7000000000 1.2124355653 0.0000000000 + 1903 5.8000000000 1.5588457268 0.0000000000 + 1904 5.5500000000 0.7794228634 0.0000000000 + 1905 5.9500000000 2.3491914104 0.0000000000 + 1906 5.6000000000 0.8660254038 0.0000000000 + 1907 5.7500000000 1.2990381057 0.0000000000 + 1908 6.0000000000 3.0000000000 0.0000000000 + 1909 5.9000000000 1.9052558883 0.0000000000 + 1910 6.0000000000 2.8267949192 0.0000000000 + 1911 5.2000000000 0.0000000000 0.0000000000 + 1912 5.2500000000 0.0866025404 0.0000000000 + 1913 5.8500000000 1.6454482672 0.0000000000 + 1914 5.3000000000 0.1732050808 0.0000000000 + 1915 5.9500000000 2.1650635095 0.0000000000 + 1916 5.6500000000 0.9526279442 0.0000000000 + 1917 6.0000000000 2.6535898385 0.0000000000 + 1918 5.3500000000 0.2598076211 0.0000000000 + 1919 5.4000000000 0.3464101615 0.0000000000 + 1920 5.8000000000 1.3856406461 0.0000000000 + 1921 5.4500000000 0.4330127019 0.0000000000 + 1922 6.0000000000 2.4572540798 0.0000000000 + 1923 5.7000000000 1.0392304845 0.0000000000 + 1924 5.5000000000 0.5196152423 0.0000000000 + 1925 5.9000000000 1.7320508076 0.0000000000 + 1926 5.9500000000 1.9918584287 0.0000000000 + 1927 5.5500000000 0.6062177826 0.0000000000 + 1928 5.8500000000 1.4722431864 0.0000000000 + 1929 6.0000000000 2.2516660498 0.0000000000 + 1930 5.7500000000 1.1258330249 0.0000000000 + 1931 6.0500000000 2.9133974596 0.0000000000 + 1932 6.0500000000 2.7401923789 0.0000000000 + 1933 5.6000000000 0.6928203230 0.0000000000 + 1934 6.0500000000 2.5669872981 0.0000000000 + 1935 5.9500000000 1.8186533479 0.0000000000 + 1936 5.8000000000 1.2124355653 0.0000000000 + 1937 6.0000000000 2.0784609691 0.0000000000 + 1938 5.6500000000 0.7794228634 0.0000000000 + 1939 5.9000000000 1.5588457268 0.0000000000 + 1940 6.0500000000 2.3382685902 0.0000000000 + 1941 5.7000000000 0.8660254038 0.0000000000 + 1942 5.3000000000 0.0000000000 0.0000000000 + 1943 5.3500000000 0.0866025404 0.0000000000 + 1944 5.8500000000 1.2990381057 0.0000000000 + 1945 5.4000000000 0.1732050808 0.0000000000 + 1946 6.0000000000 1.9052558883 0.0000000000 + 1947 6.1000000000 3.0000000000 0.0000000000 + 1948 5.4500000000 0.2598076211 0.0000000000 + 1949 5.9500000000 1.6454482672 0.0000000000 + 1950 6.1000000000 2.8267949192 0.0000000000 + 1951 5.7500000000 0.9526279442 0.0000000000 + 1952 5.5000000000 0.3464101615 0.0000000000 + 1953 6.0500000000 2.1650635095 0.0000000000 + 1954 6.1000000000 2.6535898385 0.0000000000 + 1955 5.5500000000 0.4330127019 0.0000000000 + 1956 5.9000000000 1.3856406461 0.0000000000 + 1957 5.8000000000 1.0392304845 0.0000000000 + 1958 6.1000000000 2.4526279442 0.0000000000 + 1959 5.6000000000 0.5196152423 0.0000000000 + 1960 6.0000000000 1.7320508076 0.0000000000 + 1961 6.0500000000 1.9918584287 0.0000000000 + 1962 5.6500000000 0.6062177826 0.0000000000 + 1963 5.8500000000 1.1258330249 0.0000000000 + 1964 5.9500000000 1.4722431864 0.0000000000 + 1965 6.1000000000 2.2516660498 0.0000000000 + 1966 5.7000000000 0.6928203230 0.0000000000 + 1967 6.1500000000 2.9133974596 0.0000000000 + 1968 6.1500000000 2.7401923789 0.0000000000 + 1969 5.7500000000 0.7794228634 0.0000000000 + 1970 6.0500000000 1.8186533479 0.0000000000 + 1971 5.9000000000 1.2124355653 0.0000000000 + 1972 6.1500000000 2.5484827557 0.0000000000 + 1973 6.1000000000 2.0784609691 0.0000000000 + 1974 6.0000000000 1.5588457268 0.0000000000 + 1975 5.4000000000 0.0000000000 0.0000000000 + 1976 5.4500000000 0.0866025404 0.0000000000 + 1977 5.8000000000 0.8660254038 0.0000000000 + 1978 5.5000000000 0.1732050808 0.0000000000 + 1979 6.1500000000 2.3382685902 0.0000000000 + 1980 5.9500000000 1.2990381057 0.0000000000 + 1981 5.5500000000 0.2598076211 0.0000000000 + 1982 5.6000000000 0.3464101615 0.0000000000 + 1983 6.1000000000 1.9052558883 0.0000000000 + 1984 5.8500000000 0.9526279442 0.0000000000 + 1985 6.0500000000 1.6454482672 0.0000000000 + 1986 6.2000000000 3.0000000000 0.0000000000 + 1987 6.2000000000 2.8267949192 0.0000000000 + 1988 5.6500000000 0.4330127019 0.0000000000 + 1989 6.1500000000 2.1650635095 0.0000000000 + 1990 6.2000000000 2.6535898385 0.0000000000 + 1991 6.0000000000 1.3856406461 0.0000000000 + 1992 5.7000000000 0.5196152423 0.0000000000 + 1993 5.9000000000 1.0392304845 0.0000000000 + 1994 6.2000000000 2.4248711306 0.0000000000 + 1995 5.7500000000 0.6062177826 0.0000000000 + 1996 6.1000000000 1.7320508076 0.0000000000 + 1997 6.1500000000 1.9918584287 0.0000000000 + 1998 5.9500000000 1.1258330249 0.0000000000 + 1999 6.0500000000 1.4722431864 0.0000000000 + 2000 5.8000000000 0.6928203230 0.0000000000 + 2001 6.2000000000 2.2516660498 0.0000000000 + 2002 6.2500000000 2.9133974596 0.0000000000 + 2003 6.2500000000 2.7401923789 0.0000000000 + 2004 5.8500000000 0.7794228634 0.0000000000 + 2005 6.0000000000 1.2124355653 0.0000000000 + 2006 6.1500000000 1.8186533479 0.0000000000 + 2007 5.5000000000 0.0000000000 0.0000000000 + 2008 6.2500000000 2.5392304845 0.0000000000 + 2009 6.1000000000 1.5588457268 0.0000000000 + 2010 6.2000000000 2.0784609691 0.0000000000 + 2011 5.5500000000 0.0866025404 0.0000000000 + 2012 5.6000000000 0.1732050808 0.0000000000 + 2013 5.9000000000 0.8660254038 0.0000000000 + 2014 5.6500000000 0.2598076211 0.0000000000 + 2015 6.0500000000 1.2990381057 0.0000000000 + 2016 6.2500000000 2.3382685902 0.0000000000 + 2017 5.7000000000 0.3464101615 0.0000000000 + 2018 5.9500000000 0.9526279442 0.0000000000 + 2019 6.2000000000 1.9052558883 0.0000000000 + 2020 5.7500000000 0.4330127019 0.0000000000 + 2021 6.1500000000 1.6454482672 0.0000000000 + 2022 6.3000000000 3.0000000000 0.0000000000 + 2023 6.3000000000 2.8267949192 0.0000000000 + 2024 6.2500000000 2.1650635095 0.0000000000 + 2025 5.8000000000 0.5196152423 0.0000000000 + 2026 6.1000000000 1.3856406461 0.0000000000 + 2027 6.3000000000 2.6304591605 0.0000000000 + 2028 6.0000000000 1.0392304845 0.0000000000 + 2029 5.8500000000 0.6062177826 0.0000000000 + 2030 6.3000000000 2.4248711306 0.0000000000 + 2031 6.2000000000 1.7320508076 0.0000000000 + 2032 6.2500000000 1.9918584287 0.0000000000 + 2033 6.0500000000 1.1258330249 0.0000000000 + 2034 5.9000000000 0.6928203230 0.0000000000 + 2035 6.1500000000 1.4722431864 0.0000000000 + 2036 6.3000000000 2.2516660498 0.0000000000 + 2037 6.3500000000 2.9133974596 0.0000000000 + 2038 5.9500000000 0.7794228634 0.0000000000 + 2039 5.6000000000 0.0000000000 0.0000000000 + 2040 6.3500000000 2.7401923789 0.0000000000 + 2041 6.1000000000 1.2124355653 0.0000000000 + 2042 5.6500000000 0.0866025404 0.0000000000 + 2043 6.2500000000 1.8186533479 0.0000000000 + 2044 5.7000000000 0.1732050808 0.0000000000 + 2045 6.2000000000 1.5588457268 0.0000000000 + 2046 6.3000000000 2.0784609691 0.0000000000 + 2047 6.0000000000 0.8660254038 0.0000000000 + 2048 6.3500000000 2.5114736710 0.0000000000 + 2049 5.7500000000 0.2598076211 0.0000000000 + 2050 5.8000000000 0.3464101615 0.0000000000 + 2051 6.1500000000 1.2990381057 0.0000000000 + 2052 6.3500000000 2.3382685902 0.0000000000 + 2053 6.0500000000 0.9526279442 0.0000000000 + 2054 5.8500000000 0.4330127019 0.0000000000 + 2055 6.3000000000 1.9052558883 0.0000000000 + 2056 6.2500000000 1.6454482672 0.0000000000 + 2057 6.4000000000 3.0000000000 0.0000000000 + 2058 5.9000000000 0.5196152423 0.0000000000 + 2059 6.4000000000 2.8267949192 0.0000000000 + 2060 6.3500000000 2.1650635095 0.0000000000 + 2061 6.2000000000 1.3856406461 0.0000000000 + 2062 6.1000000000 1.0392304845 0.0000000000 + 2063 6.4000000000 2.5980762114 0.0000000000 + 2064 5.9500000000 0.6062177826 0.0000000000 + 2065 6.4000000000 2.4248711306 0.0000000000 + 2066 6.3000000000 1.7320508076 0.0000000000 + 2067 6.0000000000 0.6928203230 0.0000000000 + 2068 6.1500000000 1.1258330249 0.0000000000 + 2069 6.3500000000 1.9918584287 0.0000000000 + 2070 6.2500000000 1.4722431864 0.0000000000 + 2071 5.7000000000 0.0000000000 0.0000000000 + 2072 6.4000000000 2.2516660498 0.0000000000 + 2073 6.0500000000 0.7794228634 0.0000000000 + 2074 5.7500000000 0.0866025404 0.0000000000 + 2075 6.4500000000 2.9133974596 0.0000000000 + 2076 5.8000000000 0.1732050808 0.0000000000 + 2077 6.2000000000 1.2124355653 0.0000000000 + 2078 6.4500000000 2.7164191821 0.0000000000 + 2079 6.3500000000 1.8186533479 0.0000000000 + 2080 5.8500000000 0.2598076211 0.0000000000 + 2081 6.1000000000 0.8660254038 0.0000000000 + 2082 6.3000000000 1.5588457268 0.0000000000 + 2083 6.4000000000 2.0784609691 0.0000000000 + 2084 6.4500000000 2.5114736710 0.0000000000 + 2085 5.9000000000 0.3464101615 0.0000000000 + 2086 6.2500000000 1.2990381057 0.0000000000 + 2087 5.9500000000 0.4330127019 0.0000000000 + 2088 6.1500000000 0.9526279442 0.0000000000 + 2089 6.4500000000 2.3382685902 0.0000000000 + 2090 6.0000000000 0.5196152423 0.0000000000 + 2091 6.3500000000 1.6454482672 0.0000000000 + 2092 6.4000000000 1.9052558883 0.0000000000 + 2093 6.5000000000 3.0000000000 0.0000000000 + 2094 6.5000000000 2.8267949192 0.0000000000 + 2095 6.2000000000 1.0392304845 0.0000000000 + 2096 6.3000000000 1.3856406461 0.0000000000 + 2097 6.4500000000 2.1650635095 0.0000000000 + 2098 6.0500000000 0.6062177826 0.0000000000 + 2099 6.5000000000 2.5980762114 0.0000000000 + 2100 6.1000000000 0.6928203230 0.0000000000 + 2101 6.4000000000 1.7320508076 0.0000000000 + 2102 6.2500000000 1.1258330249 0.0000000000 + 2103 6.5000000000 2.4248711306 0.0000000000 + 2104 6.4500000000 1.9918584287 0.0000000000 + 2105 5.8000000000 0.0000000000 0.0000000000 + 2106 6.3500000000 1.4722431864 0.0000000000 + 2107 5.8500000000 0.0866025404 0.0000000000 + 2108 6.1500000000 0.7794228634 0.0000000000 + 2109 5.9000000000 0.1732050808 0.0000000000 + 2110 6.5000000000 2.2516660498 0.0000000000 + 2111 6.3000000000 1.2124355653 0.0000000000 + 2112 6.5500000000 2.9133974596 0.0000000000 + 2113 5.9500000000 0.2598076211 0.0000000000 + 2114 6.5500000000 2.7085804523 0.0000000000 + 2115 6.2000000000 0.8660254038 0.0000000000 + 2116 6.4500000000 1.8186533479 0.0000000000 + 2117 6.4000000000 1.5588457268 0.0000000000 + 2118 6.0000000000 0.3464101615 0.0000000000 + 2119 6.5000000000 2.0784609691 0.0000000000 + 2120 6.5500000000 2.5114736710 0.0000000000 + 2121 6.0500000000 0.4330127019 0.0000000000 + 2122 6.3500000000 1.2990381057 0.0000000000 + 2123 6.2500000000 0.9526279442 0.0000000000 + 2124 6.5500000000 2.3382685902 0.0000000000 + 2125 6.1000000000 0.5196152423 0.0000000000 + 2126 6.4500000000 1.6454482672 0.0000000000 + 2127 6.5000000000 1.9052558883 0.0000000000 + 2128 6.3000000000 1.0392304845 0.0000000000 + 2129 6.1500000000 0.6062177826 0.0000000000 + 2130 6.6000000000 3.0000000000 0.0000000000 + 2131 6.4000000000 1.3856406461 0.0000000000 + 2132 6.6000000000 2.8267949192 0.0000000000 + 2133 6.5500000000 2.1650635095 0.0000000000 + 2134 6.6000000000 2.6091275353 0.0000000000 + 2135 6.2000000000 0.6928203230 0.0000000000 + 2136 5.9000000000 0.0000000000 0.0000000000 + 2137 6.3500000000 1.1258330249 0.0000000000 + 2138 6.5000000000 1.7320508076 0.0000000000 + 2139 5.9500000000 0.0866025404 0.0000000000 + 2140 6.6000000000 2.4248711306 0.0000000000 + 2141 6.5500000000 1.9918584287 0.0000000000 + 2142 6.4500000000 1.4722431864 0.0000000000 + 2143 6.0000000000 0.1732050808 0.0000000000 + 2144 6.2500000000 0.7794228634 0.0000000000 + 2145 6.0500000000 0.2598076211 0.0000000000 + 2146 6.6000000000 2.2516660498 0.0000000000 + 2147 6.4000000000 1.2124355653 0.0000000000 + 2148 6.6500000000 2.9133974596 0.0000000000 + 2149 6.3000000000 0.8660254038 0.0000000000 + 2150 6.1000000000 0.3464101615 0.0000000000 + 2151 6.5500000000 1.8186533479 0.0000000000 + 2152 6.6500000000 2.7170617009 0.0000000000 + 2153 6.5000000000 1.5588457268 0.0000000000 + 2154 6.6000000000 2.0784609691 0.0000000000 + 2155 6.1500000000 0.4330127019 0.0000000000 + 2156 6.6500000000 2.5114736710 0.0000000000 + 2157 6.4500000000 1.2990381057 0.0000000000 + 2158 6.3500000000 0.9526279442 0.0000000000 + 2159 6.2000000000 0.5196152423 0.0000000000 + 2160 6.6500000000 2.3382685902 0.0000000000 + 2161 6.5500000000 1.6454482672 0.0000000000 + 2162 6.6000000000 1.9052558883 0.0000000000 + 2163 6.2500000000 0.6062177826 0.0000000000 + 2164 6.4000000000 1.0392304845 0.0000000000 + 2165 6.5000000000 1.3856406461 0.0000000000 + 2166 6.7000000000 3.0000000000 0.0000000000 + 2167 6.6500000000 2.1650635095 0.0000000000 + 2168 6.7000000000 2.8267949192 0.0000000000 + 2169 6.0000000000 0.0000000000 0.0000000000 + 2170 6.3000000000 0.6928203230 0.0000000000 + 2171 6.7000000000 2.6080995051 0.0000000000 + 2172 6.0500000000 0.0866025404 0.0000000000 + 2173 6.4500000000 1.1258330249 0.0000000000 + 2174 6.6000000000 1.7320508076 0.0000000000 + 2175 6.1000000000 0.1732050808 0.0000000000 + 2176 6.7000000000 2.4248711306 0.0000000000 + 2177 6.5500000000 1.4722431864 0.0000000000 + 2178 6.6500000000 1.9918584287 0.0000000000 + 2179 6.3500000000 0.7794228634 0.0000000000 + 2180 6.1500000000 0.2598076211 0.0000000000 + 2181 6.5000000000 1.2124355653 0.0000000000 + 2182 6.7000000000 2.2516660498 0.0000000000 + 2183 6.2000000000 0.3464101615 0.0000000000 + 2184 6.4000000000 0.8660254038 0.0000000000 + 2185 6.7500000000 2.9133974596 0.0000000000 + 2186 6.6500000000 1.8186533479 0.0000000000 + 2187 6.6000000000 1.5588457268 0.0000000000 + 2188 6.7500000000 2.7124355653 0.0000000000 + 2189 6.2500000000 0.4330127019 0.0000000000 + 2190 6.7000000000 2.0784609691 0.0000000000 + 2191 6.4500000000 0.9526279442 0.0000000000 + 2192 6.5500000000 1.2990381057 0.0000000000 + 2193 6.7500000000 2.5114736710 0.0000000000 + 2194 6.3000000000 0.5196152423 0.0000000000 + 2195 6.7500000000 2.3382685902 0.0000000000 + 2196 6.3500000000 0.6062177826 0.0000000000 + 2197 6.6500000000 1.6454482672 0.0000000000 + 2198 6.7000000000 1.9052558883 0.0000000000 + 2199 6.5000000000 1.0392304845 0.0000000000 + 2200 6.6000000000 1.3856406461 0.0000000000 + 2201 6.1000000000 0.0000000000 0.0000000000 + 2202 6.8000000000 3.0000000000 0.0000000000 + 2203 6.7500000000 2.1650635095 0.0000000000 + 2204 6.8000000000 2.8267949192 0.0000000000 + 2205 6.4000000000 0.6928203230 0.0000000000 + 2206 6.1500000000 0.0866025404 0.0000000000 + 2207 6.8000000000 2.5980762114 0.0000000000 + 2208 6.5500000000 1.1258330249 0.0000000000 + 2209 6.2000000000 0.1732050808 0.0000000000 + 2210 6.7000000000 1.7320508076 0.0000000000 + 2211 6.4500000000 0.7794228634 0.0000000000 + 2212 6.6500000000 1.4722431864 0.0000000000 + 2213 6.8000000000 2.4248711306 0.0000000000 + 2214 6.2500000000 0.2598076211 0.0000000000 + 2215 6.7500000000 1.9918584287 0.0000000000 + 2216 6.3000000000 0.3464101615 0.0000000000 + 2217 6.6000000000 1.2124355653 0.0000000000 + 2218 6.8000000000 2.2516660498 0.0000000000 + 2219 6.5000000000 0.8660254038 0.0000000000 + 2220 6.3500000000 0.4330127019 0.0000000000 + 2221 6.8500000000 2.9133974596 0.0000000000 + 2222 6.7500000000 1.8186533479 0.0000000000 + 2223 6.7000000000 1.5588457268 0.0000000000 + 2224 6.8500000000 2.6846787517 0.0000000000 + 2225 6.8000000000 2.0784609691 0.0000000000 + 2226 6.5500000000 0.9526279442 0.0000000000 + 2227 6.4000000000 0.5196152423 0.0000000000 + 2228 6.6500000000 1.2990381057 0.0000000000 + 2229 6.8500000000 2.5114736710 0.0000000000 + 2230 6.4500000000 0.6062177826 0.0000000000 + 2231 6.8500000000 2.3382685902 0.0000000000 + 2232 6.7500000000 1.6454482672 0.0000000000 + 2233 6.6000000000 1.0392304845 0.0000000000 + 2234 6.8000000000 1.9052558883 0.0000000000 + 2235 6.2000000000 0.0000000000 0.0000000000 + 2236 6.7000000000 1.3856406461 0.0000000000 + 2237 6.2500000000 0.0866025404 0.0000000000 + 2238 6.5000000000 0.6928203230 0.0000000000 + 2239 6.9000000000 3.0000000000 0.0000000000 + 2240 6.8500000000 2.1650635095 0.0000000000 + 2241 6.9000000000 2.7712812921 0.0000000000 + 2242 6.3000000000 0.1732050808 0.0000000000 + 2243 6.6500000000 1.1258330249 0.0000000000 + 2244 6.9000000000 2.5980762114 0.0000000000 + 2245 6.3500000000 0.2598076211 0.0000000000 + 2246 6.5500000000 0.7794228634 0.0000000000 + 2247 6.8000000000 1.7320508076 0.0000000000 + 2248 6.7500000000 1.4722431864 0.0000000000 + 2249 6.8500000000 1.9918584287 0.0000000000 + 2250 6.9000000000 2.4248711306 0.0000000000 + 2251 6.4000000000 0.3464101615 0.0000000000 + 2252 6.7000000000 1.2124355653 0.0000000000 + 2253 6.6000000000 0.8660254038 0.0000000000 + 2254 6.9000000000 2.2516660498 0.0000000000 + 2255 6.4500000000 0.4330127019 0.0000000000 + 2256 6.8000000000 1.5588457268 0.0000000000 + 2257 6.8500000000 1.8186533479 0.0000000000 + 2258 6.9500000000 2.8578838325 0.0000000000 + 2259 6.9500000000 2.6846787517 0.0000000000 + 2260 6.5000000000 0.5196152423 0.0000000000 + 2261 6.6500000000 0.9526279442 0.0000000000 + 2262 6.7500000000 1.2990381057 0.0000000000 + 2263 6.9000000000 2.0784609691 0.0000000000 + 2264 6.9500000000 2.5114736710 0.0000000000 + 2265 6.5500000000 0.6062177826 0.0000000000 + 2266 6.3000000000 0.0000000000 0.0000000000 + 2267 6.7000000000 1.0392304845 0.0000000000 + 2268 6.9500000000 2.3382685902 0.0000000000 + 2269 6.8500000000 1.6454482672 0.0000000000 + 2270 6.9000000000 1.9052558883 0.0000000000 + 2271 6.3500000000 0.0866025404 0.0000000000 + 2272 6.8000000000 1.3856406461 0.0000000000 + 2273 6.6000000000 0.6928203230 0.0000000000 + 2274 6.4000000000 0.1732050808 0.0000000000 + 2275 6.9500000000 2.1650635095 0.0000000000 + 2276 7.0000000000 3.0000000000 0.0000000000 + 2277 7.0000000000 2.7712812921 0.0000000000 + 2278 6.7500000000 1.1258330249 0.0000000000 + 2279 6.4500000000 0.2598076211 0.0000000000 + 2280 6.6500000000 0.7794228634 0.0000000000 + 2281 7.0000000000 2.5980762114 0.0000000000 + 2282 6.9000000000 1.7320508076 0.0000000000 + 2283 6.8500000000 1.4722431864 0.0000000000 + 2284 6.5000000000 0.3464101615 0.0000000000 + 2285 6.9500000000 1.9918584287 0.0000000000 + 2286 7.0000000000 2.4248711306 0.0000000000 + 2287 6.8000000000 1.2124355653 0.0000000000 + 2288 6.7000000000 0.8660254038 0.0000000000 + 2289 6.5500000000 0.4330127019 0.0000000000 + 2290 7.0000000000 2.2516660498 0.0000000000 + 2291 6.9000000000 1.5588457268 0.0000000000 + 2292 6.9500000000 1.8186533479 0.0000000000 + 2293 6.6000000000 0.5196152423 0.0000000000 + 2294 7.0500000170 2.8800892782 0.0000000000 + 2295 6.7500000000 0.9526279442 0.0000000000 + 2296 7.0500000000 2.6846787517 0.0000000000 + 2297 6.8500000000 1.2990381057 0.0000000000 + 2298 7.0000000000 2.0784609691 0.0000000000 + 2299 7.0500000000 2.5114736710 0.0000000000 + 2300 6.6500000000 0.6062177826 0.0000000000 + 2301 6.4000000000 0.0000000000 0.0000000000 + 2302 6.8000000000 1.0392304845 0.0000000000 + 2303 6.4500000000 0.0866025404 0.0000000000 + 2304 6.9500000000 1.6454482672 0.0000000000 + 2305 7.0500000000 2.3382685902 0.0000000000 + 2306 7.0000000000 1.9052558883 0.0000000000 + 2307 6.7000000000 0.6928203230 0.0000000000 + 2308 6.9000000000 1.3856406461 0.0000000000 + 2309 6.5000000000 0.1732050808 0.0000000000 + 2310 7.0500000000 2.1650635095 0.0000000000 + 2311 7.1000000000 3.0000000000 0.0000000000 + 2312 6.5500000000 0.2598076211 0.0000000000 + 2313 6.8500000000 1.1258330249 0.0000000000 + 2314 7.1000000000 2.7712812921 0.0000000000 + 2315 6.7500000000 0.7794228634 0.0000000000 + 2316 7.1000000000 2.5980762114 0.0000000000 + 2317 6.6000000000 0.3464101615 0.0000000000 + 2318 7.0000000000 1.7320508076 0.0000000000 + 2319 6.9500000000 1.4722431864 0.0000000000 + 2320 7.0500000000 1.9918584287 0.0000000000 + 2321 7.1000000000 2.4248711306 0.0000000000 + 2322 6.8000000000 0.8660254038 0.0000000000 + 2323 6.9000000000 1.2124355653 0.0000000000 + 2324 6.6500000000 0.4330127019 0.0000000000 + 2325 7.1000000000 2.2516660498 0.0000000000 + 2326 6.7000000000 0.5196152423 0.0000000000 + 2327 7.0000000000 1.5588457268 0.0000000000 + 2328 7.0500000000 1.8186533479 0.0000000000 + 2329 6.8500000000 0.9526279442 0.0000000000 + 2330 7.1500001021 2.8800892526 0.0000000000 + 2331 6.9500000000 1.2990381057 0.0000000000 + 2332 7.1500000000 2.6846787517 0.0000000000 + 2333 6.5000000000 0.0000000000 0.0000000000 + 2334 7.1000000000 2.0784609691 0.0000000000 + 2335 6.7500000000 0.6062177826 0.0000000000 + 2336 7.1500000000 2.5114736710 0.0000000000 + 2337 6.5500000000 0.0866025404 0.0000000000 + 2338 6.9000000000 1.0392304845 0.0000000000 + 2339 7.0500000000 1.6454482672 0.0000000000 + 2340 6.6000000000 0.1732050808 0.0000000000 + 2341 7.1500000000 2.3382685902 0.0000000000 + 2342 6.8000000000 0.6928203230 0.0000000000 + 2343 7.0000000000 1.3856406461 0.0000000000 + 2344 7.1000000000 1.9052558883 0.0000000000 + 2345 6.6500000000 0.2598076211 0.0000000000 + 2346 6.9500000000 1.1258330249 0.0000000000 + 2347 7.1500000000 2.1650635095 0.0000000000 + 2348 7.2000000000 3.0000000000 0.0000000000 + 2349 6.8500000000 0.7794228634 0.0000000000 + 2350 7.2000000000 2.7712812921 0.0000000000 + 2351 6.7000000000 0.3464101615 0.0000000000 + 2352 7.2000000000 2.5980762114 0.0000000000 + 2353 7.1000000000 1.7320508076 0.0000000000 + 2354 7.0500000000 1.4722431864 0.0000000000 + 2355 7.1500000000 1.9918584287 0.0000000000 + 2356 6.7500000000 0.4330127019 0.0000000000 + 2357 6.9000000000 0.8660254038 0.0000000000 + 2358 7.2000000000 2.4248711306 0.0000000000 + 2359 7.0000000000 1.2124355653 0.0000000000 + 2360 6.8000000000 0.5196152423 0.0000000000 + 2361 7.2000000000 2.2516660498 0.0000000000 + 2362 7.1000000000 1.5588457268 0.0000000000 + 2363 6.9500000000 0.9526279442 0.0000000000 + 2364 7.1500000000 1.8186533479 0.0000000000 + 2365 6.6000000000 0.0000000000 0.0000000000 + 2366 7.2500006124 2.8800890991 0.0000000000 + 2367 7.0500000000 1.2990381057 0.0000000000 + 2368 6.8500000000 0.6062177826 0.0000000000 + 2369 7.2500000000 2.6846787517 0.0000000000 + 2370 7.2000000000 2.0784609691 0.0000000000 + 2371 6.6500000000 0.0866025404 0.0000000000 + 2372 7.2500000000 2.5114736710 0.0000000000 + 2373 7.0000000000 1.0392304845 0.0000000000 + 2374 6.7000000000 0.1732050808 0.0000000000 + 2375 6.9000000000 0.6928203230 0.0000000000 + 2376 7.1500000000 1.6454482672 0.0000000000 + 2377 7.2500000000 2.3382685902 0.0000000000 + 2378 7.1000000000 1.3856406461 0.0000000000 + 2379 7.2000000000 1.9052558883 0.0000000000 + 2380 6.7500000000 0.2598076211 0.0000000000 + 2381 7.1341154273 1.4851150572 0.0000000000 + 2382 7.0500000000 1.1258330249 0.0000000000 + 2383 6.9500000000 0.7794228634 0.0000000000 + 2384 7.2500000000 2.1650635095 0.0000000000 + 2385 6.8000000000 0.3464101615 0.0000000000 + 2386 7.3000000000 3.0000000000 0.0000000000 + 2387 7.3000000000 2.7712812921 0.0000000000 + 2388 7.2000000000 1.7320508076 0.0000000000 + 2389 7.3000000000 2.5980762114 0.0000000000 + 2390 6.8500000000 0.4330127019 0.0000000000 + 2391 7.0000000000 0.8660254038 0.0000000000 + 2392 7.2500000000 1.9918584287 0.0000000000 + 2393 7.3000000000 2.4248711306 0.0000000000 + 2394 6.9000000000 0.5196152423 0.0000000000 + 2395 7.1339745962 1.3000000000 0.0000000000 + 2396 7.3000000000 2.2516660498 0.0000000000 + 2397 6.7000000000 0.0000000000 0.0000000000 + 2398 7.0500000000 0.9526279442 0.0000000000 + 2399 7.2000000000 1.5588457268 0.0000000000 + 2400 7.2500000000 1.8186533479 0.0000000000 + 2401 6.9500000000 0.6062177826 0.0000000000 + 2402 7.3500036743 2.8800881778 0.0000000000 + 2403 6.7500000000 0.0866025404 0.0000000000 + 2404 7.3500000000 2.6846787517 0.0000000000 + 2405 7.1339745962 1.2000000000 0.0000000000 + 2406 7.3000000000 2.0784609691 0.0000000000 + 2407 6.8000000000 0.1732050808 0.0000000000 + 2408 7.1000000000 1.0392304845 0.0000000000 + 2409 7.3500000000 2.5114736710 0.0000000000 + 2410 7.0000000000 0.6928203230 0.0000000000 + 2411 7.2500000000 1.6454482672 0.0000000000 + 2412 6.8500000000 0.2598076211 0.0000000000 + 2413 7.3500000000 2.3382685902 0.0000000000 + 2414 7.3000000000 1.9052558883 0.0000000000 + 2415 7.2205771366 1.4500000000 0.0000000000 + 2416 7.0500000000 0.7794228634 0.0000000000 + 2417 7.1500000000 1.1258330249 0.0000000000 + 2418 6.9000000000 0.3464101615 0.0000000000 + 2419 7.3500000000 2.1650635095 0.0000000000 + 2420 7.4000000000 3.0000000000 0.0000000000 + 2421 7.4000000000 2.7712812921 0.0000000000 + 2422 7.2205771366 1.3500000000 0.0000000000 + 2423 6.9500000000 0.4330127019 0.0000000000 + 2424 7.3000000000 1.7320508076 0.0000000000 + 2425 7.4000000000 2.5980762114 0.0000000000 + 2426 7.1000000000 0.8660254038 0.0000000000 + 2427 7.3500000000 1.9918584287 0.0000000000 + 2428 7.4000000000 2.4248711306 0.0000000000 + 2429 7.0000000000 0.5196152423 0.0000000000 + 2430 7.2205771366 1.2500000000 0.0000000000 + 2431 6.8000000000 0.0000000000 0.0000000000 + 2432 7.4000000000 2.2516660498 0.0000000000 + 2433 7.3000000000 1.5588457268 0.0000000000 + 2434 6.8500000000 0.0866025404 0.0000000000 + 2435 7.3500000000 1.8186533479 0.0000000000 + 2436 7.0500000000 0.6062177826 0.0000000000 + 2437 7.4500220459 2.8800826499 0.0000000000 + 2438 7.2205771366 1.1500000000 0.0000000000 + 2439 6.9000000000 0.1732050808 0.0000000000 + 2440 7.4500000000 2.6846787517 0.0000000000 + 2441 7.4000000000 2.0784609691 0.0000000000 + 2442 7.4500000000 2.5114736710 0.0000000000 + 2443 7.2114164744 1.0607752115 0.0000000000 + 2444 7.1835623558 0.9495877596 0.0000000000 + 2445 6.9500000000 0.2598076211 0.0000000000 + 2446 7.1383842635 0.7890629013 0.0000000000 + 2447 7.1125986072 0.7055973786 0.0000000000 + 2448 7.3500000000 1.6454482672 0.0000000000 + 2449 7.2987785354 1.3885768194 0.0000000000 + 2450 7.4500000000 2.3382685902 0.0000000000 + 2451 7.4000000000 1.9052558883 0.0000000000 + 2452 7.0000000000 0.3464101615 0.0000000000 + 2453 7.4500000000 2.1650635095 0.0000000000 + 2454 7.5000000000 3.0000000000 0.0000000000 + 2455 7.3071796770 1.3000000000 0.0000000000 + 2456 7.0500000000 0.4330127019 0.0000000000 + 2457 7.5000000000 2.7712812921 0.0000000000 + 2458 7.3500000000 1.4722431864 0.0000000000 + 2459 7.4000000000 1.7320508076 0.0000000000 + 2460 7.5000000000 2.5980762114 0.0000000000 + 2461 7.4500000000 1.9918584287 0.0000000000 + 2462 7.1000000000 0.5196152423 0.0000000000 + 2463 7.5000000000 2.4248711306 0.0000000000 + 2464 6.9000000000 0.0000000000 0.0000000000 + 2465 7.2087455738 0.8442688606 0.0000000000 + 2466 7.3071796770 1.2000000000 0.0000000000 + 2467 7.1398860844 0.6026573386 0.0000000000 + 2468 6.9500000000 0.0866025404 0.0000000000 + 2469 7.5000000000 2.2516660498 0.0000000000 + 2470 7.4000000000 1.5588457268 0.0000000000 + 2471 7.4500000000 1.8186533479 0.0000000000 + 2472 7.0000000000 0.1732050808 0.0000000000 + 2473 7.3071796770 1.1000000000 0.0000000000 + 2474 7.5501322751 2.8800494827 0.0000000000 + 2475 7.5000000000 2.0784609691 0.0000000000 + 2476 7.5500000000 2.6846787517 0.0000000000 + 2477 7.2205771366 0.7500000000 0.0000000000 + 2478 7.0500000000 0.2598076211 0.0000000000 + 2479 7.5500000000 2.5114736710 0.0000000000 + 2480 7.4500000000 1.6454482672 0.0000000000 + 2481 7.3955587267 1.3706409104 0.0000000000 + 2482 7.3071796770 1.0000000000 0.0000000000 + 2483 7.5500000000 2.3382685902 0.0000000000 + 2484 7.5000000000 1.9052558883 0.0000000000 + 2485 7.1000000000 0.3464101615 0.0000000000 + 2486 7.2205771366 0.6500000000 0.0000000000 + 2487 7.5500000000 2.1650635095 0.0000000000 + 2488 7.1500000000 0.4330127019 0.0000000000 + 2489 7.3937822174 1.2500000000 0.0000000000 + 2490 7.6000000000 3.0000000000 0.0000000000 + 2491 7.3071796770 0.9000000000 0.0000000000 + 2492 7.6000000000 2.7712812921 0.0000000000 + 2493 7.4500000000 1.4722431864 0.0000000000 + 2494 7.5000000000 1.7320508076 0.0000000000 + 2495 7.6000000000 2.5980762114 0.0000000000 + 2496 7.0000000000 0.0000000000 0.0000000000 + 2497 7.5500000000 1.9918584287 0.0000000000 + 2498 7.3937822174 1.1500000000 0.0000000000 + 2499 7.6000000000 2.4248711306 0.0000000000 + 2500 7.2162546780 0.5318562897 0.0000000000 + 2501 7.0500000000 0.0866025404 0.0000000000 + 2502 7.3071796770 0.8000000000 0.0000000000 + 2503 7.6000000000 2.2516660498 0.0000000000 + 2504 7.5000000000 1.5588457268 0.0000000000 + 2505 7.5500000000 1.8186533479 0.0000000000 + 2506 7.1000000000 0.1732050808 0.0000000000 + 2507 7.3937822174 1.0500000000 0.0000000000 + 2508 7.4803847577 1.4000000000 0.0000000000 + 2509 7.6507936508 2.8798504795 0.0000000000 + 2510 7.6000000000 2.0784609691 0.0000000000 + 2511 7.6500000000 2.6846787517 0.0000000000 + 2512 7.3071796770 0.7000000000 0.0000000000 + 2513 7.6500000000 2.5114736710 0.0000000000 + 2514 7.5500000000 1.6454482672 0.0000000000 + 2515 7.4803847577 1.3000000000 0.0000000000 + 2516 7.3937822174 0.9500000000 0.0000000000 + 2517 7.2000000000 0.3464101615 0.0000000000 + 2518 7.6000000000 1.9052558883 0.0000000000 + 2519 7.6500000000 2.3382685902 0.0000000000 + 2520 7.1835623558 0.2536904321 0.0000000000 + 2521 7.3071796770 0.6000000000 0.0000000000 + 2522 7.4803847577 1.2000000000 0.0000000000 + 2523 7.6500000000 2.1650635095 0.0000000000 + 2524 7.7000000000 3.0000000000 0.0000000000 + 2525 7.3937822174 0.8500000000 0.0000000000 + 2526 7.5500000000 1.4722431864 0.0000000000 + 2527 7.7000000000 2.7712812921 0.0000000000 + 2528 7.6000000000 1.7320508076 0.0000000000 + 2529 7.1000000000 0.0000000000 0.0000000000 + 2530 7.1341154273 0.0819615242 0.0000000000 + 2531 7.7000000000 2.5980762114 0.0000000000 + 2532 7.6500000000 1.9918584287 0.0000000000 + 2533 7.4803847577 1.1000000000 0.0000000000 + 2534 7.7000000000 2.4248711306 0.0000000000 + 2535 7.3071796770 0.5000000000 0.0000000000 + 2536 7.2788462555 0.4141483008 0.0000000000 + 2537 7.3937822174 0.7500000000 0.0000000000 + 2538 7.6000000000 1.5588457268 0.0000000000 + 2539 7.7000000000 2.2516660498 0.0000000000 + 2540 7.6500000000 1.8186533479 0.0000000000 + 2541 7.4803847577 1.0000000000 0.0000000000 + 2542 7.2043113345 0.1349120182 0.0000000000 + 2543 7.7000000000 2.0784609691 0.0000000000 + 2544 7.7547619048 2.8786564603 0.0000000000 + 2545 7.7500000000 2.6846787517 0.0000000000 + 2546 7.3937822174 0.6500000000 0.0000000000 + 2547 7.7500000000 2.5114736710 0.0000000000 + 2548 7.5669872981 1.2500000000 0.0000000000 + 2549 7.6500000000 1.6454482672 0.0000000000 + 2550 7.4803847577 0.9000000000 0.0000000000 + 2551 7.6000000000 1.3856406461 0.0000000000 + 2552 7.2918305988 0.3024773277 0.0000000000 + 2553 7.7000000000 1.9052558883 0.0000000000 + 2554 7.7500000000 2.3382685902 0.0000000000 + 2555 7.3937822174 0.5500000000 0.0000000000 + 2556 7.5669872981 1.1500000000 0.0000000000 + 2557 7.7500000000 2.1650635095 0.0000000000 + 2558 7.4803847577 0.8000000000 0.0000000000 + 2559 7.8000000000 3.0000000000 0.0000000000 + 2560 7.2000000000 0.0000000000 0.0000000000 + 2561 7.6500000000 1.4722431864 0.0000000000 + 2562 7.8000000000 2.7712812921 0.0000000000 + 2563 7.7000000000 1.7320508076 0.0000000000 + 2564 7.8000000000 2.5980762114 0.0000000000 + 2565 7.5669872981 1.0500000000 0.0000000000 + 2566 7.7500000000 1.9918584287 0.0000000000 + 2567 7.3010105468 0.2006150720 0.0000000000 + 2568 7.3937822174 0.4500000000 0.0000000000 + 2569 7.8000000000 2.4248711306 0.0000000000 + 2570 7.4803847577 0.7000000000 0.0000000000 + 2571 7.7000000000 1.5588457268 0.0000000000 + 2572 7.8000000000 2.2516660498 0.0000000000 + 2573 7.7500000000 1.8186533479 0.0000000000 + 2574 7.5669872981 0.9500000000 0.0000000000 + 2575 7.6535898385 1.3000000000 0.0000000000 + 2576 7.8000000000 2.0784609691 0.0000000000 + 2577 7.3937822174 0.3500000000 0.0000000000 + 2578 7.4803847577 0.6000000000 0.0000000000 + 2579 7.3071796770 0.1000000000 0.0000000000 + 2580 7.6535898385 1.2000000000 0.0000000000 + 2581 7.8583333333 2.6872322931 0.0000000000 + 2582 7.8500000000 2.5114736710 0.0000000000 + 2583 7.5669872981 0.8500000000 0.0000000000 + 2584 7.7000000000 1.3856406461 0.0000000000 + 2585 7.7500000000 1.6454482672 0.0000000000 + 2586 7.8000000000 1.9052558883 0.0000000000 + 2587 7.8785714286 2.8714923452 0.0000000000 + 2588 7.6535898385 1.1000000000 0.0000000000 + 2589 7.8583333333 2.3318904918 0.0000000000 + 2590 7.4803847577 0.5000000000 0.0000000000 + 2591 7.3937822174 0.2500000000 0.0000000000 + 2592 7.3000000000 0.0000000000 0.0000000000 + 2593 7.5669872981 0.7500000000 0.0000000000 + 2594 7.7500000000 1.4722431864 0.0000000000 + 2595 7.9000000000 3.0000000000 0.0000000000 + 2596 7.8583333333 2.1708862579 0.0000000000 + 2597 7.8000000000 1.7320508076 0.0000000000 + 2598 7.9000000000 2.7712812921 0.0000000000 + 2599 7.9000000000 2.5980762114 0.0000000000 + 2600 7.6535898385 1.0000000000 0.0000000000 + 2601 7.8500000000 1.9918584287 0.0000000000 + 2602 7.4803847577 0.4000000000 0.0000000000 + 2603 7.9000000000 2.4248711306 0.0000000000 + 2604 7.5669872981 0.6500000000 0.0000000000 + 2605 7.3937822174 0.1500000000 0.0000000000 + 2606 7.8000000000 1.5588457268 0.0000000000 + 2607 7.7500000000 1.2990381057 0.0000000000 + 2608 7.9000000000 2.2516660498 0.0000000000 + 2609 7.6535898385 0.9000000000 0.0000000000 + 2610 7.8583333333 1.8155444566 0.0000000000 + 2611 7.4803847577 0.3000000000 0.0000000000 + 2612 7.9000000000 2.0784609691 0.0000000000 + 2613 7.5669872981 0.5500000000 0.0000000000 + 2614 7.7401923789 1.1500000000 0.0000000000 + 2615 7.6535898385 0.8000000000 0.0000000000 + 2616 7.8000000000 1.3856406461 0.0000000000 + 2617 7.9000000000 1.9052558883 0.0000000000 + 2618 7.7401923789 1.0500000000 0.0000000000 + 2619 7.4000000000 0.0000000000 0.0000000000 + 2620 7.5669872981 0.4500000000 0.0000000000 + 2621 7.4803847577 0.2000000000 0.0000000000 + 2622 7.6535898385 0.7000000000 0.0000000000 + 2623 7.8785714286 1.6467487623 0.0000000000 + 2624 8.0000000000 3.0000000000 0.0000000000 + 2625 8.0000000000 2.9000000000 0.0000000000 + 2626 7.9000000000 1.7320508076 0.0000000000 + 2627 8.0000000000 2.8000000000 0.0000000000 + 2628 7.8583333333 1.4768693220 0.0000000000 + 2629 8.0000000000 2.7000000000 0.0000000000 + 2630 7.7401923789 0.9500000000 0.0000000000 + 2631 8.0000000000 2.6000000000 0.0000000000 + 2632 8.0000000000 2.5000000000 0.0000000000 + 2633 7.5669872981 0.3500000000 0.0000000000 + 2634 7.8380384758 1.3040638796 0.0000000000 + 2635 7.6535898385 0.6000000000 0.0000000000 + 2636 8.0000000000 2.4000000000 0.0000000000 + 2637 7.4803847577 0.1000000000 0.0000000000 + 2638 8.0000000000 2.3000000000 0.0000000000 + 2639 7.8267949192 1.2000000000 0.0000000000 + 2640 7.7401923789 0.8500000000 0.0000000000 + 2641 7.9073809524 1.5564927622 0.0000000000 + 2642 8.0000000000 2.2000000000 0.0000000000 + 2643 8.0000000000 2.1000000000 0.0000000000 + 2644 7.5669872981 0.2500000000 0.0000000000 + 2645 7.6535898385 0.5000000000 0.0000000000 + 2646 7.8267949192 1.1000000000 0.0000000000 + 2647 7.7401923789 0.7500000000 0.0000000000 + 2648 8.0000000000 2.0000000000 0.0000000000 + 2649 7.9000000000 1.3856406461 0.0000000000 + 2650 8.0000000000 1.9000000000 0.0000000000 + 2651 7.5000000000 0.0000000000 0.0000000000 + 2652 7.8267949192 1.0000000000 0.0000000000 + 2653 7.6535898385 0.4000000000 0.0000000000 + 2654 7.7401923789 0.6500000000 0.0000000000 + 2655 8.0000000000 1.8000000000 0.0000000000 + 2656 7.5724894151 0.1416666667 0.0000000000 + 2657 7.8267949192 0.9000000000 0.0000000000 + 2658 7.9133974596 1.2500000000 0.0000000000 + 2659 8.0000000000 1.7000000000 0.0000000000 + 2660 7.6535898385 0.3000000000 0.0000000000 + 2661 7.7401923789 0.5500000000 0.0000000000 + 2662 8.0000000000 1.6000000000 0.0000000000 + 2663 7.9133974596 1.1500000000 0.0000000000 + 2664 7.8267949192 0.8000000000 0.0000000000 + 2665 8.0000000000 1.5000000000 0.0000000000 + 2666 7.7401923789 0.4500000000 0.0000000000 + 2667 7.6535898385 0.2000000000 0.0000000000 + 2668 7.9133974596 1.0500000000 0.0000000000 + 2669 7.8267949192 0.7000000000 0.0000000000 + 2670 8.0000000000 1.4000000000 0.0000000000 + 2671 7.6000000000 0.0000000000 0.0000000000 + 2672 7.9133974596 0.9500000000 0.0000000000 + 2673 8.0000000000 1.3000000000 0.0000000000 + 2674 7.7401923789 0.3500000000 0.0000000000 + 2675 7.8267949192 0.6000000000 0.0000000000 + 2676 7.6538147620 0.0926190476 0.0000000000 + 2677 8.0000000000 1.2000000000 0.0000000000 + 2678 7.9133974596 0.8500000000 0.0000000000 + 2679 7.7401923789 0.2500000000 0.0000000000 + 2680 7.8267949192 0.5000000000 0.0000000000 + 2681 8.0000000000 1.1000000000 0.0000000000 + 2682 7.9133974596 0.7500000000 0.0000000000 + 2683 8.0000000000 1.0000000000 0.0000000000 + 2684 7.8267949192 0.4000000000 0.0000000000 + 2685 7.9133974596 0.6500000000 0.0000000000 + 2686 7.7429945563 0.1214285714 0.0000000000 + 2687 7.7000000000 0.0000000000 0.0000000000 + 2688 8.0000000000 0.9000000000 0.0000000000 + 2689 7.8267949192 0.3000000000 0.0000000000 + 2690 7.9133974596 0.5500000000 0.0000000000 + 2691 8.0000000000 0.8000000000 0.0000000000 + 2692 7.8267949192 0.2000000000 0.0000000000 + 2693 7.9133974596 0.4500000000 0.0000000000 + 2694 8.0000000000 0.7000000000 0.0000000000 + 2695 7.9133974596 0.3500000000 0.0000000000 + 2696 7.8267949192 0.1000000000 0.0000000000 + 2697 8.0000000000 0.6000000000 0.0000000000 + 2698 7.8000000000 0.0000000000 0.0000000000 + 2699 7.9133974596 0.2500000000 0.0000000000 + 2700 8.0000000000 0.5000000000 0.0000000000 + 2701 7.9111645497 0.1416666667 0.0000000000 + 2702 8.0000000000 0.4000000000 0.0000000000 + 2703 8.0000000000 0.3000000000 0.0000000000 + 2704 7.9000000000 0.0000000000 0.0000000000 + 2705 8.0000000000 0.2000000000 0.0000000000 + 2706 8.0000000000 0.1000000000 0.0000000000 + 2707 8.0000000000 0.0000000000 0.0000000000 +End Nodes + + +Begin Elements Element2D3N// GUI group identifier: Volume + 1 0 898 864 879 + 2 0 2166 2130 2148 + 3 0 837 847 809 + 4 0 2148 2130 2112 + 5 0 2166 2148 2185 + 6 0 809 847 828 + 7 0 2112 2130 2093 + 8 0 2185 2148 2168 + 9 0 828 847 866 + 10 0 2168 2148 2132 + 11 0 2185 2168 2204 + 12 0 2132 2148 2112 + 13 0 2168 2132 2152 + 14 0 2204 2168 2188 + 15 0 2132 2112 2094 + 16 0 2152 2132 2114 + 17 0 2188 2168 2152 + 18 0 2094 2112 2075 + 19 0 2114 2132 2094 + 20 0 2075 2112 2093 + 21 0 2094 2075 2059 + 22 0 2075 2093 2057 + 23 0 2059 2075 2037 + 24 0 2075 2057 2037 + 25 0 2059 2037 2023 + 26 0 2037 2057 2022 + 27 0 2023 2037 2002 + 28 0 2059 2023 2040 + 29 0 2037 2022 2002 + 30 0 2040 2023 2003 + 31 0 2002 2022 1986 + 32 0 2003 2023 1987 + 33 0 2040 2003 2027 + 34 0 1987 2023 2002 + 35 0 2003 1987 1968 + 36 0 2027 2003 1990 + 37 0 1987 2002 1967 + 38 0 1968 1987 1950 + 39 0 1990 2003 1968 + 40 0 1967 2002 1986 + 41 0 1950 1987 1967 + 42 0 1967 1986 1947 + 43 0 1950 1967 1931 + 44 0 1967 1947 1931 + 45 0 1931 1947 1908 + 46 0 1931 1908 1894 + 47 0 1894 1908 1872 + 48 0 1931 1894 1910 + 49 0 1894 1872 1857 + 50 0 1910 1894 1875 + 51 0 1931 1910 1950 + 52 0 1857 1872 1836 + 53 0 1875 1894 1857 + 54 0 1950 1910 1932 + 55 0 1857 1836 1821 + 56 0 1932 1910 1897 + 57 0 1950 1932 1968 + 58 0 1821 1836 1800 + 59 0 1897 1910 1875 + 60 0 1968 1932 1954 + 61 0 1897 1875 1860 + 62 0 1954 1932 1917 + 63 0 1968 1954 1990 + 64 0 1860 1875 1837 + 65 0 1917 1932 1897 + 66 0 1990 1954 1972 + 67 0 1860 1837 1823 + 68 0 1917 1897 1878 + 69 0 1972 1954 1934 + 70 0 1823 1837 1802 + 71 0 1878 1897 1860 + 72 0 1934 1954 1917 + 73 0 1802 1837 1821 + 74 0 1934 1917 1899 + 75 0 1821 1837 1857 + 76 0 1899 1917 1878 + 77 0 1934 1899 1922 + 78 0 1857 1837 1875 + 79 0 1922 1899 1885 + 80 0 1885 1899 1863 + 81 0 1863 1899 1878 + 82 0 1885 1863 1845 + 83 0 1863 1878 1843 + 84 0 1845 1863 1827 + 85 0 1843 1878 1860 + 86 0 1827 1863 1843 + 87 0 1845 1827 1809 + 88 0 1827 1843 1805 + 89 0 1809 1827 1790 + 90 0 1805 1843 1823 + 91 0 1827 1805 1790 + 92 0 1823 1843 1860 + 93 0 1790 1805 1769 + 94 0 1769 1805 1782 + 95 0 1782 1805 1823 + 96 0 1769 1782 1746 + 97 0 1782 1823 1802 + 98 0 1746 1782 1766 + 99 0 1769 1746 1733 + 100 0 1782 1802 1766 + 101 0 1733 1746 1711 + 102 0 1766 1802 1780 + 103 0 1711 1746 1730 + 104 0 1733 1711 1697 + 105 0 1780 1802 1821 + 106 0 1730 1746 1766 + 107 0 1697 1711 1675 + 108 0 1780 1821 1800 + 109 0 1730 1766 1744 + 110 0 1675 1711 1690 + 111 0 1780 1800 1765 + 112 0 1744 1766 1780 + 113 0 1690 1711 1730 + 114 0 1744 1780 1765 + 115 0 1690 1730 1709 + 116 0 1709 1730 1744 + 117 0 1690 1709 1672 + 118 0 1672 1709 1689 + 119 0 1690 1672 1651 + 120 0 1689 1709 1729 + 121 0 1651 1672 1635 + 122 0 1729 1709 1744 + 123 0 1635 1672 1650 + 124 0 1651 1635 1616 + 125 0 1729 1744 1765 + 126 0 1650 1672 1689 + 127 0 1616 1635 1597 + 128 0 1597 1635 1614 + 129 0 1614 1635 1650 + 130 0 1597 1614 1578 + 131 0 2136 2169 2139 + 132 0 2139 2169 2172 + 133 0 2136 2139 2107 + 134 0 2172 2169 2201 + 135 0 2107 2139 2109 + 136 0 2172 2201 2206 + 137 0 2109 2139 2143 + 138 0 2206 2201 2235 + 139 0 2143 2139 2172 + 140 0 2143 2172 2175 + 141 0 2175 2172 2206 + 142 0 2175 2206 2209 + 143 0 2209 2206 2237 + 144 0 2175 2209 2180 + 145 0 2237 2206 2235 + 146 0 2180 2209 2214 + 147 0 2237 2235 2266 + 148 0 2214 2209 2242 + 149 0 2242 2209 2237 + 150 0 2214 2242 2245 + 151 0 2242 2237 2271 + 152 0 2245 2242 2274 + 153 0 2271 2237 2266 + 154 0 2274 2242 2271 + 155 0 2245 2274 2279 + 156 0 2274 2271 2303 + 157 0 2279 2274 2309 + 158 0 2303 2271 2301 + 159 0 2274 2303 2309 + 160 0 2301 2271 2266 + 161 0 2309 2303 2337 + 162 0 2337 2303 2333 + 163 0 2309 2337 2340 + 164 0 2333 2303 2301 + 165 0 2337 2333 2365 + 166 0 2340 2337 2371 + 167 0 2337 2365 2371 + 168 0 2340 2371 2374 + 169 0 2371 2365 2397 + 170 0 2374 2371 2403 + 171 0 2340 2374 2345 + 172 0 2371 2397 2403 + 173 0 2345 2374 2380 + 174 0 2403 2397 2431 + 175 0 2380 2374 2407 + 176 0 2345 2380 2351 + 177 0 2407 2374 2403 + 178 0 2380 2407 2412 + 179 0 2351 2380 2385 + 180 0 2412 2407 2439 + 181 0 2380 2412 2385 + 182 0 2439 2407 2434 + 183 0 2385 2412 2418 + 184 0 2434 2407 2403 + 185 0 2439 2434 2468 + 186 0 2418 2412 2445 + 187 0 2434 2403 2431 + 188 0 2468 2434 2464 + 189 0 2445 2412 2439 + 190 0 2434 2431 2464 + 191 0 260 251 238 + 192 0 238 251 227 + 193 0 260 238 249 + 194 0 227 251 241 + 195 0 249 238 222 + 196 0 227 241 216 + 197 0 222 238 210 + 198 0 216 241 232 + 199 0 227 216 198 + 200 0 210 238 227 + 201 0 198 216 189 + 202 0 227 198 210 + 203 0 189 216 205 + 204 0 198 189 171 + 205 0 210 198 186 + 206 0 189 205 180 + 207 0 171 189 166 + 208 0 186 198 171 + 209 0 180 205 197 + 210 0 166 189 180 + 211 0 197 205 226 + 212 0 180 197 174 + 213 0 166 180 154 + 214 0 226 205 232 + 215 0 174 197 192 + 216 0 154 180 174 + 217 0 232 205 216 + 218 0 192 197 218 + 219 0 154 174 151 + 220 0 218 197 226 + 221 0 151 174 169 + 222 0 169 174 192 + 223 0 151 169 147 + 224 0 169 192 190 + 225 0 147 169 167 + 226 0 190 192 215 + 227 0 169 190 167 + 228 0 215 192 218 + 229 0 167 190 184 + 230 0 2214 2245 2216 + 231 0 2216 2245 2251 + 232 0 2214 2216 2183 + 233 0 2251 2245 2279 + 234 0 2216 2251 2220 + 235 0 2183 2216 2189 + 236 0 2214 2183 2180 + 237 0 2220 2251 2255 + 238 0 2216 2220 2189 + 239 0 2180 2183 2150 + 240 0 2220 2255 2227 + 241 0 2189 2220 2194 + 242 0 2180 2150 2145 + 243 0 2227 2255 2260 + 244 0 2194 2220 2227 + 245 0 2145 2150 2118 + 246 0 2260 2255 2289 + 247 0 2118 2150 2121 + 248 0 2145 2118 2113 + 249 0 2289 2255 2284 + 250 0 2121 2150 2155 + 251 0 2113 2118 2085 + 252 0 2284 2255 2251 + 253 0 2155 2150 2183 + 254 0 2085 2118 2087 + 255 0 2155 2183 2189 + 256 0 2087 2118 2121 + 257 0 2155 2189 2159 + 258 0 2087 2121 2090 + 259 0 2159 2189 2194 + 260 0 2090 2121 2125 + 261 0 2087 2090 2058 + 262 0 2125 2121 2155 + 263 0 2090 2125 2098 + 264 0 2058 2090 2064 + 265 0 2125 2155 2159 + 266 0 2098 2125 2129 + 267 0 2064 2090 2098 + 268 0 2129 2125 2159 + 269 0 2098 2129 2100 + 270 0 2129 2159 2163 + 271 0 2100 2129 2135 + 272 0 2163 2159 2194 + 273 0 2129 2163 2135 + 274 0 2163 2194 2196 + 275 0 2135 2163 2170 + 276 0 2196 2194 2227 + 277 0 2163 2196 2170 + 278 0 2170 2196 2205 + 279 0 2205 2196 2230 + 280 0 2170 2205 2179 + 281 0 2230 2196 2227 + 282 0 2205 2230 2238 + 283 0 2179 2205 2211 + 284 0 2230 2227 2260 + 285 0 2238 2230 2265 + 286 0 2211 2205 2238 + 287 0 2230 2260 2265 + 288 0 2211 2238 2246 + 289 0 2265 2260 2293 + 290 0 2246 2238 2273 + 291 0 2211 2246 2219 + 292 0 2293 2260 2289 + 293 0 2273 2238 2265 + 294 0 2219 2246 2253 + 295 0 2273 2265 2300 + 296 0 2253 2246 2280 + 297 0 2219 2253 2226 + 298 0 2300 2265 2293 + 299 0 2280 2246 2273 + 300 0 2226 2253 2261 + 301 0 2300 2293 2326 + 302 0 2280 2273 2307 + 303 0 2261 2253 2288 + 304 0 2326 2293 2324 + 305 0 2307 2273 2300 + 306 0 2288 2253 2280 + 307 0 2324 2293 2289 + 308 0 2288 2280 2315 + 309 0 2324 2289 2317 + 310 0 2315 2280 2307 + 311 0 2317 2289 2284 + 312 0 2324 2317 2351 + 313 0 2315 2307 2342 + 314 0 2317 2284 2312 + 315 0 2351 2317 2345 + 316 0 2342 2307 2335 + 317 0 2312 2284 2279 + 318 0 2345 2317 2312 + 319 0 2342 2335 2368 + 320 0 2279 2284 2251 + 321 0 2345 2312 2340 + 322 0 2368 2335 2360 + 323 0 2340 2312 2309 + 324 0 2360 2335 2326 + 325 0 2309 2312 2279 + 326 0 2360 2326 2356 + 327 0 2360 2356 2390 + 328 0 2390 2356 2385 + 329 0 2385 2356 2351 + 330 0 2390 2385 2418 + 331 0 2351 2356 2324 + 332 0 2324 2356 2326 + 333 0 2085 2087 2054 + 334 0 2054 2087 2058 + 335 0 2085 2054 2050 + 336 0 2054 2058 2025 + 337 0 2050 2054 2020 + 338 0 2025 2058 2029 + 339 0 2020 2054 2025 + 340 0 2029 2058 2064 + 341 0 2025 2029 1995 + 342 0 2029 2064 2034 + 343 0 1995 2029 2000 + 344 0 2025 1995 1992 + 345 0 2034 2064 2067 + 346 0 2000 2029 2034 + 347 0 1992 1995 1962 + 348 0 2067 2064 2098 + 349 0 1962 1995 1966 + 350 0 1992 1962 1959 + 351 0 1966 1995 2000 + 352 0 1962 1966 1933 + 353 0 1959 1962 1927 + 354 0 1933 1966 1938 + 355 0 1962 1933 1927 + 356 0 1938 1966 1969 + 357 0 1927 1933 1898 + 358 0 1969 1966 2000 + 359 0 1938 1969 1941 + 360 0 1898 1933 1904 + 361 0 1969 2000 2004 + 362 0 1941 1969 1977 + 363 0 1904 1933 1938 + 364 0 2004 2000 2034 + 365 0 1977 1969 2004 + 366 0 2004 2034 2038 + 367 0 1977 2004 2013 + 368 0 2038 2034 2067 + 369 0 2004 2038 2013 + 370 0 2038 2067 2073 + 371 0 2013 2038 2047 + 372 0 2073 2067 2100 + 373 0 2038 2073 2047 + 374 0 2100 2067 2098 + 375 0 2047 2073 2081 + 376 0 2081 2073 2108 + 377 0 2047 2081 2053 + 378 0 2108 2073 2100 + 379 0 2053 2081 2088 + 380 0 2108 2100 2135 + 381 0 2088 2081 2115 + 382 0 2053 2088 2062 + 383 0 2108 2135 2144 + 384 0 2115 2081 2108 + 385 0 2062 2088 2095 + 386 0 2144 2135 2170 + 387 0 2095 2088 2123 + 388 0 2062 2095 2068 + 389 0 2144 2170 2179 + 390 0 2123 2088 2115 + 391 0 2068 2095 2102 + 392 0 2144 2179 2149 + 393 0 2123 2115 2149 + 394 0 2102 2095 2128 + 395 0 2149 2179 2184 + 396 0 2149 2115 2144 + 397 0 2128 2095 2123 + 398 0 2184 2179 2211 + 399 0 2144 2115 2108 + 400 0 2184 2211 2219 + 401 0 2184 2219 2191 + 402 0 2191 2219 2226 + 403 0 2191 2226 2199 + 404 0 2199 2226 2233 + 405 0 2233 2226 2261 + 406 0 2199 2233 2208 + 407 0 2233 2261 2267 + 408 0 2208 2233 2243 + 409 0 2199 2208 2173 + 410 0 2267 2261 2295 + 411 0 2243 2233 2267 + 412 0 2173 2208 2181 + 413 0 2295 2261 2288 + 414 0 2181 2208 2217 + 415 0 2173 2181 2147 + 416 0 2217 2208 2243 + 417 0 2181 2217 2192 + 418 0 2147 2181 2157 + 419 0 2192 2217 2228 + 420 0 2181 2192 2157 + 421 0 2228 2217 2252 + 422 0 2157 2192 2165 + 423 0 2252 2217 2243 + 424 0 2228 2252 2262 + 425 0 2165 2192 2200 + 426 0 2262 2252 2287 + 427 0 2228 2262 2236 + 428 0 2200 2192 2228 + 429 0 2287 2252 2278 + 430 0 2236 2262 2272 + 431 0 2200 2228 2236 + 432 0 2278 2252 2243 + 433 0 2272 2262 2297 + 434 0 2278 2243 2267 + 435 0 2297 2262 2287 + 436 0 2278 2267 2302 + 437 0 2297 2287 2323 + 438 0 2302 2267 2295 + 439 0 2323 2287 2313 + 440 0 2302 2295 2329 + 441 0 2313 2287 2278 + 442 0 2323 2313 2346 + 443 0 2329 2295 2322 + 444 0 2346 2313 2338 + 445 0 2323 2346 2359 + 446 0 2322 2295 2288 + 447 0 2338 2313 2302 + 448 0 2359 2346 2382 + 449 0 2322 2288 2315 + 450 0 2302 2313 2278 + 451 0 2382 2346 2373 + 452 0 2373 2346 2338 + 453 0 2382 2373 2408 + 454 0 2408 2373 2398 + 455 0 2382 2408 2417 + 456 0 2398 2373 2363 + 457 0 2417 2408 2443 + 458 0 2363 2373 2338 + 459 0 2398 2363 2391 + 460 0 2443 2408 2444 + 461 0 2391 2363 2357 + 462 0 2398 2391 2426 + 463 0 2444 2408 2398 + 464 0 2357 2363 2329 + 465 0 2426 2391 2416 + 466 0 2329 2363 2338 + 467 0 2357 2329 2322 + 468 0 2416 2391 2383 + 469 0 2357 2322 2349 + 470 0 2383 2391 2357 + 471 0 2416 2383 2410 + 472 0 2349 2322 2315 + 473 0 2383 2357 2349 + 474 0 2410 2383 2375 + 475 0 2383 2349 2375 + 476 0 2410 2375 2401 + 477 0 2375 2349 2342 + 478 0 2401 2375 2368 + 479 0 2410 2401 2436 + 480 0 2342 2349 2315 + 481 0 2368 2375 2342 + 482 0 2436 2401 2429 + 483 0 2429 2401 2394 + 484 0 2436 2429 2462 + 485 0 2394 2401 2368 + 486 0 2462 2429 2456 + 487 0 2436 2462 2467 + 488 0 2456 2429 2423 + 489 0 2462 2456 2488 + 490 0 2467 2462 2500 + 491 0 2423 2429 2394 + 492 0 2488 2456 2485 + 493 0 2500 2462 2488 + 494 0 2485 2456 2452 + 495 0 2488 2485 2517 + 496 0 2452 2456 2423 + 497 0 2485 2452 2478 + 498 0 2517 2485 2520 + 499 0 2478 2452 2445 + 500 0 2485 2478 2520 + 501 0 2445 2452 2418 + 502 0 2520 2478 2506 + 503 0 2418 2452 2423 + 504 0 2506 2478 2472 + 505 0 2418 2423 2390 + 506 0 2472 2478 2445 + 507 0 2506 2472 2501 + 508 0 2390 2423 2394 + 509 0 2472 2445 2439 + 510 0 2501 2472 2468 + 511 0 2472 2439 2468 + 512 0 2368 2360 2394 + 513 0 2394 2360 2390 + 514 0 2020 2025 1992 + 515 0 2020 1992 1988 + 516 0 1988 1992 1959 + 517 0 2020 1988 2017 + 518 0 1988 1959 1955 + 519 0 2017 1988 1982 + 520 0 1955 1959 1924 + 521 0 1982 1988 1955 + 522 0 1924 1959 1927 + 523 0 1955 1924 1921 + 524 0 1924 1927 1895 + 525 0 1921 1924 1891 + 526 0 1955 1921 1952 + 527 0 1895 1927 1898 + 528 0 1891 1924 1895 + 529 0 1952 1921 1919 + 530 0 1891 1895 1862 + 531 0 1919 1921 1888 + 532 0 1952 1919 1948 + 533 0 1862 1895 1865 + 534 0 1888 1921 1891 + 535 0 1948 1919 1918 + 536 0 1865 1895 1898 + 537 0 1888 1891 1858 + 538 0 1918 1919 1886 + 539 0 1865 1898 1869 + 540 0 1858 1891 1862 + 541 0 1886 1919 1888 + 542 0 1869 1898 1904 + 543 0 1858 1862 1828 + 544 0 1886 1888 1855 + 545 0 1828 1862 1831 + 546 0 1858 1828 1825 + 547 0 1855 1888 1858 + 548 0 1831 1862 1865 + 549 0 1825 1828 1795 + 550 0 1831 1865 1835 + 551 0 1795 1828 1799 + 552 0 1835 1865 1869 + 553 0 1831 1835 1801 + 554 0 1799 1828 1831 + 555 0 1835 1869 1840 + 556 0 1801 1835 1808 + 557 0 1799 1831 1801 + 558 0 1840 1869 1871 + 559 0 1808 1835 1840 + 560 0 1871 1869 1904 + 561 0 1840 1871 1844 + 562 0 1871 1904 1906 + 563 0 1844 1871 1879 + 564 0 1840 1844 1810 + 565 0 1906 1904 1938 + 566 0 1879 1871 1906 + 567 0 1810 1844 1816 + 568 0 1879 1906 1916 + 569 0 1816 1844 1853 + 570 0 1916 1906 1941 + 571 0 1879 1916 1887 + 572 0 1853 1844 1879 + 573 0 1941 1906 1938 + 574 0 1887 1916 1923 + 575 0 1853 1879 1887 + 576 0 1923 1916 1951 + 577 0 1951 1916 1941 + 578 0 1923 1951 1957 + 579 0 1951 1941 1977 + 580 0 1957 1951 1984 + 581 0 1923 1957 1930 + 582 0 1951 1977 1984 + 583 0 1930 1957 1963 + 584 0 1984 1977 2013 + 585 0 1963 1957 1993 + 586 0 1930 1963 1936 + 587 0 1984 2013 2018 + 588 0 1993 1957 1984 + 589 0 1936 1963 1971 + 590 0 2018 2013 2047 + 591 0 1993 1984 2018 + 592 0 1971 1963 1998 + 593 0 2018 2047 2053 + 594 0 1998 1963 1993 + 595 0 1971 1998 2005 + 596 0 1998 1993 2028 + 597 0 2005 1998 2033 + 598 0 2028 1993 2018 + 599 0 1998 2028 2033 + 600 0 2028 2018 2053 + 601 0 2033 2028 2062 + 602 0 2028 2053 2062 + 603 0 2157 2165 2131 + 604 0 2131 2165 2142 + 605 0 2157 2131 2122 + 606 0 2142 2165 2177 + 607 0 2131 2142 2106 + 608 0 2122 2131 2096 + 609 0 2177 2165 2200 + 610 0 2106 2142 2117 + 611 0 2096 2131 2106 + 612 0 2117 2142 2153 + 613 0 2106 2117 2082 + 614 0 2153 2142 2177 + 615 0 2117 2153 2126 + 616 0 2082 2117 2091 + 617 0 2153 2177 2187 + 618 0 2126 2153 2161 + 619 0 2091 2117 2126 + 620 0 2187 2177 2212 + 621 0 2161 2153 2187 + 622 0 2212 2177 2200 + 623 0 2187 2212 2223 + 624 0 2212 2200 2236 + 625 0 2223 2212 2248 + 626 0 2212 2236 2248 + 627 0 2248 2236 2272 + 628 0 2248 2272 2283 + 629 0 2283 2272 2308 + 630 0 2248 2283 2256 + 631 0 2308 2272 2297 + 632 0 2256 2283 2291 + 633 0 2248 2256 2223 + 634 0 2291 2283 2319 + 635 0 2256 2291 2269 + 636 0 2223 2256 2232 + 637 0 2291 2319 2327 + 638 0 2269 2291 2304 + 639 0 2232 2256 2269 + 640 0 2327 2319 2354 + 641 0 2304 2291 2327 + 642 0 2354 2319 2343 + 643 0 2327 2354 2362 + 644 0 2343 2319 2308 + 645 0 2354 2343 2378 + 646 0 2362 2354 2381 + 647 0 2308 2319 2283 + 648 0 2378 2343 2367 + 649 0 2381 2354 2378 + 650 0 2367 2343 2331 + 651 0 2331 2343 2308 + 652 0 2367 2331 2359 + 653 0 2331 2308 2297 + 654 0 2359 2331 2323 + 655 0 2331 2297 2323 + 656 0 1982 1955 1952 + 657 0 1982 1952 1981 + 658 0 1981 1952 1948 + 659 0 1982 1981 2014 + 660 0 1981 1948 1978 + 661 0 2014 1981 2012 + 662 0 1982 2014 2017 + 663 0 1978 1948 1945 + 664 0 2012 1981 1978 + 665 0 2017 2014 2049 + 666 0 1945 1948 1918 + 667 0 2012 1978 2011 + 668 0 2049 2014 2044 + 669 0 2011 1978 1976 + 670 0 2012 2011 2042 + 671 0 2044 2014 2012 + 672 0 1976 1978 1945 + 673 0 2042 2011 2039 + 674 0 1976 1945 1943 + 675 0 2039 2011 2007 + 676 0 2042 2039 2071 + 677 0 1943 1945 1914 + 678 0 2007 2011 1976 + 679 0 2042 2071 2074 + 680 0 1914 1945 1918 + 681 0 2007 1976 1975 + 682 0 2074 2071 2105 + 683 0 1975 1976 1943 + 684 0 2074 2105 2107 + 685 0 1975 1943 1942 + 686 0 2107 2105 2136 + 687 0 2074 2107 2076 + 688 0 1942 1943 1912 + 689 0 2076 2107 2109 + 690 0 1912 1943 1914 + 691 0 1942 1912 1911 + 692 0 1912 1914 1882 + 693 0 1911 1912 1881 + 694 0 1912 1882 1881 + 695 0 1881 1882 1849 + 696 0 1849 1882 1850 + 697 0 1881 1849 1847 + 698 0 1850 1882 1883 + 699 0 1849 1850 1818 + 700 0 1847 1849 1815 + 701 0 1883 1882 1914 + 702 0 1818 1850 1820 + 703 0 1815 1849 1818 + 704 0 1820 1850 1852 + 705 0 1818 1820 1788 + 706 0 1852 1850 1883 + 707 0 1820 1852 1822 + 708 0 1788 1820 1789 + 709 0 1822 1852 1855 + 710 0 1820 1822 1789 + 711 0 1855 1852 1886 + 712 0 1789 1822 1792 + 713 0 1886 1852 1883 + 714 0 1792 1822 1825 + 715 0 1789 1792 1759 + 716 0 1825 1822 1855 + 717 0 1792 1825 1795 + 718 0 1759 1792 1760 + 719 0 1825 1855 1858 + 720 0 1760 1792 1795 + 721 0 1759 1760 1727 + 722 0 1760 1795 1764 + 723 0 1727 1760 1731 + 724 0 1764 1795 1799 + 725 0 1760 1764 1731 + 726 0 1764 1799 1768 + 727 0 1731 1764 1735 + 728 0 1768 1799 1801 + 729 0 1764 1768 1735 + 730 0 1768 1801 1773 + 731 0 1735 1768 1738 + 732 0 1773 1801 1808 + 733 0 1768 1773 1738 + 734 0 1773 1808 1775 + 735 0 1738 1773 1741 + 736 0 1775 1808 1810 + 737 0 1773 1775 1741 + 738 0 1810 1808 1840 + 739 0 1741 1775 1747 + 740 0 1747 1775 1781 + 741 0 1741 1747 1712 + 742 0 1781 1775 1810 + 743 0 1747 1781 1754 + 744 0 1712 1747 1717 + 745 0 1781 1810 1816 + 746 0 1754 1781 1791 + 747 0 1717 1747 1754 + 748 0 1781 1816 1791 + 749 0 1717 1754 1728 + 750 0 1791 1816 1826 + 751 0 1728 1754 1763 + 752 0 1717 1728 1693 + 753 0 1826 1816 1853 + 754 0 1763 1754 1791 + 755 0 1693 1728 1701 + 756 0 1763 1791 1797 + 757 0 1701 1728 1736 + 758 0 1797 1791 1826 + 759 0 1763 1797 1771 + 760 0 1736 1728 1763 + 761 0 1797 1826 1833 + 762 0 1771 1797 1804 + 763 0 1736 1763 1771 + 764 0 1833 1826 1861 + 765 0 1804 1797 1833 + 766 0 1736 1771 1740 + 767 0 1861 1826 1853 + 768 0 1740 1771 1776 + 769 0 1736 1740 1706 + 770 0 1776 1771 1804 + 771 0 1740 1776 1748 + 772 0 1706 1740 1713 + 773 0 1776 1804 1811 + 774 0 1748 1776 1786 + 775 0 1713 1740 1748 + 776 0 1811 1804 1839 + 777 0 1786 1776 1811 + 778 0 1713 1748 1726 + 779 0 1839 1804 1833 + 780 0 1726 1748 1761 + 781 0 1713 1726 1684 + 782 0 1761 1748 1786 + 783 0 1726 1761 1737 + 784 0 1684 1726 1700 + 785 0 1761 1786 1796 + 786 0 1737 1761 1772 + 787 0 1700 1726 1737 + 788 0 1796 1786 1824 + 789 0 1772 1761 1796 + 790 0 1700 1737 1708 + 791 0 1824 1786 1811 + 792 0 1708 1737 1743 + 793 0 1700 1708 1673 + 794 0 1743 1737 1772 + 795 0 1708 1743 1716 + 796 0 1673 1708 1681 + 797 0 1743 1772 1778 + 798 0 1716 1743 1757 + 799 0 1681 1708 1716 + 800 0 1778 1772 1807 + 801 0 1757 1743 1778 + 802 0 1681 1716 1696 + 803 0 1807 1772 1796 + 804 0 1696 1716 1732 + 805 0 1681 1696 1656 + 806 0 1732 1716 1757 + 807 0 1696 1732 1705 + 808 0 1656 1696 1670 + 809 0 1732 1757 1767 + 810 0 1705 1732 1742 + 811 0 1670 1696 1705 + 812 0 1767 1757 1793 + 813 0 1742 1732 1767 + 814 0 1670 1705 1680 + 815 0 1793 1757 1778 + 816 0 1680 1705 1715 + 817 0 1670 1680 1645 + 818 0 1715 1705 1742 + 819 0 1680 1715 1698 + 820 0 1645 1680 1660 + 821 0 1715 1742 1758 + 822 0 1698 1715 1734 + 823 0 1660 1680 1698 + 824 0 1758 1742 1777 + 825 0 1734 1715 1758 + 826 0 1660 1698 1674 + 827 0 1777 1742 1767 + 828 0 1674 1698 1710 + 829 0 1660 1674 1637 + 830 0 1710 1698 1734 + 831 0 1674 1710 1683 + 832 0 1637 1674 1647 + 833 0 1710 1734 1745 + 834 0 1683 1710 1723 + 835 0 1647 1674 1683 + 836 0 1637 1647 1612 + 837 0 1745 1734 1770 + 838 0 1723 1710 1745 + 839 0 1647 1683 1667 + 840 0 1612 1647 1628 + 841 0 1770 1734 1758 + 842 0 1723 1745 1762 + 843 0 1667 1683 1703 + 844 0 1628 1647 1667 + 845 0 1762 1745 1779 + 846 0 1723 1762 1739 + 847 0 1703 1683 1723 + 848 0 1628 1667 1642 + 849 0 1779 1745 1770 + 850 0 1739 1762 1774 + 851 0 1703 1723 1739 + 852 0 1642 1667 1679 + 853 0 1774 1762 1798 + 854 0 1739 1774 1749 + 855 0 1703 1739 1714 + 856 0 1679 1667 1703 + 857 0 1798 1762 1779 + 858 0 1749 1774 1790 + 859 0 1714 1739 1749 + 860 0 1679 1703 1714 + 861 0 1714 1749 1733 + 862 0 1679 1714 1697 + 863 0 2157 2122 2147 + 864 0 2147 2122 2111 + 865 0 2111 2122 2086 + 866 0 2147 2111 2137 + 867 0 2086 2122 2096 + 868 0 2111 2086 2077 + 869 0 2137 2111 2102 + 870 0 2086 2096 2061 + 871 0 2077 2086 2051 + 872 0 2111 2077 2102 + 873 0 2061 2096 2070 + 874 0 2051 2086 2061 + 875 0 2102 2077 2068 + 876 0 2070 2096 2106 + 877 0 2061 2070 2035 + 878 0 2051 2061 2026 + 879 0 2068 2077 2041 + 880 0 2070 2106 2082 + 881 0 2035 2070 2045 + 882 0 2026 2061 2035 + 883 0 2041 2077 2051 + 884 0 2070 2082 2045 + 885 0 2026 2035 1999 + 886 0 2045 2082 2056 + 887 0 1999 2035 2009 + 888 0 2026 1999 1991 + 889 0 2056 2082 2091 + 890 0 2045 2056 2021 + 891 0 2009 2035 2045 + 892 0 1991 1999 1964 + 893 0 2021 2056 2031 + 894 0 2045 2021 2009 + 895 0 1964 1999 1974 + 896 0 1991 1964 1956 + 897 0 2031 2056 2066 + 898 0 2009 2021 1985 + 899 0 1974 1999 2009 + 900 0 1956 1964 1928 + 901 0 2066 2056 2091 + 902 0 1985 2021 1996 + 903 0 1928 1964 1939 + 904 0 1956 1928 1920 + 905 0 1996 2021 2031 + 906 0 1985 1996 1960 + 907 0 1939 1964 1974 + 908 0 1920 1928 1893 + 909 0 1960 1996 1970 + 910 0 1985 1960 1949 + 911 0 1893 1928 1903 + 912 0 1920 1893 1884 + 913 0 1970 1996 2006 + 914 0 1949 1960 1925 + 915 0 1903 1928 1939 + 916 0 1884 1893 1859 + 917 0 2006 1996 2031 + 918 0 1925 1960 1935 + 919 0 1859 1893 1868 + 920 0 1884 1859 1846 + 921 0 1935 1960 1970 + 922 0 1925 1935 1900 + 923 0 1868 1893 1903 + 924 0 1846 1859 1824 + 925 0 1900 1935 1909 + 926 0 1925 1900 1890 + 927 0 1824 1859 1832 + 928 0 1846 1824 1811 + 929 0 1909 1935 1946 + 930 0 1890 1900 1864 + 931 0 1832 1859 1868 + 932 0 1846 1811 1839 + 933 0 1946 1935 1970 + 934 0 1864 1900 1874 + 935 0 1846 1839 1873 + 936 0 1946 1970 1983 + 937 0 1874 1900 1909 + 938 0 1864 1874 1838 + 939 0 1873 1839 1867 + 940 0 1983 1970 2006 + 941 0 1838 1874 1851 + 942 0 1864 1838 1829 + 943 0 1867 1839 1833 + 944 0 1983 2006 2019 + 945 0 1851 1874 1889 + 946 0 1829 1838 1803 + 947 0 2019 2006 2043 + 948 0 1983 2019 1997 + 949 0 1889 1874 1909 + 950 0 1803 1838 1812 + 951 0 2043 2006 2031 + 952 0 1997 2019 2032 + 953 0 1812 1838 1851 + 954 0 1803 1812 1777 + 955 0 2032 2019 2055 + 956 0 1997 2032 2010 + 957 0 1777 1812 1794 + 958 0 1803 1777 1767 + 959 0 2055 2019 2043 + 960 0 2010 2032 2046 + 961 0 1794 1812 1830 + 962 0 1803 1767 1793 + 963 0 2046 2032 2069 + 964 0 2010 2046 2024 + 965 0 1830 1812 1851 + 966 0 1803 1793 1829 + 967 0 2069 2032 2055 + 968 0 2024 2046 2060 + 969 0 1829 1793 1813 + 970 0 2069 2055 2092 + 971 0 2060 2046 2083 + 972 0 1813 1793 1778 + 973 0 2092 2055 2079 + 974 0 2069 2092 2104 + 975 0 2083 2046 2069 + 976 0 1813 1778 1807 + 977 0 2079 2055 2043 + 978 0 2104 2092 2127 + 979 0 2083 2069 2104 + 980 0 2079 2043 2066 + 981 0 2127 2092 2116 + 982 0 2104 2127 2141 + 983 0 2066 2043 2031 + 984 0 2079 2066 2101 + 985 0 2116 2092 2079 + 986 0 2141 2127 2162 + 987 0 2079 2101 2116 + 988 0 2162 2127 2151 + 989 0 2141 2162 2178 + 990 0 2116 2101 2138 + 991 0 2162 2151 2186 + 992 0 2178 2162 2198 + 993 0 2138 2101 2126 + 994 0 2116 2138 2151 + 995 0 2186 2151 2174 + 996 0 2198 2162 2186 + 997 0 2126 2101 2091 + 998 0 2151 2138 2174 + 999 0 2198 2186 2222 + 1000 0 2091 2101 2066 + 1001 0 2174 2138 2161 + 1002 0 2222 2186 2210 + 1003 0 2198 2222 2234 + 1004 0 2161 2138 2126 + 1005 0 2174 2161 2197 + 1006 0 2210 2186 2174 + 1007 0 2234 2222 2257 + 1008 0 2197 2161 2187 + 1009 0 2174 2197 2210 + 1010 0 2257 2222 2247 + 1011 0 2197 2187 2223 + 1012 0 2210 2197 2232 + 1013 0 2247 2222 2210 + 1014 0 2257 2247 2282 + 1015 0 2232 2197 2223 + 1016 0 2210 2232 2247 + 1017 0 2282 2247 2269 + 1018 0 2247 2232 2269 + 1019 0 2282 2269 2304 + 1020 0 2282 2304 2318 + 1021 0 2318 2304 2339 + 1022 0 2282 2318 2292 + 1023 0 2339 2304 2327 + 1024 0 2318 2339 2353 + 1025 0 2292 2318 2328 + 1026 0 2282 2292 2257 + 1027 0 2353 2339 2376 + 1028 0 2318 2353 2328 + 1029 0 2257 2292 2270 + 1030 0 2376 2339 2362 + 1031 0 2328 2353 2364 + 1032 0 2270 2292 2306 + 1033 0 2257 2270 2234 + 1034 0 2362 2339 2327 + 1035 0 2364 2353 2388 + 1036 0 2306 2292 2328 + 1037 0 2234 2270 2249 + 1038 0 2306 2328 2344 + 1039 0 2249 2270 2285 + 1040 0 2344 2328 2364 + 1041 0 2306 2344 2320 + 1042 0 2285 2270 2306 + 1043 0 2344 2364 2379 + 1044 0 2320 2344 2355 + 1045 0 2285 2306 2320 + 1046 0 2379 2364 2400 + 1047 0 2344 2379 2355 + 1048 0 2400 2364 2388 + 1049 0 2379 2400 2414 + 1050 0 2355 2379 2392 + 1051 0 2400 2388 2424 + 1052 0 2414 2400 2435 + 1053 0 2392 2379 2414 + 1054 0 2355 2392 2370 + 1055 0 2424 2388 2411 + 1056 0 2435 2400 2424 + 1057 0 2370 2392 2406 + 1058 0 2355 2370 2334 + 1059 0 2411 2388 2376 + 1060 0 2435 2424 2459 + 1061 0 2406 2392 2427 + 1062 0 2334 2370 2347 + 1063 0 2376 2388 2353 + 1064 0 2459 2424 2448 + 1065 0 2427 2392 2414 + 1066 0 2347 2370 2384 + 1067 0 2448 2424 2411 + 1068 0 2459 2448 2480 + 1069 0 2384 2370 2406 + 1070 0 2347 2384 2361 + 1071 0 2480 2448 2470 + 1072 0 2459 2480 2494 + 1073 0 2361 2384 2396 + 1074 0 2347 2361 2325 + 1075 0 2470 2448 2433 + 1076 0 2494 2480 2514 + 1077 0 2396 2384 2419 + 1078 0 2325 2361 2341 + 1079 0 2433 2448 2411 + 1080 0 2514 2480 2504 + 1081 0 2419 2384 2406 + 1082 0 2341 2361 2377 + 1083 0 2504 2480 2470 + 1084 0 2514 2504 2538 + 1085 0 2377 2361 2396 + 1086 0 2341 2377 2358 + 1087 0 2538 2504 2526 + 1088 0 2514 2538 2549 + 1089 0 2358 2377 2393 + 1090 0 2341 2358 2321 + 1091 0 2526 2504 2493 + 1092 0 2549 2538 2571 + 1093 0 2393 2377 2413 + 1094 0 2321 2358 2336 + 1095 0 2493 2504 2470 + 1096 0 2571 2538 2561 + 1097 0 2413 2377 2396 + 1098 0 2336 2358 2372 + 1099 0 2561 2538 2526 + 1100 0 2571 2561 2594 + 1101 0 2372 2358 2393 + 1102 0 2336 2372 2352 + 1103 0 2594 2561 2584 + 1104 0 2571 2594 2606 + 1105 0 2352 2372 2389 + 1106 0 2336 2352 2316 + 1107 0 2584 2561 2551 + 1108 0 2606 2594 2628 + 1109 0 2389 2372 2409 + 1110 0 2316 2352 2332 + 1111 0 2551 2561 2526 + 1112 0 2628 2594 2616 + 1113 0 2409 2372 2393 + 1114 0 2332 2352 2369 + 1115 0 2616 2594 2584 + 1116 0 2628 2616 2649 + 1117 0 2369 2352 2389 + 1118 0 2332 2369 2350 + 1119 0 2649 2616 2634 + 1120 0 2628 2649 2665 + 1121 0 2350 2369 2387 + 1122 0 2332 2350 2314 + 1123 0 2634 2616 2607 + 1124 0 2387 2369 2404 + 1125 0 2350 2387 2366 + 1126 0 2314 2350 2330 + 1127 0 2607 2616 2584 + 1128 0 2404 2369 2389 + 1129 0 2366 2387 2402 + 1130 0 2330 2350 2366 + 1131 0 2404 2389 2425 + 1132 0 2402 2387 2421 + 1133 0 2330 2366 2348 + 1134 0 2425 2389 2409 + 1135 0 2421 2387 2404 + 1136 0 2402 2421 2437 + 1137 0 2425 2409 2442 + 1138 0 2421 2404 2440 + 1139 0 2437 2421 2457 + 1140 0 2402 2437 2420 + 1141 0 2442 2409 2428 + 1142 0 2440 2404 2425 + 1143 0 2457 2421 2440 + 1144 0 2428 2409 2393 + 1145 0 2442 2428 2463 + 1146 0 2440 2425 2460 + 1147 0 2457 2440 2476 + 1148 0 2428 2393 2413 + 1149 0 2463 2428 2450 + 1150 0 2460 2425 2442 + 1151 0 2476 2440 2460 + 1152 0 2428 2413 2450 + 1153 0 2460 2442 2479 + 1154 0 2476 2460 2495 + 1155 0 2450 2413 2432 + 1156 0 2479 2442 2463 + 1157 0 2460 2479 2495 + 1158 0 2432 2413 2396 + 1159 0 2479 2463 2499 + 1160 0 2495 2479 2513 + 1161 0 2432 2396 2419 + 1162 0 2499 2463 2483 + 1163 0 2513 2479 2499 + 1164 0 2495 2513 2531 + 1165 0 2483 2463 2450 + 1166 0 2499 2483 2519 + 1167 0 2531 2513 2547 + 1168 0 2495 2531 2511 + 1169 0 2519 2483 2503 + 1170 0 2499 2519 2534 + 1171 0 2547 2513 2534 + 1172 0 2511 2531 2545 + 1173 0 2503 2483 2469 + 1174 0 2534 2519 2554 + 1175 0 2534 2513 2499 + 1176 0 2545 2531 2564 + 1177 0 2469 2483 2450 + 1178 0 2554 2519 2539 + 1179 0 2564 2531 2547 + 1180 0 2545 2564 2581 + 1181 0 2539 2519 2503 + 1182 0 2554 2539 2572 + 1183 0 2581 2564 2599 + 1184 0 2545 2581 2562 + 1185 0 2572 2539 2557 + 1186 0 2554 2572 2589 + 1187 0 2599 2564 2582 + 1188 0 2562 2581 2598 + 1189 0 2557 2539 2523 + 1190 0 2589 2572 2608 + 1191 0 2582 2564 2547 + 1192 0 2598 2581 2629 + 1193 0 2523 2539 2503 + 1194 0 2608 2572 2596 + 1195 0 2523 2503 2487 + 1196 0 2596 2572 2557 + 1197 0 2608 2596 2642 + 1198 0 2487 2503 2469 + 1199 0 2596 2557 2576 + 1200 0 2487 2469 2453 + 1201 0 2576 2557 2543 + 1202 0 2453 2469 2432 + 1203 0 2487 2453 2475 + 1204 0 2543 2557 2523 + 1205 0 2432 2469 2450 + 1206 0 2453 2432 2419 + 1207 0 2475 2453 2441 + 1208 0 2543 2523 2510 + 1209 0 2441 2453 2419 + 1210 0 2510 2523 2487 + 1211 0 2543 2510 2532 + 1212 0 2510 2487 2475 + 1213 0 2532 2510 2497 + 1214 0 2510 2475 2497 + 1215 0 2497 2475 2461 + 1216 0 2461 2475 2441 + 1217 0 2497 2461 2484 + 1218 0 2461 2441 2427 + 1219 0 2484 2461 2451 + 1220 0 2427 2441 2406 + 1221 0 2461 2427 2451 + 1222 0 2406 2441 2419 + 1223 0 2451 2427 2414 + 1224 0 1914 1918 1883 + 1225 0 1883 1918 1886 + 1226 0 1833 1861 1867 + 1227 0 1867 1861 1896 + 1228 0 1896 1861 1887 + 1229 0 1867 1896 1902 + 1230 0 1887 1861 1853 + 1231 0 1896 1887 1923 + 1232 0 1902 1896 1930 + 1233 0 1896 1923 1930 + 1234 0 1902 1930 1936 + 1235 0 1902 1936 1907 + 1236 0 1907 1936 1944 + 1237 0 1902 1907 1873 + 1238 0 1944 1936 1971 + 1239 0 1907 1944 1920 + 1240 0 1873 1907 1884 + 1241 0 1944 1971 1980 + 1242 0 1920 1944 1956 + 1243 0 1884 1907 1920 + 1244 0 1873 1884 1846 + 1245 0 1980 1971 2005 + 1246 0 1956 1944 1980 + 1247 0 1980 2005 2015 + 1248 0 1956 1980 1991 + 1249 0 2015 2005 2041 + 1250 0 1991 1980 2015 + 1251 0 2041 2005 2033 + 1252 0 1991 2015 2026 + 1253 0 2041 2033 2068 + 1254 0 2026 2015 2051 + 1255 0 2068 2033 2062 + 1256 0 2051 2015 2041 + 1257 0 2147 2137 2173 + 1258 0 2173 2137 2164 + 1259 0 2164 2137 2128 + 1260 0 2128 2137 2102 + 1261 0 2164 2128 2158 + 1262 0 2158 2128 2123 + 1263 0 2164 2158 2191 + 1264 0 2158 2123 2149 + 1265 0 2191 2158 2184 + 1266 0 2158 2149 2184 + 1267 0 2336 2316 2299 + 1268 0 2299 2316 2281 + 1269 0 2336 2299 2321 + 1270 0 2281 2316 2296 + 1271 0 2321 2299 2286 + 1272 0 2296 2316 2332 + 1273 0 2281 2296 2259 + 1274 0 2286 2299 2264 + 1275 0 2296 2332 2314 + 1276 0 2259 2296 2277 + 1277 0 2264 2299 2281 + 1278 0 2277 2296 2314 + 1279 0 2259 2277 2241 + 1280 0 2264 2281 2244 + 1281 0 2277 2314 2294 + 1282 0 2241 2277 2258 + 1283 0 2244 2281 2259 + 1284 0 2294 2314 2330 + 1285 0 2258 2277 2294 + 1286 0 2294 2330 2311 + 1287 0 2258 2294 2276 + 1288 0 2164 2191 2199 + 1289 0 2164 2199 2173 + 1290 0 2286 2264 2250 + 1291 0 2250 2264 2229 + 1292 0 2286 2250 2268 + 1293 0 2229 2264 2244 + 1294 0 2268 2250 2231 + 1295 0 2286 2268 2305 + 1296 0 2231 2250 2213 + 1297 0 2268 2231 2254 + 1298 0 2305 2268 2290 + 1299 0 2213 2250 2229 + 1300 0 2254 2231 2218 + 1301 0 2290 2268 2254 + 1302 0 2213 2229 2193 + 1303 0 2218 2231 2195 + 1304 0 2193 2229 2207 + 1305 0 2213 2193 2176 + 1306 0 2195 2231 2213 + 1307 0 2207 2229 2244 + 1308 0 2176 2193 2156 + 1309 0 2195 2213 2176 + 1310 0 2207 2244 2224 + 1311 0 2156 2193 2171 + 1312 0 2195 2176 2160 + 1313 0 2224 2244 2259 + 1314 0 2171 2193 2207 + 1315 0 2160 2176 2140 + 1316 0 2224 2259 2241 + 1317 0 2171 2207 2188 + 1318 0 2140 2176 2156 + 1319 0 2224 2241 2204 + 1320 0 2140 2156 2120 + 1321 0 2120 2156 2134 + 1322 0 2140 2120 2103 + 1323 0 2134 2156 2171 + 1324 0 2120 2134 2099 + 1325 0 2103 2120 2084 + 1326 0 2134 2171 2152 + 1327 0 2099 2134 2114 + 1328 0 2084 2120 2099 + 1329 0 2084 2099 2063 + 1330 0 2063 2099 2078 + 1331 0 2084 2063 2048 + 1332 0 2078 2099 2114 + 1333 0 2063 2078 2040 + 1334 0 2048 2063 2027 + 1335 0 2305 2290 2325 + 1336 0 2325 2290 2310 + 1337 0 2305 2325 2341 + 1338 0 2310 2290 2275 + 1339 0 2325 2310 2347 + 1340 0 2305 2341 2321 + 1341 0 2275 2290 2254 + 1342 0 2347 2310 2334 + 1343 0 2305 2321 2286 + 1344 0 2275 2254 2240 + 1345 0 2334 2310 2298 + 1346 0 2240 2254 2218 + 1347 0 2275 2240 2263 + 1348 0 2298 2310 2275 + 1349 0 2240 2218 2203 + 1350 0 2263 2240 2225 + 1351 0 2298 2275 2263 + 1352 0 2203 2218 2182 + 1353 0 2240 2203 2225 + 1354 0 2182 2218 2195 + 1355 0 2203 2182 2167 + 1356 0 2225 2203 2190 + 1357 0 2182 2195 2160 + 1358 0 2167 2182 2146 + 1359 0 2203 2167 2190 + 1360 0 2182 2160 2146 + 1361 0 2190 2167 2154 + 1362 0 2146 2160 2124 + 1363 0 2154 2167 2133 + 1364 0 2190 2154 2178 + 1365 0 2124 2160 2140 + 1366 0 2146 2124 2110 + 1367 0 2133 2167 2146 + 1368 0 2178 2154 2141 + 1369 0 2110 2124 2089 + 1370 0 2146 2110 2133 + 1371 0 2141 2154 2119 + 1372 0 2089 2124 2103 + 1373 0 2133 2110 2097 + 1374 0 2119 2154 2133 + 1375 0 2103 2124 2140 + 1376 0 2089 2103 2065 + 1377 0 2097 2110 2072 + 1378 0 2119 2133 2097 + 1379 0 2065 2103 2084 + 1380 0 2072 2110 2089 + 1381 0 2119 2097 2083 + 1382 0 2072 2089 2052 + 1383 0 2083 2097 2060 + 1384 0 2052 2089 2065 + 1385 0 2072 2052 2036 + 1386 0 2060 2097 2072 + 1387 0 2052 2065 2030 + 1388 0 2036 2052 2016 + 1389 0 2060 2072 2036 + 1390 0 2030 2065 2048 + 1391 0 2016 2052 2030 + 1392 0 2048 2065 2084 + 1393 0 2030 2048 2008 + 1394 0 2016 2030 1994 + 1395 0 2008 2048 2027 + 1396 0 2030 2008 1994 + 1397 0 1994 2008 1972 + 1398 0 2334 2298 2320 + 1399 0 2320 2298 2285 + 1400 0 2334 2320 2355 + 1401 0 2285 2298 2263 + 1402 0 2285 2263 2249 + 1403 0 2249 2263 2225 + 1404 0 2249 2225 2215 + 1405 0 2215 2225 2190 + 1406 0 2249 2215 2234 + 1407 0 2215 2190 2178 + 1408 0 2234 2215 2198 + 1409 0 2215 2178 2198 + 1410 0 2016 1994 1979 + 1411 0 1979 1994 1958 + 1412 0 2016 1979 2001 + 1413 0 1958 1994 1972 + 1414 0 1979 1958 1940 + 1415 0 2001 1979 1965 + 1416 0 2016 2001 2036 + 1417 0 1979 1940 1965 + 1418 0 2001 1965 1989 + 1419 0 2036 2001 2024 + 1420 0 1965 1940 1929 + 1421 0 2001 1989 2024 + 1422 0 1929 1940 1905 + 1423 0 2024 1989 2010 + 1424 0 1905 1940 1922 + 1425 0 1929 1905 1892 + 1426 0 2010 1989 1973 + 1427 0 1892 1905 1870 + 1428 0 1929 1892 1915 + 1429 0 1973 1989 1953 + 1430 0 1870 1905 1885 + 1431 0 1915 1892 1877 + 1432 0 1953 1989 1965 + 1433 0 1877 1892 1856 + 1434 0 1915 1877 1901 + 1435 0 1953 1965 1929 + 1436 0 1856 1892 1870 + 1437 0 1901 1877 1866 + 1438 0 1953 1929 1915 + 1439 0 1856 1870 1834 + 1440 0 1866 1877 1842 + 1441 0 1953 1915 1937 + 1442 0 1834 1870 1845 + 1443 0 1842 1877 1856 + 1444 0 1937 1915 1901 + 1445 0 1842 1856 1819 + 1446 0 1937 1901 1926 + 1447 0 1819 1856 1834 + 1448 0 1842 1819 1806 + 1449 0 1926 1901 1889 + 1450 0 1819 1834 1798 + 1451 0 1806 1819 1779 + 1452 0 1889 1901 1866 + 1453 0 1798 1834 1809 + 1454 0 1819 1798 1779 + 1455 0 1940 1958 1922 + 1456 0 1937 1926 1961 + 1457 0 1961 1926 1946 + 1458 0 1937 1961 1973 + 1459 0 1946 1926 1909 + 1460 0 1973 1961 1997 + 1461 0 1937 1973 1953 + 1462 0 1909 1926 1889 + 1463 0 1997 1961 1983 + 1464 0 1983 1961 1946 + 1465 0 1889 1866 1851 + 1466 0 1851 1866 1830 + 1467 0 1830 1866 1842 + 1468 0 1830 1842 1806 + 1469 0 1830 1806 1794 + 1470 0 1794 1806 1770 + 1471 0 1770 1806 1779 + 1472 0 1794 1770 1758 + 1473 0 1794 1758 1777 + 1474 0 1973 1997 2010 + 1475 0 1169 1196 1155 + 1476 0 1155 1196 1183 + 1477 0 1169 1155 1131 + 1478 0 1183 1196 1220 + 1479 0 1155 1183 1146 + 1480 0 1131 1155 1117 + 1481 0 1169 1131 1142 + 1482 0 1146 1183 1176 + 1483 0 1131 1117 1088 + 1484 0 1142 1131 1104 + 1485 0 1146 1176 1137 + 1486 0 1088 1117 1079 + 1487 0 1104 1131 1088 + 1488 0 1137 1176 1165 + 1489 0 1079 1117 1109 + 1490 0 1165 1176 1205 + 1491 0 1137 1165 1127 + 1492 0 1109 1117 1146 + 1493 0 1205 1176 1213 + 1494 0 1127 1165 1153 + 1495 0 1146 1117 1155 + 1496 0 1213 1176 1183 + 1497 0 1153 1165 1192 + 1498 0 1127 1153 1119 + 1499 0 1213 1183 1220 + 1500 0 1192 1165 1205 + 1501 0 1119 1153 1149 + 1502 0 1213 1220 1250 + 1503 0 1192 1205 1231 + 1504 0 1149 1153 1186 + 1505 0 1213 1250 1241 + 1506 0 1231 1205 1241 + 1507 0 1186 1153 1192 + 1508 0 1241 1250 1280 + 1509 0 1241 1205 1213 + 1510 0 1231 1241 1270 + 1511 0 1241 1280 1270 + 1512 0 1231 1270 1257 + 1513 0 1270 1280 1307 + 1514 0 1231 1257 1222 + 1515 0 1270 1307 1297 + 1516 0 1222 1257 1252 + 1517 0 1231 1222 1192 + 1518 0 1297 1307 1334 + 1519 0 1252 1257 1288 + 1520 0 1222 1252 1216 + 1521 0 1192 1222 1186 + 1522 0 1288 1257 1297 + 1523 0 1216 1252 1247 + 1524 0 1222 1216 1186 + 1525 0 1288 1297 1324 + 1526 0 1247 1252 1283 + 1527 0 1186 1216 1180 + 1528 0 1324 1297 1334 + 1529 0 1288 1324 1319 + 1530 0 1283 1252 1288 + 1531 0 1180 1216 1211 + 1532 0 1319 1324 1354 + 1533 0 1288 1319 1283 + 1534 0 1211 1216 1247 + 1535 0 1354 1324 1363 + 1536 0 1283 1319 1314 + 1537 0 1211 1247 1244 + 1538 0 1363 1324 1334 + 1539 0 1314 1319 1349 + 1540 0 1283 1314 1278 + 1541 0 1244 1247 1278 + 1542 0 1349 1319 1354 + 1543 0 1278 1314 1309 + 1544 0 1283 1278 1247 + 1545 0 1349 1354 1383 + 1546 0 1309 1314 1345 + 1547 0 1383 1354 1390 + 1548 0 1349 1383 1380 + 1549 0 1345 1314 1349 + 1550 0 1309 1345 1341 + 1551 0 1390 1354 1363 + 1552 0 1380 1383 1415 + 1553 0 1341 1345 1377 + 1554 0 1309 1341 1305 + 1555 0 1380 1415 1410 + 1556 0 1377 1345 1380 + 1557 0 1305 1341 1337 + 1558 0 1309 1305 1274 + 1559 0 1410 1415 1445 + 1560 0 1380 1345 1349 + 1561 0 1337 1341 1371 + 1562 0 1274 1305 1268 + 1563 0 1445 1415 1451 + 1564 0 1371 1341 1377 + 1565 0 1268 1305 1302 + 1566 0 1274 1268 1239 + 1567 0 1451 1415 1419 + 1568 0 1371 1377 1406 + 1569 0 1302 1305 1337 + 1570 0 1239 1268 1233 + 1571 0 1419 1415 1383 + 1572 0 1371 1406 1403 + 1573 0 1233 1268 1266 + 1574 0 1239 1233 1202 + 1575 0 1403 1406 1438 + 1576 0 1371 1403 1368 + 1577 0 1266 1268 1302 + 1578 0 1202 1233 1200 + 1579 0 1438 1406 1442 + 1580 0 1368 1403 1399 + 1581 0 1200 1233 1229 + 1582 0 1202 1200 1166 + 1583 0 1442 1406 1410 + 1584 0 1399 1403 1433 + 1585 0 1229 1233 1266 + 1586 0 1166 1200 1162 + 1587 0 1410 1406 1377 + 1588 0 1433 1403 1438 + 1589 0 1162 1200 1194 + 1590 0 1166 1162 1129 + 1591 0 1433 1438 1469 + 1592 0 1194 1200 1229 + 1593 0 1129 1162 1125 + 1594 0 1166 1129 1134 + 1595 0 1469 1438 1471 + 1596 0 1194 1229 1227 + 1597 0 1125 1162 1160 + 1598 0 1134 1129 1097 + 1599 0 1471 1438 1442 + 1600 0 1227 1229 1263 + 1601 0 1160 1162 1194 + 1602 0 1097 1129 1094 + 1603 0 1263 1229 1266 + 1604 0 1227 1263 1261 + 1605 0 1094 1129 1125 + 1606 0 1097 1094 1061 + 1607 0 1261 1263 1293 + 1608 0 1227 1261 1225 + 1609 0 1061 1094 1056 + 1610 0 1097 1061 1063 + 1611 0 1293 1263 1298 + 1612 0 1225 1261 1260 + 1613 0 1056 1094 1089 + 1614 0 1063 1061 1027 + 1615 0 1298 1263 1266 + 1616 0 1260 1261 1291 + 1617 0 1089 1094 1125 + 1618 0 1027 1061 1022 + 1619 0 1291 1261 1293 + 1620 0 1260 1291 1292 + 1621 0 1022 1061 1056 + 1622 0 1027 1022 988 + 1623 0 1292 1291 1326 + 1624 0 1260 1292 1262 + 1625 0 988 1022 986 + 1626 0 1027 988 993 + 1627 0 1326 1291 1327 + 1628 0 1262 1292 1294 + 1629 0 986 1022 1020 + 1630 0 993 988 956 + 1631 0 1327 1291 1293 + 1632 0 1294 1292 1328 + 1633 0 1020 1022 1056 + 1634 0 956 988 953 + 1635 0 1328 1292 1326 + 1636 0 1294 1328 1330 + 1637 0 953 988 986 + 1638 0 956 953 922 + 1639 0 1330 1328 1361 + 1640 0 1294 1330 1299 + 1641 0 922 953 918 + 1642 0 956 922 927 + 1643 0 1361 1328 1359 + 1644 0 1299 1330 1333 + 1645 0 918 953 948 + 1646 0 927 922 891 + 1647 0 1359 1328 1326 + 1648 0 1333 1330 1367 + 1649 0 948 953 986 + 1650 0 891 922 887 + 1651 0 1367 1330 1361 + 1652 0 1333 1367 1369 + 1653 0 887 922 918 + 1654 0 891 887 855 + 1655 0 1369 1367 1400 + 1656 0 1333 1369 1338 + 1657 0 855 887 853 + 1658 0 891 855 860 + 1659 0 1400 1367 1397 + 1660 0 1338 1369 1372 + 1661 0 853 887 884 + 1662 0 860 855 824 + 1663 0 1397 1367 1361 + 1664 0 1372 1369 1404 + 1665 0 884 887 918 + 1666 0 824 855 819 + 1667 0 1404 1369 1400 + 1668 0 1372 1404 1407 + 1669 0 819 855 853 + 1670 0 824 819 787 + 1671 0 1407 1404 1439 + 1672 0 1372 1407 1378 + 1673 0 787 819 781 + 1674 0 824 787 791 + 1675 0 1439 1404 1435 + 1676 0 1378 1407 1411 + 1677 0 781 819 815 + 1678 0 791 787 746 + 1679 0 1435 1404 1400 + 1680 0 1411 1407 1443 + 1681 0 815 819 853 + 1682 0 746 787 741 + 1683 0 1443 1407 1439 + 1684 0 1411 1443 1446 + 1685 0 741 787 781 + 1686 0 746 741 710 + 1687 0 1446 1443 1478 + 1688 0 1411 1446 1416 + 1689 0 710 741 702 + 1690 0 746 710 714 + 1691 0 1478 1443 1473 + 1692 0 1416 1446 1452 + 1693 0 702 741 739 + 1694 0 714 710 669 + 1695 0 1473 1443 1439 + 1696 0 1452 1446 1481 + 1697 0 739 741 781 + 1698 0 669 710 667 + 1699 0 1481 1446 1478 + 1700 0 1452 1481 1485 + 1701 0 667 710 702 + 1702 0 669 667 629 + 1703 0 1485 1481 1516 + 1704 0 1452 1485 1455 + 1705 0 629 667 625 + 1706 0 669 629 634 + 1707 0 1516 1481 1512 + 1708 0 1455 1485 1490 + 1709 0 625 667 664 + 1710 0 634 629 593 + 1711 0 1512 1481 1478 + 1712 0 1490 1485 1518 + 1713 0 664 667 702 + 1714 0 593 629 590 + 1715 0 1518 1485 1516 + 1716 0 1490 1518 1529 + 1717 0 590 629 625 + 1718 0 593 590 550 + 1719 0 1529 1518 1553 + 1720 0 1490 1529 1500 + 1721 0 550 590 546 + 1722 0 593 550 557 + 1723 0 1553 1518 1550 + 1724 0 1500 1529 1538 + 1725 0 546 590 584 + 1726 0 557 550 515 + 1727 0 1550 1518 1516 + 1728 0 1538 1529 1567 + 1729 0 584 590 625 + 1730 0 515 550 509 + 1731 0 1567 1529 1553 + 1732 0 1538 1567 1574 + 1733 0 509 550 546 + 1734 0 515 509 474 + 1735 0 1574 1567 1602 + 1736 0 1538 1574 1545 + 1737 0 474 509 471 + 1738 0 1602 1567 1591 + 1739 0 1538 1545 1509 + 1740 0 471 509 505 + 1741 0 1591 1567 1553 + 1742 0 1509 1545 1517 + 1743 0 505 509 546 + 1744 0 1517 1545 1552 + 1745 0 1509 1517 1482 + 1746 0 1552 1545 1581 + 1747 0 1517 1552 1524 + 1748 0 1482 1517 1488 + 1749 0 1581 1545 1574 + 1750 0 1524 1552 1564 + 1751 0 1488 1517 1524 + 1752 0 1564 1552 1586 + 1753 0 1524 1564 1539 + 1754 0 1586 1552 1581 + 1755 0 1564 1586 1601 + 1756 0 1539 1564 1575 + 1757 0 1601 1586 1625 + 1758 0 1564 1601 1575 + 1759 0 1625 1586 1615 + 1760 0 1575 1601 1611 + 1761 0 1615 1586 1581 + 1762 0 1625 1615 1649 + 1763 0 1611 1601 1639 + 1764 0 1649 1615 1643 + 1765 0 1625 1649 1663 + 1766 0 1639 1601 1625 + 1767 0 1643 1615 1608 + 1768 0 1663 1649 1684 + 1769 0 1639 1625 1663 + 1770 0 1608 1615 1581 + 1771 0 1684 1649 1678 + 1772 0 1608 1581 1574 + 1773 0 1678 1649 1643 + 1774 0 1608 1574 1602 + 1775 0 1678 1643 1671 + 1776 0 1608 1602 1638 + 1777 0 1671 1643 1638 + 1778 0 1638 1602 1629 + 1779 0 1638 1643 1608 + 1780 0 1629 1602 1591 + 1781 0 1638 1629 1666 + 1782 0 1666 1629 1652 + 1783 0 1638 1666 1671 + 1784 0 1652 1629 1618 + 1785 0 1671 1666 1701 + 1786 0 1652 1618 1648 + 1787 0 1701 1666 1693 + 1788 0 1648 1618 1613 + 1789 0 1652 1648 1682 + 1790 0 1693 1666 1652 + 1791 0 1648 1613 1644 + 1792 0 1682 1648 1677 + 1793 0 1644 1613 1610 + 1794 0 1648 1644 1677 + 1795 0 1610 1613 1580 + 1796 0 1677 1644 1676 + 1797 0 1580 1613 1585 + 1798 0 1610 1580 1576 + 1799 0 1676 1644 1641 + 1800 0 1585 1613 1618 + 1801 0 1576 1580 1546 + 1802 0 1641 1644 1610 + 1803 0 1585 1618 1591 + 1804 0 1546 1580 1550 + 1805 0 1641 1610 1606 + 1806 0 1591 1618 1629 + 1807 0 1550 1580 1585 + 1808 0 1606 1610 1576 + 1809 0 1550 1585 1553 + 1810 0 1553 1585 1591 + 1811 0 515 474 480 + 1812 0 480 474 442 + 1813 0 442 474 437 + 1814 0 480 442 447 + 1815 0 437 474 471 + 1816 0 447 442 410 + 1817 0 410 442 406 + 1818 0 447 410 420 + 1819 0 406 442 437 + 1820 0 420 410 380 + 1821 0 380 410 373 + 1822 0 420 380 388 + 1823 0 373 410 406 + 1824 0 388 380 356 + 1825 0 420 388 426 + 1826 0 356 380 347 + 1827 0 388 356 363 + 1828 0 426 388 401 + 1829 0 347 380 373 + 1830 0 363 356 332 + 1831 0 401 388 363 + 1832 0 332 356 325 + 1833 0 363 332 342 + 1834 0 325 356 347 + 1835 0 332 325 308 + 1836 0 342 332 314 + 1837 0 308 325 301 + 1838 0 332 308 314 + 1839 0 301 325 319 + 1840 0 314 308 291 + 1841 0 319 325 347 + 1842 0 301 319 296 + 1843 0 291 308 286 + 1844 0 296 319 315 + 1845 0 301 296 279 + 1846 0 286 308 301 + 1847 0 315 319 344 + 1848 0 279 296 276 + 1849 0 286 301 279 + 1850 0 344 319 347 + 1851 0 276 296 294 + 1852 0 344 347 373 + 1853 0 294 296 315 + 1854 0 344 373 370 + 1855 0 294 315 313 + 1856 0 370 373 406 + 1857 0 313 315 340 + 1858 0 370 406 400 + 1859 0 340 315 344 + 1860 0 400 406 437 + 1861 0 370 400 366 + 1862 0 400 437 434 + 1863 0 366 400 396 + 1864 0 434 437 471 + 1865 0 400 434 396 + 1866 0 434 471 465 + 1867 0 396 434 431 + 1868 0 465 471 505 + 1869 0 434 465 431 + 1870 0 465 505 503 + 1871 0 431 465 464 + 1872 0 503 505 544 + 1873 0 465 503 464 + 1874 0 544 505 546 + 1875 0 464 503 504 + 1876 0 544 546 584 + 1877 0 504 503 543 + 1878 0 544 584 581 + 1879 0 543 503 544 + 1880 0 581 584 622 + 1881 0 544 581 543 + 1882 0 622 584 625 + 1883 0 543 581 582 + 1884 0 622 625 664 + 1885 0 582 581 621 + 1886 0 622 664 658 + 1887 0 621 581 622 + 1888 0 658 664 699 + 1889 0 622 658 621 + 1890 0 699 664 702 + 1891 0 621 658 659 + 1892 0 699 702 739 + 1893 0 659 658 698 + 1894 0 699 739 736 + 1895 0 698 658 699 + 1896 0 736 739 777 + 1897 0 699 736 698 + 1898 0 777 739 781 + 1899 0 698 736 737 + 1900 0 777 781 815 + 1901 0 737 736 775 + 1902 0 777 815 813 + 1903 0 775 736 777 + 1904 0 813 815 850 + 1905 0 777 813 775 + 1906 0 850 815 853 + 1907 0 775 813 814 + 1908 0 850 853 884 + 1909 0 814 813 848 + 1910 0 850 884 882 + 1911 0 848 813 850 + 1912 0 882 884 915 + 1913 0 850 882 848 + 1914 0 915 884 918 + 1915 0 848 882 883 + 1916 0 915 918 948 + 1917 0 883 882 914 + 1918 0 915 948 946 + 1919 0 914 882 915 + 1920 0 946 948 982 + 1921 0 915 946 914 + 1922 0 982 948 986 + 1923 0 914 946 947 + 1924 0 982 986 1020 + 1925 0 947 946 980 + 1926 0 982 1020 1016 + 1927 0 980 946 982 + 1928 0 1016 1020 1054 + 1929 0 982 1016 980 + 1930 0 1054 1020 1056 + 1931 0 980 1016 1017 + 1932 0 1054 1056 1089 + 1933 0 1017 1016 1052 + 1934 0 1054 1089 1086 + 1935 0 1052 1016 1054 + 1936 0 1086 1089 1123 + 1937 0 1054 1086 1052 + 1938 0 1123 1089 1125 + 1939 0 1052 1086 1087 + 1940 0 1123 1125 1160 + 1941 0 1087 1086 1122 + 1942 0 1123 1160 1158 + 1943 0 1122 1086 1123 + 1944 0 1158 1160 1189 + 1945 0 1123 1158 1122 + 1946 0 1189 1160 1194 + 1947 0 1122 1158 1159 + 1948 0 1189 1194 1227 + 1949 0 1159 1158 1188 + 1950 0 1189 1227 1225 + 1951 0 1188 1158 1189 + 1952 0 1159 1188 1190 + 1953 0 1188 1189 1225 + 1954 0 1190 1188 1226 + 1955 0 1159 1190 1161 + 1956 0 1226 1188 1225 + 1957 0 1190 1226 1228 + 1958 0 1161 1190 1195 + 1959 0 1228 1226 1262 + 1960 0 1190 1228 1195 + 1961 0 1262 1226 1260 + 1962 0 1195 1228 1230 + 1963 0 1260 1226 1225 + 1964 0 1230 1228 1264 + 1965 0 1264 1228 1262 + 1966 0 1230 1264 1267 + 1967 0 1264 1262 1294 + 1968 0 1267 1264 1299 + 1969 0 1264 1294 1299 + 1970 0 1678 1671 1706 + 1971 0 1706 1671 1701 + 1972 0 1678 1706 1713 + 1973 0 1706 1701 1736 + 1974 0 1678 1713 1684 + 1975 0 480 447 490 + 1976 0 490 447 458 + 1977 0 480 490 519 + 1978 0 458 447 420 + 1979 0 490 458 499 + 1980 0 519 490 533 + 1981 0 480 519 515 + 1982 0 458 420 426 + 1983 0 499 458 467 + 1984 0 533 490 499 + 1985 0 515 519 557 + 1986 0 467 458 426 + 1987 0 533 499 540 + 1988 0 557 519 565 + 1989 0 467 426 440 + 1990 0 540 499 511 + 1991 0 533 540 574 + 1992 0 565 519 533 + 1993 0 440 426 401 + 1994 0 511 499 467 + 1995 0 574 540 587 + 1996 0 565 533 574 + 1997 0 511 467 479 + 1998 0 587 540 554 + 1999 0 574 587 617 + 2000 0 565 574 608 + 2001 0 479 467 440 + 2002 0 617 587 644 + 2003 0 565 608 599 + 2004 0 599 608 642 + 2005 0 565 599 557 + 2006 0 642 608 651 + 2007 0 599 642 634 + 2008 0 557 599 593 + 2009 0 642 651 684 + 2010 0 634 642 679 + 2011 0 593 599 634 + 2012 0 642 684 679 + 2013 0 679 684 721 + 2014 0 721 684 726 + 2015 0 679 721 714 + 2016 0 726 684 691 + 2017 0 721 726 761 + 2018 0 714 721 756 + 2019 0 691 684 651 + 2020 0 761 726 770 + 2021 0 756 721 761 + 2022 0 770 726 728 + 2023 0 761 770 802 + 2024 0 728 726 691 + 2025 0 770 728 780 + 2026 0 802 770 810 + 2027 0 780 728 748 + 2028 0 770 780 810 + 2029 0 748 728 706 + 2030 0 810 780 821 + 2031 0 821 780 790 + 2032 0 810 821 849 + 2033 0 790 780 748 + 2034 0 821 790 833 + 2035 0 849 821 862 + 2036 0 833 790 804 + 2037 0 821 833 862 + 2038 0 804 790 738 + 2039 0 862 833 870 + 2040 0 870 833 844 + 2041 0 862 870 899 + 2042 0 844 833 804 + 2043 0 870 844 880 + 2044 0 899 870 908 + 2045 0 844 804 806 + 2046 0 880 844 857 + 2047 0 908 870 880 + 2048 0 857 844 806 + 2049 0 880 857 893 + 2050 0 893 857 869 + 2051 0 880 893 920 + 2052 0 920 893 932 + 2053 0 880 920 908 + 2054 0 932 893 905 + 2055 0 920 932 958 + 2056 0 908 920 943 + 2057 0 932 905 940 + 2058 0 958 932 969 + 2059 0 943 920 958 + 2060 0 940 905 901 + 2061 0 969 932 940 + 2062 0 969 940 984 + 2063 0 984 940 962 + 2064 0 969 984 1007 + 2065 0 962 940 929 + 2066 0 1007 984 1026 + 2067 0 969 1007 997 + 2068 0 1026 984 1001 + 2069 0 1007 1026 1048 + 2070 0 997 1007 1038 + 2071 0 1001 984 962 + 2072 0 1048 1026 1067 + 2073 0 1038 1007 1048 + 2074 0 1067 1026 1042 + 2075 0 1048 1067 1092 + 2076 0 1042 1026 1001 + 2077 0 1048 1092 1076 + 2078 0 1042 1001 1014 + 2079 0 1076 1092 1114 + 2080 0 1048 1076 1038 + 2081 0 1014 1001 965 + 2082 0 1038 1076 1065 + 2083 0 1065 1076 1104 + 2084 0 1038 1065 1024 + 2085 0 1104 1076 1114 + 2086 0 1024 1065 1049 + 2087 0 1038 1024 997 + 2088 0 1049 1065 1088 + 2089 0 1024 1049 1009 + 2090 0 997 1024 979 + 2091 0 1049 1088 1079 + 2092 0 1009 1049 1040 + 2093 0 979 1024 1009 + 2094 0 1049 1079 1040 + 2095 0 1040 1079 1071 + 2096 0 1071 1079 1109 + 2097 0 1040 1071 1030 + 2098 0 1071 1109 1099 + 2099 0 1030 1071 1058 + 2100 0 1099 1109 1137 + 2101 0 1071 1099 1058 + 2102 0 1137 1109 1146 + 2103 0 1058 1099 1084 + 2104 0 1084 1099 1127 + 2105 0 1058 1084 1046 + 2106 0 1127 1099 1137 + 2107 0 1046 1084 1081 + 2108 0 1081 1084 1119 + 2109 0 1046 1081 1044 + 2110 0 1119 1084 1127 + 2111 0 1081 1119 1111 + 2112 0 1044 1081 1073 + 2113 0 1111 1119 1149 + 2114 0 1073 1081 1111 + 2115 0 1044 1073 1035 + 2116 0 1073 1111 1106 + 2117 0 1035 1073 1069 + 2118 0 1106 1111 1143 + 2119 0 1073 1106 1069 + 2120 0 1143 1111 1149 + 2121 0 1069 1106 1102 + 2122 0 1143 1149 1180 + 2123 0 1102 1106 1139 + 2124 0 1180 1149 1186 + 2125 0 1143 1180 1174 + 2126 0 1139 1106 1143 + 2127 0 1174 1180 1211 + 2128 0 1139 1143 1174 + 2129 0 1174 1211 1207 + 2130 0 1139 1174 1170 + 2131 0 1207 1211 1244 + 2132 0 1174 1207 1170 + 2133 0 1170 1207 1202 + 2134 0 1202 1207 1239 + 2135 0 1170 1202 1166 + 2136 0 1239 1207 1244 + 2137 0 1170 1166 1134 + 2138 0 1239 1244 1274 + 2139 0 1170 1134 1139 + 2140 0 1274 1244 1278 + 2141 0 1139 1134 1102 + 2142 0 1102 1134 1097 + 2143 0 554 540 511 + 2144 0 554 511 522 + 2145 0 522 511 479 + 2146 0 522 479 495 + 2147 0 495 479 452 + 2148 0 522 495 552 + 2149 0 452 479 440 + 2150 0 452 440 411 + 2151 0 411 440 401 + 2152 0 452 411 423 + 2153 0 411 401 375 + 2154 0 423 411 387 + 2155 0 375 401 363 + 2156 0 411 375 387 + 2157 0 387 375 352 + 2158 0 352 375 342 + 2159 0 387 352 365 + 2160 0 342 375 363 + 2161 0 352 342 321 + 2162 0 365 352 335 + 2163 0 321 342 314 + 2164 0 335 352 321 + 2165 0 365 335 350 + 2166 0 321 314 297 + 2167 0 335 321 307 + 2168 0 350 335 317 + 2169 0 297 314 291 + 2170 0 307 321 297 + 2171 0 317 335 307 + 2172 0 307 297 284 + 2173 0 317 307 293 + 2174 0 284 297 275 + 2175 0 293 307 284 + 2176 0 275 297 291 + 2177 0 284 275 263 + 2178 0 275 291 271 + 2179 0 263 275 256 + 2180 0 271 291 286 + 2181 0 275 271 256 + 2182 0 271 286 264 + 2183 0 256 271 248 + 2184 0 264 286 279 + 2185 0 271 264 248 + 2186 0 264 279 259 + 2187 0 248 264 242 + 2188 0 259 279 276 + 2189 0 264 259 242 + 2190 0 259 276 255 + 2191 0 242 259 239 + 2192 0 255 276 262 + 2193 0 259 255 239 + 2194 0 239 255 234 + 2195 0 234 262 249 + 2196 0 239 234 214 + 2197 0 214 234 212 + 2198 0 239 214 219 + 2199 0 212 234 222 + 2200 0 212 222 196 + 2201 0 196 222 210 + 2202 0 196 210 186 + 2203 0 212 196 187 + 2204 0 196 186 172 + 2205 0 187 196 172 + 2206 0 187 172 163 + 2207 0 212 187 214 + 2208 0 172 186 161 + 2209 0 163 172 148 + 2210 0 187 163 178 + 2211 0 148 172 161 + 2212 0 148 161 138 + 2213 0 138 161 149 + 2214 0 148 138 128 + 2215 0 163 148 141 + 2216 0 178 163 153 + 2217 0 187 178 214 + 2218 0 149 161 171 + 2219 0 149 171 166 + 2220 0 138 149 129 + 2221 0 128 138 117 + 2222 0 148 128 141 + 2223 0 141 128 118 + 2224 0 118 128 108 + 2225 0 141 118 132 + 2226 0 161 186 171 + 2227 0 118 108 100 + 2228 0 141 132 153 + 2229 0 108 128 117 + 2230 0 108 117 99 + 2231 0 99 117 110 + 2232 0 108 99 91 + 2233 0 110 117 129 + 2234 0 110 129 120 + 2235 0 99 110 92 + 2236 0 108 91 100 + 2237 0 100 91 83 + 2238 0 83 91 72 + 2239 0 100 83 94 + 2240 0 132 118 112 + 2241 0 91 99 82 + 2242 0 72 91 82 + 2243 0 72 82 65 + 2244 0 65 82 73 + 2245 0 72 65 56 + 2246 0 83 72 67 + 2247 0 100 94 112 + 2248 0 112 94 107 + 2249 0 65 73 57 + 2250 0 72 56 67 + 2251 0 67 56 53 + 2252 0 53 56 44 + 2253 0 67 53 61 + 2254 0 94 83 77 + 2255 0 73 82 92 + 2256 0 73 92 84 + 2257 0 56 65 51 + 2258 0 163 141 153 + 2259 0 112 107 127 + 2260 0 67 61 77 + 2261 0 77 61 74 + 2262 0 178 153 173 + 2263 0 53 44 41 + 2264 0 73 84 68 + 2265 0 44 56 51 + 2266 0 44 51 38 + 2267 0 38 51 45 + 2268 0 44 38 33 + 2269 0 45 51 57 + 2270 0 45 57 54 + 2271 0 38 45 34 + 2272 0 33 38 27 + 2273 0 44 33 41 + 2274 0 41 33 30 + 2275 0 30 33 24 + 2276 0 41 30 39 + 2277 0 24 33 27 + 2278 0 24 27 19 + 2279 0 19 27 23 + 2280 0 24 19 15 + 2281 0 30 24 21 + 2282 0 39 30 28 + 2283 0 41 39 50 + 2284 0 84 92 101 + 2285 0 107 94 90 + 2286 0 61 53 50 + 2287 0 50 53 41 + 2288 0 61 50 59 + 2289 0 129 149 144 + 2290 0 112 118 100 + 2291 0 51 65 57 + 2292 0 45 54 42 + 2293 0 99 92 82 + 2294 0 83 67 77 + 2295 0 173 153 152 + 2296 0 19 23 16 + 2297 0 117 138 129 + 2298 0 74 61 59 + 2299 0 74 59 70 + 2300 0 70 59 58 + 2301 0 74 70 87 + 2302 0 58 59 46 + 2303 0 70 58 71 + 2304 0 87 70 86 + 2305 0 74 87 90 + 2306 0 74 90 77 + 2307 0 77 90 94 + 2308 0 38 34 27 + 2309 0 110 120 101 + 2310 0 101 120 113 + 2311 0 113 120 133 + 2312 0 101 113 97 + 2313 0 133 120 144 + 2314 0 113 133 131 + 2315 0 97 113 109 + 2316 0 101 97 84 + 2317 0 23 27 34 + 2318 0 23 34 31 + 2319 0 31 34 42 + 2320 0 42 34 45 + 2321 0 31 42 36 + 2322 0 31 36 25 + 2323 0 31 25 23 + 2324 0 24 15 21 + 2325 0 21 15 13 + 2326 0 13 15 9 + 2327 0 21 13 20 + 2328 0 9 15 12 + 2329 0 13 9 8 + 2330 0 20 13 14 + 2331 0 21 20 28 + 2332 0 28 20 29 + 2333 0 29 20 22 + 2334 0 28 29 37 + 2335 0 132 112 127 + 2336 0 54 57 68 + 2337 0 68 57 73 + 2338 0 54 68 64 + 2339 0 64 68 80 + 2340 0 54 64 47 + 2341 0 80 68 84 + 2342 0 80 84 97 + 2343 0 80 97 88 + 2344 0 88 97 109 + 2345 0 80 88 75 + 2346 0 64 80 75 + 2347 0 64 75 63 + 2348 0 75 88 78 + 2349 0 120 129 144 + 2350 0 178 173 195 + 2351 0 15 19 12 + 2352 0 12 19 16 + 2353 0 12 16 10 + 2354 0 92 110 101 + 2355 0 59 50 46 + 2356 0 46 50 39 + 2357 0 46 39 37 + 2358 0 46 37 49 + 2359 0 49 37 40 + 2360 0 46 49 58 + 2361 0 58 49 60 + 2362 0 60 49 52 + 2363 0 58 60 71 + 2364 0 52 49 40 + 2365 0 60 52 66 + 2366 0 71 60 76 + 2367 0 52 40 43 + 2368 0 76 60 66 + 2369 0 71 76 89 + 2370 0 76 66 81 + 2371 0 43 40 32 + 2372 0 52 43 55 + 2373 0 81 66 69 + 2374 0 76 81 93 + 2375 0 89 76 93 + 2376 0 32 40 29 + 2377 0 32 29 22 + 2378 0 55 43 48 + 2379 0 71 89 86 + 2380 0 86 89 103 + 2381 0 103 89 106 + 2382 0 86 103 102 + 2383 0 43 32 35 + 2384 0 52 55 66 + 2385 0 66 55 69 + 2386 0 69 55 62 + 2387 0 93 81 98 + 2388 0 103 106 122 + 2389 0 86 102 87 + 2390 0 87 102 104 + 2391 0 104 102 121 + 2392 0 87 104 90 + 2393 0 121 102 119 + 2394 0 104 121 123 + 2395 0 81 69 85 + 2396 0 106 89 93 + 2397 0 106 93 111 + 2398 0 111 93 98 + 2399 0 106 111 124 + 2400 0 111 98 116 + 2401 0 116 98 105 + 2402 0 111 116 130 + 2403 0 124 111 130 + 2404 0 106 124 122 + 2405 0 122 124 142 + 2406 0 142 124 145 + 2407 0 122 142 139 + 2408 0 124 130 145 + 2409 0 145 130 150 + 2410 0 150 130 134 + 2411 0 145 150 168 + 2412 0 139 142 158 + 2413 0 134 130 116 + 2414 0 134 116 125 + 2415 0 125 116 105 + 2416 0 134 125 146 + 2417 0 125 105 115 + 2418 0 150 134 157 + 2419 0 168 150 175 + 2420 0 102 103 119 + 2421 0 119 103 122 + 2422 0 119 122 139 + 2423 0 119 139 137 + 2424 0 137 139 155 + 2425 0 119 137 121 + 2426 0 121 137 140 + 2427 0 140 137 156 + 2428 0 121 140 123 + 2429 0 123 140 143 + 2430 0 143 140 162 + 2431 0 123 143 127 + 2432 0 127 143 152 + 2433 0 123 127 107 + 2434 0 156 137 155 + 2435 0 156 155 176 + 2436 0 176 155 177 + 2437 0 156 176 179 + 2438 0 140 156 162 + 2439 0 162 156 179 + 2440 0 162 179 182 + 2441 0 182 179 203 + 2442 0 162 182 165 + 2443 0 203 179 201 + 2444 0 182 203 206 + 2445 0 165 182 193 + 2446 0 142 145 164 + 2447 0 145 168 164 + 2448 0 164 168 188 + 2449 0 188 168 191 + 2450 0 164 188 181 + 2451 0 162 165 143 + 2452 0 143 165 152 + 2453 0 152 165 173 + 2454 0 105 98 85 + 2455 0 179 176 201 + 2456 0 201 176 200 + 2457 0 200 176 177 + 2458 0 201 200 223 + 2459 0 200 177 202 + 2460 0 223 200 225 + 2461 0 201 223 221 + 2462 0 202 177 181 + 2463 0 181 177 158 + 2464 0 202 181 204 + 2465 0 158 177 155 + 2466 0 204 181 188 + 2467 0 202 204 228 + 2468 0 204 188 211 + 2469 0 211 188 191 + 2470 0 204 211 230 + 2471 0 181 158 164 + 2472 0 228 204 230 + 2473 0 228 230 250 + 2474 0 202 228 225 + 2475 0 225 228 247 + 2476 0 247 228 250 + 2477 0 247 250 267 + 2478 0 267 250 270 + 2479 0 247 267 266 + 2480 0 225 247 245 + 2481 0 250 230 253 + 2482 0 270 250 253 + 2483 0 270 253 274 + 2484 0 274 253 257 + 2485 0 270 274 290 + 2486 0 267 270 288 + 2487 0 257 253 235 + 2488 0 274 257 278 + 2489 0 270 290 288 + 2490 0 288 290 310 + 2491 0 310 290 311 + 2492 0 288 310 306 + 2493 0 311 290 295 + 2494 0 310 311 334 + 2495 0 306 310 328 + 2496 0 288 306 285 + 2497 0 146 125 135 + 2498 0 230 211 235 + 2499 0 235 211 217 + 2500 0 230 235 253 + 2501 0 217 211 191 + 2502 0 235 217 243 + 2503 0 243 217 229 + 2504 0 235 243 257 + 2505 0 257 243 265 + 2506 0 265 243 252 + 2507 0 257 265 278 + 2508 0 278 265 287 + 2509 0 287 265 273 + 2510 0 278 287 298 + 2511 0 252 243 229 + 2512 0 252 229 236 + 2513 0 236 229 207 + 2514 0 252 236 258 + 2515 0 265 252 273 + 2516 0 273 252 258 + 2517 0 273 258 280 + 2518 0 280 258 268 + 2519 0 273 280 292 + 2520 0 287 273 292 + 2521 0 287 292 309 + 2522 0 309 292 316 + 2523 0 287 309 298 + 2524 0 298 309 323 + 2525 0 323 309 336 + 2526 0 298 323 318 + 2527 0 207 229 199 + 2528 0 316 292 302 + 2529 0 309 316 336 + 2530 0 336 316 346 + 2531 0 278 298 295 + 2532 0 295 298 318 + 2533 0 295 318 311 + 2534 0 311 318 339 + 2535 0 339 318 345 + 2536 0 311 339 334 + 2537 0 334 339 362 + 2538 0 278 295 274 + 2539 0 274 295 290 + 2540 0 362 339 371 + 2541 0 334 362 357 + 2542 0 345 318 323 + 2543 0 345 323 355 + 2544 0 355 323 336 + 2545 0 345 355 377 + 2546 0 355 336 368 + 2547 0 368 336 346 + 2548 0 355 368 389 + 2549 0 368 346 379 + 2550 0 379 346 359 + 2551 0 368 379 404 + 2552 0 339 345 371 + 2553 0 362 371 397 + 2554 0 377 355 389 + 2555 0 377 389 416 + 2556 0 416 389 428 + 2557 0 377 416 407 + 2558 0 268 258 246 + 2559 0 359 346 327 + 2560 0 247 266 245 + 2561 0 245 266 269 + 2562 0 269 266 283 + 2563 0 245 269 244 + 2564 0 283 266 285 + 2565 0 269 283 293 + 2566 0 244 269 263 + 2567 0 245 244 223 + 2568 0 223 244 221 + 2569 0 221 244 240 + 2570 0 280 268 289 + 2571 0 389 368 404 + 2572 0 258 236 246 + 2573 0 246 236 220 + 2574 0 220 236 207 + 2575 0 246 220 233 + 2576 0 220 207 194 + 2577 0 233 220 209 + 2578 0 246 233 254 + 2579 0 194 207 183 + 2580 0 220 194 209 + 2581 0 334 357 328 + 2582 0 404 379 419 + 2583 0 134 146 157 + 2584 0 157 146 170 + 2585 0 170 146 160 + 2586 0 157 170 183 + 2587 0 266 267 285 + 2588 0 285 267 288 + 2589 0 345 377 371 + 2590 0 371 377 407 + 2591 0 371 407 397 + 2592 0 397 407 435 + 2593 0 435 407 446 + 2594 0 397 435 425 + 2595 0 446 407 416 + 2596 0 446 416 456 + 2597 0 456 416 428 + 2598 0 446 456 486 + 2599 0 456 428 470 + 2600 0 470 428 443 + 2601 0 456 470 497 + 2602 0 435 446 476 + 2603 0 446 486 476 + 2604 0 476 486 517 + 2605 0 517 486 529 + 2606 0 476 517 507 + 2607 0 456 497 486 + 2608 0 486 497 529 + 2609 0 529 497 537 + 2610 0 537 497 508 + 2611 0 529 537 573 + 2612 0 517 529 559 + 2613 0 508 497 470 + 2614 0 508 470 484 + 2615 0 484 470 443 + 2616 0 508 484 525 + 2617 0 484 443 457 + 2618 0 525 484 498 + 2619 0 508 525 553 + 2620 0 457 443 419 + 2621 0 484 457 498 + 2622 0 419 443 404 + 2623 0 457 419 433 + 2624 0 404 443 428 + 2625 0 433 419 393 + 2626 0 457 433 473 + 2627 0 393 419 379 + 2628 0 433 393 409 + 2629 0 473 433 449 + 2630 0 457 473 498 + 2631 0 393 379 359 + 2632 0 498 473 518 + 2633 0 393 359 374 + 2634 0 518 473 494 + 2635 0 498 518 542 + 2636 0 374 359 341 + 2637 0 393 374 409 + 2638 0 409 374 391 + 2639 0 391 374 353 + 2640 0 409 391 429 + 2641 0 353 374 341 + 2642 0 391 353 361 + 2643 0 429 391 399 + 2644 0 409 429 449 + 2645 0 353 341 322 + 2646 0 449 429 472 + 2647 0 361 353 330 + 2648 0 399 391 361 + 2649 0 322 341 312 + 2650 0 353 322 330 + 2651 0 330 322 305 + 2652 0 472 429 439 + 2653 0 449 472 494 + 2654 0 449 494 473 + 2655 0 312 341 327 + 2656 0 312 327 302 + 2657 0 312 302 289 + 2658 0 312 289 300 + 2659 0 289 302 280 + 2660 0 280 302 292 + 2661 0 322 312 300 + 2662 0 322 300 305 + 2663 0 305 300 281 + 2664 0 494 472 514 + 2665 0 300 289 277 + 2666 0 573 537 583 + 2667 0 341 359 327 + 2668 0 397 425 392 + 2669 0 476 507 463 + 2670 0 425 435 463 + 2671 0 463 435 476 + 2672 0 425 463 461 + 2673 0 461 463 501 + 2674 0 425 461 422 + 2675 0 507 517 549 + 2676 0 537 508 553 + 2677 0 537 553 583 + 2678 0 583 553 596 + 2679 0 596 553 568 + 2680 0 583 596 628 + 2681 0 529 573 559 + 2682 0 559 573 602 + 2683 0 602 573 613 + 2684 0 559 602 592 + 2685 0 525 498 542 + 2686 0 525 542 568 + 2687 0 568 542 589 + 2688 0 525 568 553 + 2689 0 589 542 562 + 2690 0 568 589 610 + 2691 0 562 542 518 + 2692 0 589 562 607 + 2693 0 610 589 633 + 2694 0 568 610 596 + 2695 0 596 610 640 + 2696 0 562 518 536 + 2697 0 640 610 653 + 2698 0 596 640 628 + 2699 0 628 640 671 + 2700 0 653 610 633 + 2701 0 653 633 677 + 2702 0 677 633 650 + 2703 0 653 677 697 + 2704 0 671 640 682 + 2705 0 628 671 654 + 2706 0 640 653 682 + 2707 0 682 653 697 + 2708 0 682 697 730 + 2709 0 730 697 769 + 2710 0 682 730 709 + 2711 0 709 730 752 + 2712 0 682 709 671 + 2713 0 671 709 694 + 2714 0 694 709 743 + 2715 0 671 694 654 + 2716 0 654 694 681 + 2717 0 681 694 725 + 2718 0 654 681 638 + 2719 0 743 709 752 + 2720 0 743 752 789 + 2721 0 789 752 776 + 2722 0 776 752 730 + 2723 0 694 743 725 + 2724 0 628 654 613 + 2725 0 613 654 638 + 2726 0 613 638 602 + 2727 0 602 638 636 + 2728 0 636 638 678 + 2729 0 602 636 592 + 2730 0 678 638 681 + 2731 0 678 681 718 + 2732 0 718 681 725 + 2733 0 718 725 766 + 2734 0 678 718 704 + 2735 0 766 725 800 + 2736 0 718 766 745 + 2737 0 704 718 745 + 2738 0 704 745 734 + 2739 0 678 704 662 + 2740 0 636 678 662 + 2741 0 636 662 624 + 2742 0 624 662 657 + 2743 0 636 624 592 + 2744 0 592 624 579 + 2745 0 579 624 619 + 2746 0 592 579 549 + 2747 0 549 579 539 + 2748 0 657 662 696 + 2749 0 624 657 619 + 2750 0 539 579 577 + 2751 0 549 539 507 + 2752 0 619 657 655 + 2753 0 745 766 786 + 2754 0 677 650 692 + 2755 0 650 633 607 + 2756 0 650 607 627 + 2757 0 627 607 580 + 2758 0 650 627 672 + 2759 0 697 677 723 + 2760 0 579 619 577 + 2761 0 725 743 800 + 2762 0 734 745 779 + 2763 0 704 734 696 + 2764 0 696 734 712 + 2765 0 704 696 662 + 2766 0 712 734 767 + 2767 0 696 712 657 + 2768 0 767 734 779 + 2769 0 712 767 753 + 2770 0 507 539 501 + 2771 0 501 539 535 + 2772 0 507 501 463 + 2773 0 535 539 577 + 2774 0 501 535 493 + 2775 0 627 580 605 + 2776 0 650 672 692 + 2777 0 692 672 717 + 2778 0 717 672 690 + 2779 0 692 717 760 + 2780 0 690 672 649 + 2781 0 717 690 754 + 2782 0 580 607 562 + 2783 0 580 562 536 + 2784 0 580 536 560 + 2785 0 560 536 514 + 2786 0 580 560 605 + 2787 0 605 560 572 + 2788 0 672 627 649 + 2789 0 649 627 605 + 2790 0 649 605 615 + 2791 0 536 518 494 + 2792 0 619 655 616 + 2793 0 655 657 712 + 2794 0 633 589 607 + 2795 0 723 677 692 + 2796 0 501 493 461 + 2797 0 461 493 455 + 2798 0 455 493 492 + 2799 0 461 455 422 + 2800 0 492 493 531 + 2801 0 455 492 450 + 2802 0 422 455 421 + 2803 0 421 455 450 + 2804 0 422 421 386 + 2805 0 421 450 417 + 2806 0 386 421 384 + 2807 0 422 386 392 + 2808 0 417 450 451 + 2809 0 421 417 384 + 2810 0 392 386 357 + 2811 0 392 357 362 + 2812 0 392 362 397 + 2813 0 492 531 530 + 2814 0 357 386 354 + 2815 0 302 327 316 + 2816 0 316 327 346 + 2817 0 493 535 531 + 2818 0 531 535 570 + 2819 0 570 535 577 + 2820 0 531 570 566 + 2821 0 566 570 606 + 2822 0 531 566 530 + 2823 0 530 566 564 + 2824 0 564 566 604 + 2825 0 530 564 523 + 2826 0 604 566 606 + 2827 0 564 604 603 + 2828 0 523 564 563 + 2829 0 530 523 489 + 2830 0 604 606 646 + 2831 0 646 606 647 + 2832 0 604 646 641 + 2833 0 570 577 616 + 2834 0 646 647 683 + 2835 0 604 641 603 + 2836 0 603 641 637 + 2837 0 647 606 616 + 2838 0 647 616 655 + 2839 0 641 646 688 + 2840 0 606 570 616 + 2841 0 564 603 563 + 2842 0 683 647 695 + 2843 0 688 646 683 + 2844 0 517 559 549 + 2845 0 712 753 695 + 2846 0 514 536 494 + 2847 0 786 766 808 + 2848 0 786 808 823 + 2849 0 786 823 779 + 2850 0 559 592 549 + 2851 0 779 745 786 + 2852 0 451 450 489 + 2853 0 489 450 492 + 2854 0 489 492 530 + 2855 0 277 289 268 + 2856 0 613 573 583 + 2857 0 613 583 628 + 2858 0 433 409 449 + 2859 0 489 523 487 + 2860 0 641 688 676 + 2861 0 392 425 422 + 2862 0 697 723 769 + 2863 0 523 563 521 + 2864 0 123 107 104 + 2865 0 104 107 90 + 2866 0 386 384 354 + 2867 0 354 384 351 + 2868 0 351 384 382 + 2869 0 354 351 326 + 2870 0 382 384 417 + 2871 0 382 417 415 + 2872 0 415 417 451 + 2873 0 382 415 383 + 2874 0 351 382 350 + 2875 0 326 351 324 + 2876 0 354 326 328 + 2877 0 328 326 306 + 2878 0 191 168 175 + 2879 0 191 175 199 + 2880 0 191 199 217 + 2881 0 217 199 229 + 2882 0 300 277 281 + 2883 0 281 277 261 + 2884 0 753 767 796 + 2885 0 200 202 225 + 2886 0 690 649 661 + 2887 0 514 472 482 + 2888 0 219 214 195 + 2889 0 219 195 193 + 2890 0 195 173 193 + 2891 0 193 173 165 + 2892 0 85 69 79 + 2893 0 608 574 617 + 2894 0 608 617 651 + 2895 0 651 617 673 + 2896 0 452 423 466 + 2897 0 466 423 444 + 2898 0 452 466 495 + 2899 0 444 423 403 + 2900 0 466 444 485 + 2901 0 495 466 526 + 2902 0 403 423 387 + 2903 0 444 403 415 + 2904 0 485 444 462 + 2905 0 403 387 365 + 2906 0 462 444 415 + 2907 0 485 487 521 + 2908 0 403 365 383 + 2909 0 403 383 415 + 2910 0 1142 1104 1114 + 2911 0 1044 1035 1005 + 2912 0 1005 1035 999 + 2913 0 1044 1005 1010 + 2914 0 999 1035 1032 + 2915 0 1005 999 967 + 2916 0 1010 1005 973 + 2917 0 1044 1010 1046 + 2918 0 967 999 960 + 2919 0 1010 973 977 + 2920 0 1046 1010 1018 + 2921 0 960 999 993 + 2922 0 977 973 941 + 2923 0 1018 1010 977 + 2924 0 993 999 1032 + 2925 0 941 973 937 + 2926 0 1018 977 990 + 2927 0 937 973 967 + 2928 0 941 937 906 + 2929 0 990 977 950 + 2930 0 967 973 1005 + 2931 0 906 937 902 + 2932 0 950 977 941 + 2933 0 902 937 930 + 2934 0 950 941 912 + 2935 0 930 937 967 + 2936 0 902 930 894 + 2937 0 912 941 906 + 2938 0 930 967 960 + 2939 0 894 930 927 + 2940 0 912 906 876 + 2941 0 927 930 960 + 2942 0 894 927 891 + 2943 0 876 906 873 + 2944 0 894 891 860 + 2945 0 873 906 902 + 2946 0 894 860 867 + 2947 0 873 902 867 + 2948 0 867 860 830 + 2949 0 867 902 894 + 2950 0 830 860 824 + 2951 0 867 830 835 + 2952 0 830 824 791 + 2953 0 835 830 797 + 2954 0 830 791 797 + 2955 0 797 791 756 + 2956 0 756 791 746 + 2957 0 797 756 761 + 2958 0 756 746 714 + 2959 0 797 761 802 + 2960 0 797 802 835 + 2961 0 835 802 842 + 2962 0 842 802 810 + 2963 0 842 810 849 + 2964 0 842 849 876 + 2965 0 876 849 889 + 2966 0 842 876 873 + 2967 0 889 849 862 + 2968 0 842 873 835 + 2969 0 889 862 899 + 2970 0 835 873 867 + 2971 0 1032 1035 1069 + 2972 0 1032 1069 1063 + 2973 0 1063 1069 1102 + 2974 0 1032 1063 1027 + 2975 0 1063 1102 1097 + 2976 0 1032 1027 993 + 2977 0 150 157 175 + 2978 0 1018 990 1030 + 2979 0 1030 990 1002 + 2980 0 1018 1030 1058 + 2981 0 1002 990 963 + 2982 0 1018 1058 1046 + 2983 0 963 990 950 + 2984 0 963 950 925 + 2985 0 925 950 912 + 2986 0 925 912 889 + 2987 0 889 912 876 + 2988 0 925 889 899 + 2989 0 1002 963 971 + 2990 0 971 963 934 + 2991 0 1002 971 1009 + 2992 0 934 963 925 + 2993 0 1009 971 979 + 2994 0 979 971 943 + 2995 0 943 971 934 + 2996 0 979 943 958 + 2997 0 979 958 997 + 2998 0 997 958 969 + 2999 0 1002 1009 1040 + 3000 0 1002 1040 1030 + 3001 0 1230 1267 1234 + 3002 0 1234 1267 1269 + 3003 0 1230 1234 1201 + 3004 0 1269 1267 1303 + 3005 0 1201 1234 1203 + 3006 0 1230 1201 1195 + 3007 0 1303 1267 1299 + 3008 0 1203 1234 1240 + 3009 0 1201 1203 1167 + 3010 0 1303 1299 1333 + 3011 0 1203 1240 1208 + 3012 0 1167 1203 1171 + 3013 0 1303 1333 1338 + 3014 0 1208 1240 1245 + 3015 0 1203 1208 1171 + 3016 0 1303 1338 1306 + 3017 0 1245 1240 1275 + 3018 0 1171 1208 1175 + 3019 0 1303 1306 1269 + 3020 0 1245 1275 1279 + 3021 0 1175 1208 1212 + 3022 0 1269 1306 1275 + 3023 0 1279 1275 1310 + 3024 0 1212 1208 1245 + 3025 0 1275 1306 1310 + 3026 0 1212 1245 1248 + 3027 0 1310 1306 1342 + 3028 0 1248 1245 1279 + 3029 0 1212 1248 1217 + 3030 0 1342 1306 1338 + 3031 0 1217 1248 1254 + 3032 0 1212 1217 1181 + 3033 0 1254 1248 1284 + 3034 0 1217 1254 1223 + 3035 0 1181 1217 1187 + 3036 0 1284 1248 1279 + 3037 0 1223 1254 1258 + 3038 0 1187 1217 1223 + 3039 0 1258 1254 1289 + 3040 0 1223 1258 1232 + 3041 0 1187 1223 1193 + 3042 0 1289 1254 1284 + 3043 0 1232 1258 1271 + 3044 0 1193 1223 1232 + 3045 0 1289 1284 1320 + 3046 0 1271 1258 1300 + 3047 0 1193 1232 1206 + 3048 0 1320 1284 1316 + 3049 0 1300 1258 1289 + 3050 0 1206 1232 1242 + 3051 0 1316 1284 1279 + 3052 0 1300 1289 1325 + 3053 0 1242 1232 1271 + 3054 0 1316 1279 1310 + 3055 0 1325 1289 1320 + 3056 0 1316 1310 1346 + 3057 0 1325 1320 1355 + 3058 0 1346 1310 1342 + 3059 0 1316 1346 1350 + 3060 0 1355 1320 1350 + 3061 0 1346 1342 1378 + 3062 0 1350 1346 1381 + 3063 0 1350 1320 1316 + 3064 0 1378 1342 1372 + 3065 0 1381 1346 1378 + 3066 0 1372 1342 1338 + 3067 0 1381 1378 1411 + 3068 0 1381 1411 1416 + 3069 0 1381 1416 1384 + 3070 0 1384 1416 1420 + 3071 0 1381 1384 1350 + 3072 0 1420 1416 1452 + 3073 0 1350 1384 1355 + 3074 0 1420 1452 1455 + 3075 0 1355 1384 1391 + 3076 0 1420 1455 1427 + 3077 0 1391 1384 1420 + 3078 0 1355 1391 1364 + 3079 0 1427 1455 1464 + 3080 0 1364 1391 1401 + 3081 0 1355 1364 1325 + 3082 0 1464 1455 1490 + 3083 0 1401 1391 1427 + 3084 0 1325 1364 1335 + 3085 0 1427 1391 1420 + 3086 0 1401 1427 1437 + 3087 0 1335 1364 1373 + 3088 0 1437 1427 1464 + 3089 0 1373 1364 1401 + 3090 0 1335 1373 1344 + 3091 0 1437 1464 1474 + 3092 0 1373 1401 1409 + 3093 0 1344 1373 1382 + 3094 0 1474 1464 1500 + 3095 0 1409 1401 1437 + 3096 0 1382 1373 1409 + 3097 0 1500 1464 1490 + 3098 0 1382 1409 1417 + 3099 0 1417 1409 1444 + 3100 0 1382 1417 1388 + 3101 0 1444 1409 1437 + 3102 0 1417 1444 1453 + 3103 0 1388 1417 1424 + 3104 0 1453 1444 1482 + 3105 0 1417 1453 1424 + 3106 0 1482 1444 1474 + 3107 0 1424 1453 1463 + 3108 0 1474 1444 1437 + 3109 0 1482 1474 1509 + 3110 0 1463 1453 1488 + 3111 0 1509 1474 1500 + 3112 0 1488 1453 1482 + 3113 0 1509 1500 1538 + 3114 0 1275 1240 1269 + 3115 0 1269 1240 1234 + 3116 0 1463 1488 1501 + 3117 0 1501 1488 1524 + 3118 0 1463 1501 1476 + 3119 0 1501 1524 1539 + 3120 0 1476 1501 1514 + 3121 0 1463 1476 1440 + 3122 0 1501 1539 1514 + 3123 0 1476 1514 1484 + 3124 0 1463 1440 1424 + 3125 0 1514 1539 1549 + 3126 0 1476 1484 1448 + 3127 0 1424 1440 1402 + 3128 0 1549 1539 1575 + 3129 0 1448 1484 1456 + 3130 0 1402 1440 1412 + 3131 0 1549 1575 1583 + 3132 0 1456 1484 1497 + 3133 0 1412 1440 1448 + 3134 0 1583 1575 1611 + 3135 0 1497 1484 1520 + 3136 0 1448 1440 1476 + 3137 0 1583 1611 1619 + 3138 0 1520 1484 1514 + 3139 0 1619 1611 1646 + 3140 0 1520 1514 1549 + 3141 0 1646 1611 1639 + 3142 0 1520 1549 1557 + 3143 0 1646 1639 1673 + 3144 0 1557 1549 1583 + 3145 0 1673 1639 1663 + 3146 0 1646 1673 1681 + 3147 0 1557 1583 1596 + 3148 0 1673 1663 1700 + 3149 0 1646 1681 1656 + 3150 0 1596 1583 1619 + 3151 0 1700 1663 1684 + 3152 0 1596 1619 1634 + 3153 0 1634 1619 1656 + 3154 0 1596 1634 1609 + 3155 0 1656 1619 1646 + 3156 0 1609 1634 1645 + 3157 0 1645 1634 1670 + 3158 0 1609 1645 1620 + 3159 0 1670 1634 1656 + 3160 0 1620 1645 1660 + 3161 0 1620 1660 1637 + 3162 0 1620 1637 1600 + 3163 0 1600 1637 1612 + 3164 0 1620 1600 1584 + 3165 0 1600 1612 1577 + 3166 0 1584 1600 1560 + 3167 0 1577 1612 1587 + 3168 0 1600 1577 1560 + 3169 0 1587 1612 1628 + 3170 0 1560 1577 1540 + 3171 0 1587 1628 1607 + 3172 0 1540 1577 1551 + 3173 0 1560 1540 1521 + 3174 0 1607 1628 1642 + 3175 0 1551 1577 1587 + 3176 0 1521 1540 1502 + 3177 0 1607 1642 1617 + 3178 0 1551 1587 1570 + 3179 0 1502 1540 1515 + 3180 0 1617 1642 1659 + 3181 0 1570 1587 1607 + 3182 0 1515 1540 1551 + 3183 0 1659 1642 1679 + 3184 0 1515 1551 1532 + 3185 0 1659 1679 1697 + 3186 0 1532 1551 1570 + 3187 0 1532 1570 1547 + 3188 0 1547 1570 1582 + 3189 0 1582 1570 1607 + 3190 0 1547 1582 1563 + 3191 0 1582 1607 1617 + 3192 0 1563 1582 1603 + 3193 0 1582 1617 1603 + 3194 0 1603 1617 1640 + 3195 0 1640 1617 1659 + 3196 0 1603 1640 1616 + 3197 0 1640 1659 1675 + 3198 0 1609 1620 1584 + 3199 0 1609 1584 1573 + 3200 0 1573 1584 1548 + 3201 0 1609 1573 1596 + 3202 0 1548 1584 1560 + 3203 0 1573 1548 1535 + 3204 0 1596 1573 1557 + 3205 0 1548 1560 1521 + 3206 0 1535 1548 1513 + 3207 0 1573 1535 1557 + 3208 0 1548 1521 1513 + 3209 0 1557 1535 1520 + 3210 0 1513 1521 1486 + 3211 0 1520 1535 1497 + 3212 0 1486 1521 1502 + 3213 0 1513 1486 1475 + 3214 0 1497 1535 1513 + 3215 0 1486 1502 1462 + 3216 0 1475 1486 1449 + 3217 0 1513 1475 1497 + 3218 0 1462 1502 1479 + 3219 0 1486 1462 1449 + 3220 0 1497 1475 1456 + 3221 0 1479 1502 1515 + 3222 0 1449 1462 1422 + 3223 0 1456 1475 1436 + 3224 0 1479 1515 1489 + 3225 0 1422 1462 1441 + 3226 0 1436 1475 1449 + 3227 0 1479 1489 1454 + 3228 0 1441 1462 1479 + 3229 0 1454 1489 1472 + 3230 0 1479 1454 1441 + 3231 0 1472 1489 1510 + 3232 0 1454 1472 1434 + 3233 0 1441 1454 1418 + 3234 0 1472 1510 1487 + 3235 0 1434 1472 1450 + 3236 0 1418 1454 1434 + 3237 0 1487 1510 1522 + 3238 0 1450 1472 1487 + 3239 0 1418 1434 1392 + 3240 0 1522 1510 1547 + 3241 0 1450 1487 1468 + 3242 0 1392 1434 1414 + 3243 0 1547 1510 1532 + 3244 0 1468 1487 1506 + 3245 0 1414 1434 1450 + 3246 0 1532 1510 1489 + 3247 0 1468 1506 1483 + 3248 0 1532 1489 1515 + 3249 0 1483 1506 1519 + 3250 0 1519 1506 1544 + 3251 0 1483 1519 1505 + 3252 0 1544 1506 1522 + 3253 0 1522 1506 1487 + 3254 0 1544 1522 1563 + 3255 0 1563 1522 1547 + 3256 0 1544 1563 1579 + 3257 0 1579 1563 1603 + 3258 0 1544 1579 1556 + 3259 0 1579 1603 1616 + 3260 0 1556 1579 1597 + 3261 0 1449 1422 1413 + 3262 0 1413 1422 1386 + 3263 0 1449 1413 1436 + 3264 0 1386 1422 1405 + 3265 0 1436 1413 1398 + 3266 0 1405 1422 1441 + 3267 0 1398 1413 1375 + 3268 0 1405 1441 1418 + 3269 0 1375 1413 1386 + 3270 0 1405 1418 1379 + 3271 0 1375 1386 1348 + 3272 0 1379 1418 1392 + 3273 0 1348 1386 1365 + 3274 0 1365 1386 1405 + 3275 0 1348 1365 1323 + 3276 0 1365 1405 1379 + 3277 0 1323 1365 1343 + 3278 0 1365 1379 1343 + 3279 0 1343 1379 1356 + 3280 0 1356 1379 1392 + 3281 0 1343 1356 1318 + 3282 0 1318 1356 1336 + 3283 0 1343 1318 1304 + 3284 0 1336 1356 1374 + 3285 0 1304 1318 1282 + 3286 0 1374 1356 1392 + 3287 0 1282 1318 1295 + 3288 0 1374 1392 1414 + 3289 0 1295 1318 1336 + 3290 0 1374 1414 1389 + 3291 0 1295 1336 1315 + 3292 0 1389 1414 1428 + 3293 0 1374 1389 1352 + 3294 0 1315 1336 1352 + 3295 0 1428 1414 1450 + 3296 0 1352 1389 1370 + 3297 0 1352 1336 1374 + 3298 0 1370 1389 1408 + 3299 0 1352 1370 1331 + 3300 0 1408 1389 1428 + 3301 0 1370 1408 1387 + 3302 0 1331 1370 1351 + 3303 0 1408 1428 1447 + 3304 0 1447 1428 1468 + 3305 0 1408 1447 1423 + 3306 0 1468 1428 1450 + 3307 0 1447 1468 1483 + 3308 0 1447 1483 1465 + 3309 0 1519 1544 1556 + 3310 0 1519 1556 1541 + 3311 0 1323 1343 1304 + 3312 0 1323 1304 1286 + 3313 0 1286 1304 1265 + 3314 0 1323 1286 1313 + 3315 0 1265 1304 1282 + 3316 0 1286 1265 1249 + 3317 0 1313 1286 1276 + 3318 0 1323 1313 1348 + 3319 0 1249 1265 1224 + 3320 0 1313 1276 1296 + 3321 0 1348 1313 1339 + 3322 0 1249 1224 1210 + 3323 0 1296 1276 1256 + 3324 0 1339 1313 1296 + 3325 0 1210 1224 1185 + 3326 0 1256 1276 1237 + 3327 0 1339 1296 1321 + 3328 0 1185 1224 1204 + 3329 0 1237 1276 1249 + 3330 0 1321 1296 1285 + 3331 0 1204 1224 1243 + 3332 0 1249 1276 1286 + 3333 0 1285 1296 1256 + 3334 0 1243 1224 1265 + 3335 0 1285 1256 1246 + 3336 0 1243 1265 1282 + 3337 0 1246 1256 1219 + 3338 0 1219 1256 1237 + 3339 0 1246 1219 1209 + 3340 0 1219 1237 1197 + 3341 0 1209 1219 1182 + 3342 0 1197 1237 1210 + 3343 0 1219 1197 1182 + 3344 0 1210 1237 1249 + 3345 0 1182 1197 1152 + 3346 0 1152 1197 1173 + 3347 0 1182 1152 1145 + 3348 0 1173 1197 1210 + 3349 0 1152 1173 1133 + 3350 0 1145 1152 1115 + 3351 0 1173 1210 1185 + 3352 0 1133 1173 1148 + 3353 0 1115 1152 1133 + 3354 0 1148 1173 1185 + 3355 0 1133 1148 1108 + 3356 0 1115 1133 1093 + 3357 0 1148 1185 1164 + 3358 0 1108 1148 1121 + 3359 0 1093 1133 1108 + 3360 0 1164 1185 1204 + 3361 0 1121 1148 1164 + 3362 0 1164 1204 1179 + 3363 0 1121 1164 1141 + 3364 0 1179 1204 1218 + 3365 0 1164 1179 1141 + 3366 0 1218 1204 1243 + 3367 0 1141 1179 1156 + 3368 0 1218 1243 1255 + 3369 0 1156 1179 1199 + 3370 0 1255 1243 1282 + 3371 0 1218 1255 1238 + 3372 0 1199 1179 1218 + 3373 0 1238 1255 1277 + 3374 0 1218 1238 1199 + 3375 0 1277 1255 1295 + 3376 0 1199 1238 1215 + 3377 0 1295 1255 1282 + 3378 0 1277 1295 1315 + 3379 0 1215 1238 1253 + 3380 0 1277 1315 1290 + 3381 0 1253 1238 1277 + 3382 0 1290 1315 1331 + 3383 0 1331 1315 1352 + 3384 0 1290 1331 1312 + 3385 0 1246 1209 1236 + 3386 0 1236 1209 1198 + 3387 0 1246 1236 1272 + 3388 0 1198 1209 1172 + 3389 0 1272 1236 1259 + 3390 0 1172 1209 1182 + 3391 0 1259 1236 1221 + 3392 0 1172 1182 1145 + 3393 0 1221 1236 1198 + 3394 0 1172 1145 1132 + 3395 0 1221 1198 1184 + 3396 0 1132 1145 1105 + 3397 0 1184 1198 1157 + 3398 0 1105 1145 1115 + 3399 0 1132 1105 1091 + 3400 0 1157 1198 1172 + 3401 0 1091 1105 1066 + 3402 0 1132 1091 1118 + 3403 0 1066 1105 1078 + 3404 0 1091 1066 1050 + 3405 0 1118 1091 1080 + 3406 0 1078 1105 1115 + 3407 0 1050 1066 1025 + 3408 0 1080 1091 1050 + 3409 0 1078 1115 1093 + 3410 0 1025 1066 1039 + 3411 0 1080 1050 1041 + 3412 0 1078 1093 1051 + 3413 0 1039 1066 1078 + 3414 0 1041 1050 1012 + 3415 0 1051 1093 1068 + 3416 0 1012 1050 1025 + 3417 0 1041 1012 1003 + 3418 0 1068 1093 1108 + 3419 0 1012 1025 981 + 3420 0 1003 1012 972 + 3421 0 981 1025 998 + 3422 0 1012 981 972 + 3423 0 998 1025 1039 + 3424 0 972 981 944 + 3425 0 998 1039 1008 + 3426 0 944 981 959 + 3427 0 972 944 936 + 3428 0 1008 1039 1051 + 3429 0 959 981 998 + 3430 0 936 944 909 + 3431 0 1051 1039 1078 + 3432 0 909 944 921 + 3433 0 936 909 900 + 3434 0 921 944 959 + 3435 0 900 909 871 + 3436 0 921 959 933 + 3437 0 871 909 881 + 3438 0 933 959 970 + 3439 0 921 933 896 + 3440 0 881 909 921 + 3441 0 970 959 998 + 3442 0 896 933 910 + 3443 0 881 921 896 + 3444 0 970 998 1008 + 3445 0 910 933 945 + 3446 0 970 1008 985 + 3447 0 945 933 970 + 3448 0 910 945 924 + 3449 0 985 1008 1029 + 3450 0 945 970 985 + 3451 0 924 945 966 + 3452 0 1029 1008 1051 + 3453 0 945 985 966 + 3454 0 1029 1051 1068 + 3455 0 966 985 1004 + 3456 0 1029 1068 1043 + 3457 0 1004 985 1029 + 3458 0 966 1004 976 + 3459 0 1043 1068 1083 + 3460 0 976 1004 1015 + 3461 0 966 976 939 + 3462 0 1083 1068 1108 + 3463 0 1015 1004 1043 + 3464 0 939 976 955 + 3465 0 1083 1108 1121 + 3466 0 1043 1004 1029 + 3467 0 955 976 996 + 3468 0 1083 1121 1101 + 3469 0 996 976 1015 + 3470 0 1101 1121 1141 + 3471 0 1083 1101 1060 + 3472 0 996 1015 1037 + 3473 0 1101 1141 1116 + 3474 0 1060 1101 1077 + 3475 0 1037 1015 1060 + 3476 0 1116 1141 1156 + 3477 0 1077 1101 1116 + 3478 0 1060 1015 1043 + 3479 0 1116 1156 1136 + 3480 0 1060 1043 1083 + 3481 0 1136 1156 1178 + 3482 0 1116 1136 1096 + 3483 0 1178 1156 1199 + 3484 0 1096 1136 1113 + 3485 0 1116 1096 1077 + 3486 0 1077 1096 1053 + 3487 0 1053 1096 1075 + 3488 0 1077 1053 1037 + 3489 0 1037 1053 1013 + 3490 0 1077 1037 1060 + 3491 0 1013 1053 1034 + 3492 0 1215 1253 1235 + 3493 0 1246 1272 1285 + 3494 0 1285 1272 1311 + 3495 0 1311 1272 1301 + 3496 0 1285 1311 1321 + 3497 0 1301 1272 1259 + 3498 0 1311 1301 1340 + 3499 0 1321 1311 1347 + 3500 0 1301 1259 1287 + 3501 0 1340 1301 1322 + 3502 0 1347 1311 1340 + 3503 0 1301 1287 1322 + 3504 0 1322 1287 1317 + 3505 0 1317 1287 1281 + 3506 0 1322 1317 1353 + 3507 0 1281 1287 1251 + 3508 0 1317 1281 1308 + 3509 0 1353 1317 1344 + 3510 0 1251 1287 1259 + 3511 0 1308 1281 1271 + 3512 0 1344 1317 1308 + 3513 0 1271 1281 1242 + 3514 0 1308 1271 1300 + 3515 0 1344 1308 1335 + 3516 0 1242 1281 1251 + 3517 0 1308 1300 1335 + 3518 0 1335 1300 1325 + 3519 0 1347 1340 1376 + 3520 0 1376 1340 1362 + 3521 0 1347 1376 1385 + 3522 0 1362 1340 1322 + 3523 0 1385 1376 1412 + 3524 0 1362 1322 1353 + 3525 0 1412 1376 1402 + 3526 0 1385 1412 1421 + 3527 0 1402 1376 1362 + 3528 0 1421 1412 1448 + 3529 0 1385 1421 1398 + 3530 0 1421 1448 1456 + 3531 0 1398 1421 1436 + 3532 0 1421 1456 1436 + 3533 0 1251 1259 1221 + 3534 0 1251 1221 1214 + 3535 0 1214 1221 1184 + 3536 0 1251 1214 1242 + 3537 0 1214 1184 1177 + 3538 0 1242 1214 1206 + 3539 0 1177 1184 1147 + 3540 0 1206 1214 1177 + 3541 0 1147 1184 1157 + 3542 0 1206 1177 1168 + 3543 0 1147 1157 1118 + 3544 0 1168 1177 1138 + 3545 0 1118 1157 1132 + 3546 0 1138 1177 1147 + 3547 0 1132 1157 1172 + 3548 0 1138 1147 1110 + 3549 0 1110 1147 1118 + 3550 0 1138 1110 1100 + 3551 0 1110 1118 1080 + 3552 0 1100 1110 1072 + 3553 0 1110 1080 1072 + 3554 0 1072 1080 1041 + 3555 0 1072 1041 1031 + 3556 0 1031 1041 1003 + 3557 0 1072 1031 1059 + 3558 0 1031 1003 991 + 3559 0 1059 1031 1019 + 3560 0 991 1003 964 + 3561 0 1019 1031 991 + 3562 0 964 1003 972 + 3563 0 1019 991 978 + 3564 0 978 991 951 + 3565 0 1019 978 1011 + 3566 0 951 991 964 + 3567 0 1011 978 975 + 3568 0 1019 1011 1047 + 3569 0 975 978 942 + 3570 0 1011 975 1006 + 3571 0 1047 1011 1045 + 3572 0 942 978 951 + 3573 0 1006 975 968 + 3574 0 1045 1011 1006 + 3575 0 968 975 938 + 3576 0 1006 968 1000 + 3577 0 1045 1006 1036 + 3578 0 938 975 942 + 3579 0 1000 968 961 + 3580 0 1036 1006 1000 + 3581 0 961 968 931 + 3582 0 1000 961 994 + 3583 0 1036 1000 1033 + 3584 0 931 968 938 + 3585 0 994 961 957 + 3586 0 1033 1000 994 + 3587 0 931 938 903 + 3588 0 957 961 928 + 3589 0 1033 994 1028 + 3590 0 903 938 907 + 3591 0 928 961 931 + 3592 0 1028 994 989 + 3593 0 907 938 942 + 3594 0 928 931 895 + 3595 0 989 994 957 + 3596 0 907 942 913 + 3597 0 895 931 903 + 3598 0 989 957 954 + 3599 0 913 942 951 + 3600 0 895 903 868 + 3601 0 954 957 923 + 3602 0 913 951 926 + 3603 0 868 903 874 + 3604 0 923 957 928 + 3605 0 926 951 964 + 3606 0 874 903 907 + 3607 0 926 964 936 + 3608 0 936 964 972 + 3609 0 926 936 900 + 3610 0 926 900 890 + 3611 0 890 900 863 + 3612 0 926 890 913 + 3613 0 863 900 871 + 3614 0 890 863 852 + 3615 0 913 890 877 + 3616 0 863 871 834 + 3617 0 852 863 822 + 3618 0 877 890 852 + 3619 0 834 871 845 + 3620 0 822 863 834 + 3621 0 877 852 843 + 3622 0 845 871 881 + 3623 0 822 834 795 + 3624 0 843 852 812 + 3625 0 845 881 858 + 3626 0 795 834 805 + 3627 0 812 852 822 + 3628 0 858 881 896 + 3629 0 805 834 845 + 3630 0 858 896 872 + 3631 0 805 845 818 + 3632 0 872 896 910 + 3633 0 858 872 832 + 3634 0 818 845 858 + 3635 0 832 872 846 + 3636 0 858 832 818 + 3637 0 846 872 886 + 3638 0 818 832 794 + 3639 0 886 872 910 + 3640 0 846 886 865 + 3641 0 794 832 807 + 3642 0 886 910 924 + 3643 0 865 886 904 + 3644 0 807 832 846 + 3645 0 886 924 904 + 3646 0 807 846 827 + 3647 0 904 924 939 + 3648 0 827 846 865 + 3649 0 807 827 784 + 3650 0 939 924 966 + 3651 0 827 865 840 + 3652 0 784 827 801 + 3653 0 840 865 878 + 3654 0 827 840 801 + 3655 0 878 865 904 + 3656 0 801 840 817 + 3657 0 878 904 917 + 3658 0 817 840 859 + 3659 0 801 817 773 + 3660 0 917 904 939 + 3661 0 859 840 878 + 3662 0 773 817 799 + 3663 0 917 939 955 + 3664 0 917 955 935 + 3665 0 935 955 974 + 3666 0 917 935 897 + 3667 0 974 955 996 + 3668 0 897 935 911 + 3669 0 917 897 878 + 3670 0 974 996 1013 + 3671 0 878 897 859 + 3672 0 1013 996 1037 + 3673 0 974 1013 992 + 3674 0 859 897 875 + 3675 0 1402 1362 1388 + 3676 0 1388 1362 1353 + 3677 0 1402 1388 1424 + 3678 0 1388 1353 1382 + 3679 0 1382 1353 1344 + 3680 0 1206 1168 1193 + 3681 0 1193 1168 1154 + 3682 0 1154 1168 1128 + 3683 0 1193 1154 1187 + 3684 0 1128 1168 1138 + 3685 0 1154 1128 1120 + 3686 0 1187 1154 1150 + 3687 0 1128 1138 1100 + 3688 0 1120 1128 1085 + 3689 0 1154 1120 1150 + 3690 0 1128 1100 1085 + 3691 0 1120 1085 1082 + 3692 0 1150 1120 1112 + 3693 0 1082 1085 1047 + 3694 0 1112 1120 1082 + 3695 0 1150 1112 1144 + 3696 0 1047 1085 1059 + 3697 0 1144 1112 1107 + 3698 0 1150 1144 1181 + 3699 0 1059 1085 1100 + 3700 0 1107 1112 1074 + 3701 0 1181 1144 1175 + 3702 0 1074 1112 1082 + 3703 0 1107 1074 1070 + 3704 0 1175 1144 1140 + 3705 0 1070 1074 1036 + 3706 0 1107 1070 1103 + 3707 0 1140 1144 1107 + 3708 0 1036 1074 1045 + 3709 0 1103 1070 1064 + 3710 0 1045 1074 1082 + 3711 0 1064 1070 1033 + 3712 0 1045 1082 1047 + 3713 0 1033 1070 1036 + 3714 0 1059 1100 1072 + 3715 0 1064 1033 1028 + 3716 0 1064 1028 1062 + 3717 0 1062 1028 1023 + 3718 0 1064 1062 1098 + 3719 0 1023 1028 989 + 3720 0 1062 1023 1057 + 3721 0 1098 1062 1095 + 3722 0 1023 989 987 + 3723 0 1062 1057 1095 + 3724 0 987 989 954 + 3725 0 1095 1057 1090 + 3726 0 987 954 949 + 3727 0 1090 1057 1055 + 3728 0 1095 1090 1126 + 3729 0 949 954 919 + 3730 0 1055 1057 1021 + 3731 0 1126 1090 1124 + 3732 0 919 954 923 + 3733 0 1021 1057 1023 + 3734 0 1124 1090 1087 + 3735 0 919 923 888 + 3736 0 1087 1090 1055 + 3737 0 1124 1087 1122 + 3738 0 888 923 892 + 3739 0 1087 1055 1052 + 3740 0 892 923 928 + 3741 0 888 892 856 + 3742 0 1052 1055 1017 + 3743 0 892 928 895 + 3744 0 856 892 861 + 3745 0 1017 1055 1021 + 3746 0 861 892 895 + 3747 0 856 861 825 + 3748 0 861 895 868 + 3749 0 825 861 831 + 3750 0 861 868 831 + 3751 0 825 831 792 + 3752 0 831 868 836 + 3753 0 792 831 798 + 3754 0 825 792 788 + 3755 0 836 868 874 + 3756 0 798 831 836 + 3757 0 788 792 747 + 3758 0 798 836 803 + 3759 0 747 792 757 + 3760 0 788 747 742 + 3761 0 803 836 843 + 3762 0 757 792 798 + 3763 0 742 747 711 + 3764 0 843 836 874 + 3765 0 757 798 762 + 3766 0 711 747 715 + 3767 0 843 874 877 + 3768 0 762 798 803 + 3769 0 715 747 757 + 3770 0 877 874 907 + 3771 0 762 803 771 + 3772 0 715 757 722 + 3773 0 771 803 812 + 3774 0 762 771 727 + 3775 0 722 757 762 + 3776 0 812 803 843 + 3777 0 727 771 735 + 3778 0 735 771 783 + 3779 0 727 735 693 + 3780 0 783 771 812 + 3781 0 735 783 749 + 3782 0 693 735 705 + 3783 0 783 812 822 + 3784 0 749 783 795 + 3785 0 705 735 749 + 3786 0 795 783 822 + 3787 0 749 795 763 + 3788 0 763 795 805 + 3789 0 763 805 774 + 3790 0 774 805 818 + 3791 0 763 774 731 + 3792 0 774 818 794 + 3793 0 731 774 744 + 3794 0 744 774 794 + 3795 0 731 744 701 + 3796 0 701 744 720 + 3797 0 731 701 687 + 3798 0 720 744 765 + 3799 0 687 701 656 + 3800 0 765 744 794 + 3801 0 720 765 733 + 3802 0 656 701 675 + 3803 0 733 765 784 + 3804 0 720 733 689 + 3805 0 675 701 720 + 3806 0 784 765 807 + 3807 0 689 733 713 + 3808 0 807 765 794 + 3809 0 713 733 759 + 3810 0 759 733 784 + 3811 0 713 759 729 + 3812 0 759 784 801 + 3813 0 729 759 773 + 3814 0 759 801 773 + 3815 0 729 773 751 + 3816 0 1064 1098 1103 + 3817 0 1103 1098 1135 + 3818 0 1135 1098 1130 + 3819 0 1103 1135 1140 + 3820 0 1130 1098 1095 + 3821 0 1140 1135 1171 + 3822 0 1130 1095 1126 + 3823 0 1171 1135 1167 + 3824 0 1130 1126 1163 + 3825 0 1167 1135 1130 + 3826 0 1130 1163 1167 + 3827 0 1167 1163 1201 + 3828 0 1201 1163 1195 + 3829 0 1195 1163 1161 + 3830 0 1161 1163 1126 + 3831 0 1161 1126 1124 + 3832 0 1161 1124 1159 + 3833 0 1159 1124 1122 + 3834 0 1021 1023 987 + 3835 0 1021 987 983 + 3836 0 983 987 949 + 3837 0 1021 983 1017 + 3838 0 983 949 947 + 3839 0 1017 983 980 + 3840 0 947 949 916 + 3841 0 983 947 980 + 3842 0 916 949 919 + 3843 0 916 919 885 + 3844 0 885 919 888 + 3845 0 916 885 883 + 3846 0 885 888 854 + 3847 0 883 885 851 + 3848 0 916 883 914 + 3849 0 854 888 856 + 3850 0 885 854 851 + 3851 0 916 914 947 + 3852 0 851 854 816 + 3853 0 816 854 820 + 3854 0 851 816 814 + 3855 0 820 854 856 + 3856 0 816 820 782 + 3857 0 814 816 778 + 3858 0 851 814 848 + 3859 0 782 820 788 + 3860 0 816 782 778 + 3861 0 851 848 883 + 3862 0 788 820 825 + 3863 0 778 782 740 + 3864 0 825 820 856 + 3865 0 740 782 742 + 3866 0 778 740 737 + 3867 0 742 782 788 + 3868 0 740 742 703 + 3869 0 737 740 700 + 3870 0 703 742 711 + 3871 0 740 703 700 + 3872 0 737 700 698 + 3873 0 703 711 668 + 3874 0 700 703 665 + 3875 0 698 700 659 + 3876 0 668 711 670 + 3877 0 665 703 668 + 3878 0 700 665 659 + 3879 0 668 670 630 + 3880 0 659 665 623 + 3881 0 630 670 635 + 3882 0 668 630 626 + 3883 0 623 665 626 + 3884 0 659 623 621 + 3885 0 635 670 680 + 3886 0 626 630 591 + 3887 0 626 665 668 + 3888 0 680 670 715 + 3889 0 626 591 585 + 3890 0 715 670 711 + 3891 0 585 591 547 + 3892 0 547 591 551 + 3893 0 585 547 545 + 3894 0 551 591 594 + 3895 0 547 551 510 + 3896 0 545 547 506 + 3897 0 594 591 630 + 3898 0 510 551 516 + 3899 0 506 547 510 + 3900 0 516 551 558 + 3901 0 510 516 475 + 3902 0 558 551 594 + 3903 0 516 558 520 + 3904 0 475 516 478 + 3905 0 558 594 600 + 3906 0 520 558 567 + 3907 0 478 516 520 + 3908 0 600 594 635 + 3909 0 567 558 600 + 3910 0 478 520 491 + 3911 0 635 594 630 + 3912 0 491 520 534 + 3913 0 478 491 448 + 3914 0 534 520 567 + 3915 0 448 491 459 + 3916 0 534 567 575 + 3917 0 459 491 500 + 3918 0 448 459 414 + 3919 0 575 567 609 + 3920 0 500 491 534 + 3921 0 414 459 427 + 3922 0 609 567 600 + 3923 0 427 459 468 + 3924 0 414 427 390 + 3925 0 609 600 643 + 3926 0 468 459 500 + 3927 0 390 427 402 + 3928 0 643 600 635 + 3929 0 468 500 512 + 3930 0 402 427 441 + 3931 0 643 635 680 + 3932 0 512 500 541 + 3933 0 441 427 468 + 3934 0 541 500 534 + 3935 0 512 541 555 + 3936 0 541 534 575 + 3937 0 555 541 588 + 3938 0 541 575 588 + 3939 0 588 575 618 + 3940 0 618 575 609 + 3941 0 588 618 632 + 3942 0 618 609 652 + 3943 0 632 618 663 + 3944 0 652 609 643 + 3945 0 618 652 663 + 3946 0 652 643 686 + 3947 0 663 652 693 + 3948 0 686 643 680 + 3949 0 652 686 693 + 3950 0 686 680 722 + 3951 0 693 686 727 + 3952 0 722 680 715 + 3953 0 686 722 727 + 3954 0 727 722 762 + 3955 0 621 623 582 + 3956 0 582 623 585 + 3957 0 585 623 626 + 3958 0 582 585 545 + 3959 0 582 545 543 + 3960 0 543 545 504 + 3961 0 512 555 524 + 3962 0 524 555 569 + 3963 0 569 555 598 + 3964 0 524 569 538 + 3965 0 598 555 588 + 3966 0 538 569 586 + 3967 0 524 538 496 + 3968 0 598 588 632 + 3969 0 586 569 612 + 3970 0 538 586 556 + 3971 0 496 538 513 + 3972 0 612 569 598 + 3973 0 538 556 513 + 3974 0 612 598 645 + 3975 0 513 556 532 + 3976 0 645 598 632 + 3977 0 612 645 656 + 3978 0 532 556 576 + 3979 0 656 645 687 + 3980 0 612 656 631 + 3981 0 576 556 601 + 3982 0 687 645 674 + 3983 0 612 631 586 + 3984 0 601 556 586 + 3985 0 674 645 632 + 3986 0 586 631 601 + 3987 0 674 632 663 + 3988 0 601 631 648 + 3989 0 648 631 675 + 3990 0 601 648 620 + 3991 0 675 631 656 + 3992 0 620 648 666 + 3993 0 666 648 689 + 3994 0 620 666 639 + 3995 0 689 648 675 + 3996 0 639 666 685 + 3997 0 685 666 713 + 3998 0 639 685 660 + 3999 0 713 666 689 + 4000 0 674 663 705 + 4001 0 705 663 693 + 4002 0 674 705 719 + 4003 0 719 705 749 + 4004 0 674 719 687 + 4005 0 719 749 763 + 4006 0 687 719 731 + 4007 0 719 763 731 + 4008 0 601 620 576 + 4009 0 576 620 595 + 4010 0 595 620 639 + 4011 0 595 639 614 + 4012 0 1175 1140 1171 + 4013 0 778 737 775 + 4014 0 778 775 814 + 4015 0 468 512 483 + 4016 0 483 512 524 + 4017 0 468 483 441 + 4018 0 483 524 496 + 4019 0 441 483 453 + 4020 0 453 483 496 + 4021 0 453 496 469 + 4022 0 469 496 513 + 4023 0 469 513 488 + 4024 0 488 513 532 + 4025 0 488 532 502 + 4026 0 502 532 548 + 4027 0 548 532 576 + 4028 0 502 548 527 + 4029 0 548 576 595 + 4030 0 548 595 571 + 4031 0 1187 1150 1181 + 4032 0 952 911 935 + 4033 0 1337 1371 1368 + 4034 0 1337 1368 1332 + 4035 0 1332 1368 1366 + 4036 0 1337 1332 1302 + 4037 0 1366 1368 1399 + 4038 0 1332 1366 1329 + 4039 0 1302 1332 1298 + 4040 0 1366 1399 1396 + 4041 0 1332 1329 1298 + 4042 0 1302 1298 1266 + 4043 0 1396 1399 1431 + 4044 0 1298 1329 1293 + 4045 0 1431 1399 1433 + 4046 0 1293 1329 1327 + 4047 0 1431 1433 1466 + 4048 0 1327 1329 1360 + 4049 0 1466 1433 1469 + 4050 0 1360 1329 1366 + 4051 0 1327 1360 1358 + 4052 0 1360 1366 1396 + 4053 0 1358 1360 1394 + 4054 0 1360 1396 1394 + 4055 0 1394 1396 1429 + 4056 0 1429 1396 1431 + 4057 0 1394 1429 1425 + 4058 0 1429 1431 1460 + 4059 0 1425 1429 1458 + 4060 0 1460 1431 1466 + 4061 0 1429 1460 1458 + 4062 0 1460 1466 1495 + 4063 0 1458 1460 1493 + 4064 0 1495 1466 1498 + 4065 0 1460 1495 1493 + 4066 0 1498 1466 1469 + 4067 0 1493 1495 1527 + 4068 0 1498 1469 1503 + 4069 0 1527 1495 1530 + 4070 0 1503 1469 1471 + 4071 0 1498 1503 1533 + 4072 0 1530 1495 1498 + 4073 0 1503 1471 1507 + 4074 0 1533 1503 1536 + 4075 0 1530 1498 1533 + 4076 0 1507 1471 1477 + 4077 0 1536 1503 1507 + 4078 0 1533 1536 1568 + 4079 0 1477 1471 1442 + 4080 0 1507 1477 1511 + 4081 0 1568 1536 1571 + 4082 0 1533 1568 1565 + 4083 0 1511 1477 1480 + 4084 0 1507 1511 1542 + 4085 0 1571 1536 1542 + 4086 0 1565 1568 1598 + 4087 0 1480 1477 1445 + 4088 0 1507 1542 1536 + 4089 0 1565 1598 1594 + 4090 0 1445 1477 1442 + 4091 0 1594 1598 1630 + 4092 0 1565 1594 1561 + 4093 0 1445 1442 1410 + 4094 0 1630 1598 1632 + 4095 0 1594 1630 1626 + 4096 0 1561 1594 1592 + 4097 0 1630 1632 1664 + 4098 0 1626 1630 1661 + 4099 0 1592 1594 1626 + 4100 0 1561 1592 1558 + 4101 0 1630 1664 1661 + 4102 0 1558 1592 1589 + 4103 0 1561 1558 1527 + 4104 0 1661 1664 1694 + 4105 0 1589 1592 1623 + 4106 0 1558 1589 1554 + 4107 0 1527 1558 1525 + 4108 0 1623 1592 1626 + 4109 0 1558 1554 1525 + 4110 0 1623 1626 1657 + 4111 0 1525 1554 1523 + 4112 0 1657 1626 1661 + 4113 0 1623 1657 1654 + 4114 0 1523 1554 1555 + 4115 0 1654 1657 1687 + 4116 0 1623 1654 1621 + 4117 0 1555 1554 1588 + 4118 0 1687 1657 1691 + 4119 0 1621 1654 1653 + 4120 0 1588 1554 1589 + 4121 0 1691 1657 1661 + 4122 0 1653 1654 1685 + 4123 0 1691 1661 1694 + 4124 0 1685 1654 1687 + 4125 0 1653 1685 1686 + 4126 0 1685 1687 1719 + 4127 0 1686 1685 1718 + 4128 0 1653 1686 1655 + 4129 0 1719 1687 1721 + 4130 0 1718 1685 1719 + 4131 0 1655 1686 1688 + 4132 0 1721 1687 1691 + 4133 0 1718 1719 1750 + 4134 0 1688 1686 1720 + 4135 0 1721 1691 1724 + 4136 0 1750 1719 1752 + 4137 0 1720 1686 1718 + 4138 0 1724 1691 1694 + 4139 0 1752 1719 1721 + 4140 0 1752 1721 1755 + 4141 0 1755 1721 1724 + 4142 0 1752 1755 1787 + 4143 0 1752 1787 1784 + 4144 0 1784 1787 1817 + 4145 0 1752 1784 1750 + 4146 0 1784 1817 1814 + 4147 0 1750 1784 1783 + 4148 0 1814 1817 1848 + 4149 0 1783 1784 1814 + 4150 0 1814 1848 1847 + 4151 0 1783 1814 1815 + 4152 0 1847 1848 1880 + 4153 0 1815 1814 1847 + 4154 0 1847 1880 1881 + 4155 0 1881 1880 1911 + 4156 0 1588 1589 1621 + 4157 0 1621 1589 1623 + 4158 0 1588 1621 1622 + 4159 0 1622 1621 1653 + 4160 0 1588 1622 1590 + 4161 0 1622 1653 1655 + 4162 0 1590 1622 1624 + 4163 0 1588 1590 1555 + 4164 0 1622 1655 1624 + 4165 0 1590 1624 1593 + 4166 0 1555 1590 1559 + 4167 0 1593 1624 1627 + 4168 0 1590 1593 1559 + 4169 0 1555 1559 1526 + 4170 0 1627 1624 1658 + 4171 0 1559 1593 1562 + 4172 0 1555 1526 1523 + 4173 0 1627 1658 1662 + 4174 0 1562 1593 1595 + 4175 0 1523 1526 1492 + 4176 0 1662 1658 1692 + 4177 0 1595 1593 1627 + 4178 0 1492 1526 1494 + 4179 0 1692 1658 1688 + 4180 0 1494 1526 1528 + 4181 0 1492 1494 1459 + 4182 0 1688 1658 1655 + 4183 0 1528 1526 1559 + 4184 0 1459 1494 1461 + 4185 0 1655 1658 1624 + 4186 0 1461 1494 1496 + 4187 0 1459 1461 1430 + 4188 0 1496 1494 1528 + 4189 0 1430 1461 1432 + 4190 0 1459 1430 1426 + 4191 0 1496 1528 1531 + 4192 0 1432 1461 1467 + 4193 0 1426 1430 1395 + 4194 0 1531 1528 1562 + 4195 0 1467 1461 1496 + 4196 0 1395 1430 1397 + 4197 0 1562 1528 1559 + 4198 0 1397 1430 1432 + 4199 0 1395 1397 1361 + 4200 0 1397 1432 1400 + 4201 0 1395 1361 1359 + 4202 0 1400 1432 1435 + 4203 0 1435 1432 1467 + 4204 0 1435 1467 1470 + 4205 0 1470 1467 1499 + 4206 0 1435 1470 1439 + 4207 0 1499 1467 1496 + 4208 0 1439 1470 1473 + 4209 0 1473 1470 1504 + 4210 0 1504 1470 1499 + 4211 0 1504 1499 1534 + 4212 0 1534 1499 1531 + 4213 0 1531 1499 1496 + 4214 0 1534 1531 1566 + 4215 0 1566 1531 1562 + 4216 0 1534 1566 1569 + 4217 0 1566 1562 1595 + 4218 0 1569 1566 1599 + 4219 0 1534 1569 1537 + 4220 0 1566 1595 1599 + 4221 0 1569 1599 1605 + 4222 0 1537 1569 1572 + 4223 0 1599 1595 1631 + 4224 0 1569 1605 1572 + 4225 0 1537 1572 1543 + 4226 0 1631 1595 1627 + 4227 0 1572 1605 1606 + 4228 0 1537 1543 1508 + 4229 0 1631 1627 1662 + 4230 0 1606 1605 1636 + 4231 0 1508 1543 1512 + 4232 0 1631 1662 1665 + 4233 0 1636 1605 1633 + 4234 0 1512 1543 1546 + 4235 0 1665 1662 1695 + 4236 0 1633 1605 1599 + 4237 0 1546 1543 1576 + 4238 0 1695 1662 1692 + 4239 0 1576 1543 1572 + 4240 0 1695 1692 1725 + 4241 0 1576 1572 1606 + 4242 0 1725 1692 1722 + 4243 0 1722 1692 1688 + 4244 0 1725 1722 1756 + 4245 0 1722 1688 1720 + 4246 0 1756 1722 1753 + 4247 0 1753 1722 1720 + 4248 0 1756 1753 1788 + 4249 0 1788 1753 1785 + 4250 0 1756 1788 1789 + 4251 0 1785 1753 1751 + 4252 0 1751 1753 1720 + 4253 0 1785 1751 1783 + 4254 0 1751 1720 1718 + 4255 0 1783 1751 1750 + 4256 0 1751 1718 1750 + 4257 0 1633 1599 1631 + 4258 0 1633 1631 1665 + 4259 0 1633 1665 1668 + 4260 0 1668 1665 1699 + 4261 0 1633 1668 1636 + 4262 0 1699 1665 1695 + 4263 0 1636 1668 1669 + 4264 0 1669 1668 1702 + 4265 0 1702 1668 1699 + 4266 0 1669 1702 1704 + 4267 0 1702 1699 1731 + 4268 0 1704 1702 1735 + 4269 0 1731 1699 1727 + 4270 0 1735 1702 1731 + 4271 0 1704 1735 1738 + 4272 0 1727 1699 1695 + 4273 0 1695 1725 1727 + 4274 0 1727 1725 1759 + 4275 0 1669 1704 1676 + 4276 0 1676 1704 1707 + 4277 0 1707 1704 1738 + 4278 0 1676 1707 1677 + 4279 0 1677 1707 1712 + 4280 0 1712 1707 1741 + 4281 0 1677 1712 1682 + 4282 0 1741 1707 1738 + 4283 0 1682 1712 1717 + 4284 0 1682 1717 1693 + 4285 0 1682 1693 1652 + 4286 0 1327 1358 1326 + 4287 0 1326 1358 1359 + 4288 0 1359 1358 1393 + 4289 0 1393 1358 1394 + 4290 0 1359 1393 1395 + 4291 0 1393 1394 1425 + 4292 0 1395 1393 1426 + 4293 0 1393 1425 1426 + 4294 0 1426 1425 1457 + 4295 0 1457 1425 1458 + 4296 0 1426 1457 1459 + 4297 0 1459 1457 1492 + 4298 0 1492 1457 1491 + 4299 0 1491 1457 1458 + 4300 0 1492 1491 1523 + 4301 0 1523 1491 1525 + 4302 0 1525 1491 1493 + 4303 0 1525 1493 1527 + 4304 0 1533 1565 1530 + 4305 0 1565 1561 1530 + 4306 0 1530 1561 1527 + 4307 0 39 28 37 + 4308 0 1537 1508 1504 + 4309 0 1504 1508 1473 + 4310 0 1473 1508 1478 + 4311 0 1478 1508 1512 + 4312 0 1606 1636 1641 + 4313 0 2180 2145 2175 + 4314 0 284 263 269 + 4315 0 2681 2677 2663 + 4316 0 2663 2677 2658 + 4317 0 2681 2663 2668 + 4318 0 2658 2677 2673 + 4319 0 2663 2658 2639 + 4320 0 2668 2663 2646 + 4321 0 2681 2668 2683 + 4322 0 2639 2658 2634 + 4323 0 2634 2658 2649 + 4324 0 2663 2639 2646 + 4325 0 2683 2668 2672 + 4326 0 2646 2639 2614 + 4327 0 2672 2668 2652 + 4328 0 2683 2672 2688 + 4329 0 2614 2639 2607 + 4330 0 2652 2668 2646 + 4331 0 2672 2652 2657 + 4332 0 2688 2672 2678 + 4333 0 2652 2646 2618 + 4334 0 2657 2652 2630 + 4335 0 2672 2657 2678 + 4336 0 2618 2646 2614 + 4337 0 2630 2652 2618 + 4338 0 2678 2657 2664 + 4339 0 2618 2614 2588 + 4340 0 2630 2618 2600 + 4341 0 2664 2657 2640 + 4342 0 2678 2664 2682 + 4343 0 2600 2618 2588 + 4344 0 2664 2640 2647 + 4345 0 2682 2664 2669 + 4346 0 2647 2640 2615 + 4347 0 2664 2647 2669 + 4348 0 2615 2640 2609 + 4349 0 2669 2647 2654 + 4350 0 2609 2640 2630 + 4351 0 2615 2609 2583 + 4352 0 2654 2647 2622 + 4353 0 2630 2640 2657 + 4354 0 2583 2609 2574 + 4355 0 2622 2647 2615 + 4356 0 2574 2609 2600 + 4357 0 2583 2574 2550 + 4358 0 2622 2615 2593 + 4359 0 2600 2609 2630 + 4360 0 2550 2574 2541 + 4361 0 2593 2615 2583 + 4362 0 2541 2574 2565 + 4363 0 2593 2583 2558 + 4364 0 2565 2574 2600 + 4365 0 2541 2565 2533 + 4366 0 2558 2583 2550 + 4367 0 2533 2565 2556 + 4368 0 2541 2533 2507 + 4369 0 2558 2550 2525 + 4370 0 2556 2565 2588 + 4371 0 2507 2533 2498 + 4372 0 2525 2550 2516 + 4373 0 2558 2525 2537 + 4374 0 2588 2565 2600 + 4375 0 2498 2533 2522 + 4376 0 2516 2550 2541 + 4377 0 2537 2525 2502 + 4378 0 2522 2533 2556 + 4379 0 2502 2525 2491 + 4380 0 2537 2502 2512 + 4381 0 2522 2556 2548 + 4382 0 2491 2525 2516 + 4383 0 2502 2491 2465 + 4384 0 2512 2502 2477 + 4385 0 2548 2556 2580 + 4386 0 2465 2491 2444 + 4387 0 2502 2465 2477 + 4388 0 2580 2556 2588 + 4389 0 2477 2465 2446 + 4390 0 2580 2588 2614 + 4391 0 2446 2465 2426 + 4392 0 2446 2426 2416 + 4393 0 2446 2416 2447 + 4394 0 2447 2416 2410 + 4395 0 2446 2447 2477 + 4396 0 2580 2614 2607 + 4397 0 2669 2654 2675 + 4398 0 2675 2654 2661 + 4399 0 2669 2675 2685 + 4400 0 2661 2654 2635 + 4401 0 2675 2661 2680 + 4402 0 2685 2675 2690 + 4403 0 2635 2654 2622 + 4404 0 2680 2661 2666 + 4405 0 2690 2675 2680 + 4406 0 2685 2690 2697 + 4407 0 2666 2661 2645 + 4408 0 2680 2666 2684 + 4409 0 2697 2690 2700 + 4410 0 2685 2697 2694 + 4411 0 2645 2661 2635 + 4412 0 2684 2666 2674 + 4413 0 2700 2690 2693 + 4414 0 2685 2694 2682 + 4415 0 2645 2635 2613 + 4416 0 2674 2666 2653 + 4417 0 2693 2690 2680 + 4418 0 2613 2635 2604 + 4419 0 2674 2653 2660 + 4420 0 2604 2635 2622 + 4421 0 2613 2604 2578 + 4422 0 2660 2653 2633 + 4423 0 2604 2622 2593 + 4424 0 2578 2604 2570 + 4425 0 2633 2653 2620 + 4426 0 2570 2604 2593 + 4427 0 2578 2570 2546 + 4428 0 2620 2653 2645 + 4429 0 2570 2593 2558 + 4430 0 2546 2570 2537 + 4431 0 2645 2653 2666 + 4432 0 2570 2558 2537 + 4433 0 2682 2694 2691 + 4434 0 2682 2691 2678 + 4435 0 2678 2691 2688 + 4436 0 2522 2548 2515 + 4437 0 2515 2548 2551 + 4438 0 2522 2515 2489 + 4439 0 2489 2515 2481 + 4440 0 2522 2489 2498 + 4441 0 2481 2515 2508 + 4442 0 2489 2481 2455 + 4443 0 2498 2489 2466 + 4444 0 2508 2515 2551 + 4445 0 2455 2481 2449 + 4446 0 2489 2455 2466 + 4447 0 2449 2481 2458 + 4448 0 2455 2449 2422 + 4449 0 2466 2455 2430 + 4450 0 2422 2449 2415 + 4451 0 2455 2422 2430 + 4452 0 2466 2430 2438 + 4453 0 2415 2458 2433 + 4454 0 2430 2422 2395 + 4455 0 2438 2430 2405 + 4456 0 2466 2438 2473 + 4457 0 2395 2422 2378 + 4458 0 2395 2378 2367 + 4459 0 2395 2367 2405 + 4460 0 2405 2430 2395 + 4461 0 2466 2473 2498 + 4462 0 2498 2473 2507 + 4463 0 2507 2473 2482 + 4464 0 2482 2473 2443 + 4465 0 2507 2482 2516 + 4466 0 2516 2482 2491 + 4467 0 2507 2516 2541 + 4468 0 2491 2482 2444 + 4469 0 2473 2438 2443 + 4470 0 2680 2684 2693 + 4471 0 2693 2684 2695 + 4472 0 2695 2684 2689 + 4473 0 2693 2695 2702 + 4474 0 2689 2684 2674 + 4475 0 2695 2689 2699 + 4476 0 2702 2695 2703 + 4477 0 2689 2674 2679 + 4478 0 2699 2689 2692 + 4479 0 2703 2695 2699 + 4480 0 2679 2674 2660 + 4481 0 2689 2679 2692 + 4482 0 2703 2699 2705 + 4483 0 2679 2660 2667 + 4484 0 2692 2679 2686 + 4485 0 2705 2699 2701 + 4486 0 2667 2660 2644 + 4487 0 2686 2679 2667 + 4488 0 2692 2686 2696 + 4489 0 2701 2699 2692 + 4490 0 2644 2660 2633 + 4491 0 2696 2686 2698 + 4492 0 2692 2696 2701 + 4493 0 2644 2633 2611 + 4494 0 2701 2696 2704 + 4495 0 2611 2633 2602 + 4496 0 2644 2611 2621 + 4497 0 2602 2633 2620 + 4498 0 2611 2602 2577 + 4499 0 2621 2611 2591 + 4500 0 2644 2621 2656 + 4501 0 2602 2620 2590 + 4502 0 2577 2602 2568 + 4503 0 2591 2611 2577 + 4504 0 2590 2620 2613 + 4505 0 2577 2568 2536 + 4506 0 2613 2620 2645 + 4507 0 2590 2613 2578 + 4508 0 2536 2568 2535 + 4509 0 2590 2578 2555 + 4510 0 2535 2568 2555 + 4511 0 2555 2578 2546 + 4512 0 2555 2568 2590 + 4513 0 2535 2555 2521 + 4514 0 2590 2568 2602 + 4515 0 2521 2555 2546 + 4516 0 2521 2546 2512 + 4517 0 2512 2546 2537 + 4518 0 2521 2512 2486 + 4519 0 2486 2512 2477 + 4520 0 2521 2486 2500 + 4521 0 2656 2621 2637 + 4522 0 2637 2621 2605 + 4523 0 2656 2637 2671 + 4524 0 2605 2621 2591 + 4525 0 2637 2605 2619 + 4526 0 2605 2591 2567 + 4527 0 2567 2591 2552 + 4528 0 2605 2567 2579 + 4529 0 2552 2591 2577 + 4530 0 2579 2567 2542 + 4531 0 2605 2579 2619 + 4532 0 2552 2577 2536 + 4533 0 2542 2567 2520 + 4534 0 2579 2542 2560 + 4535 0 2552 2536 2517 + 4536 0 2481 2508 2493 + 4537 0 2493 2508 2526 + 4538 0 2422 2415 2378 + 4539 0 2667 2644 2656 + 4540 0 2667 2656 2676 + 4541 0 2676 2656 2671 + 4542 0 2667 2676 2686 + 4543 0 2686 2676 2687 + 4544 0 2682 2669 2685 + 4545 0 2536 2535 2500 + 4546 0 2459 2494 2471 + 4547 0 2471 2494 2505 + 4548 0 2459 2471 2435 + 4549 0 2505 2494 2528 + 4550 0 2471 2505 2484 + 4551 0 2435 2471 2451 + 4552 0 2528 2494 2514 + 4553 0 2484 2505 2518 + 4554 0 2435 2451 2414 + 4555 0 2528 2514 2549 + 4556 0 2518 2505 2540 + 4557 0 2528 2549 2563 + 4558 0 2540 2505 2528 + 4559 0 2518 2540 2553 + 4560 0 2563 2549 2585 + 4561 0 2540 2528 2563 + 4562 0 2553 2540 2573 + 4563 0 2585 2549 2571 + 4564 0 2540 2563 2573 + 4565 0 2585 2571 2606 + 4566 0 2573 2563 2597 + 4567 0 2585 2606 2623 + 4568 0 2597 2563 2585 + 4569 0 2573 2597 2610 + 4570 0 2623 2606 2641 + 4571 0 2585 2623 2597 + 4572 0 2610 2597 2626 + 4573 0 2573 2610 2586 + 4574 0 2641 2606 2628 + 4575 0 2597 2623 2626 + 4576 0 2586 2610 2617 + 4577 0 2641 2628 2665 + 4578 0 2626 2623 2659 + 4579 0 2617 2610 2655 + 4580 0 2586 2617 2601 + 4581 0 2601 2617 2648 + 4582 0 2586 2601 2566 + 4583 0 2566 2601 2576 + 4584 0 2586 2566 2553 + 4585 0 2576 2601 2612 + 4586 0 2566 2576 2543 + 4587 0 2553 2566 2532 + 4588 0 2586 2553 2573 + 4589 0 2612 2601 2648 + 4590 0 2566 2543 2532 + 4591 0 2451 2471 2484 + 4592 0 2518 2553 2532 + 4593 0 2518 2532 2497 + 4594 0 2518 2497 2484 + 4595 0 2623 2641 2662 + 4596 0 2610 2626 2655 + 4597 0 2548 2580 2575 + 4598 0 2575 2580 2607 + 4599 0 2575 2607 2584 + 4600 0 2575 2584 2551 + 4601 0 2548 2575 2551 + 4602 0 2576 2612 2596 + 4603 0 2596 2612 2642 + 4604 0 79 95 85 + 4605 0 1047 1059 1019 + 4606 0 706 738 748 + 4607 0 1697 1675 1659 + 4608 0 402 441 413 + 4609 0 413 441 453 + 4610 0 402 413 376 + 4611 0 413 453 424 + 4612 0 376 413 385 + 4613 0 402 376 349 + 4614 0 413 424 385 + 4615 0 376 385 338 + 4616 0 385 424 405 + 4617 0 405 424 445 + 4618 0 385 405 367 + 4619 0 445 424 469 + 4620 0 367 405 372 + 4621 0 385 367 338 + 4622 0 469 424 453 + 4623 0 372 405 418 + 4624 0 367 372 333 + 4625 0 418 405 445 + 4626 0 372 418 398 + 4627 0 418 445 460 + 4628 0 460 445 488 + 4629 0 418 460 438 + 4630 0 488 445 469 + 4631 0 460 488 502 + 4632 0 460 502 481 + 4633 0 1578 1541 1556 + 4634 0 1985 1949 1974 + 4635 0 1974 1949 1939 + 4636 0 1985 1974 2009 + 4637 0 1939 1949 1913 + 4638 0 1913 1949 1925 + 4639 0 1939 1913 1903 + 4640 0 1913 1925 1890 + 4641 0 1903 1913 1876 + 4642 0 1913 1890 1876 + 4643 0 1903 1876 1868 + 4644 0 1876 1890 1854 + 4645 0 1868 1876 1841 + 4646 0 1854 1890 1864 + 4647 0 1876 1854 1841 + 4648 0 1868 1841 1832 + 4649 0 1854 1864 1829 + 4650 0 1841 1854 1813 + 4651 0 1832 1841 1807 + 4652 0 1854 1829 1813 + 4653 0 1841 1813 1807 + 4654 0 1832 1807 1796 + 4655 0 1832 1796 1824 + 4656 0 2651 2671 2637 + 4657 0 2467 2500 2486 + 4658 0 2467 2486 2447 + 4659 0 193 182 206 + 4660 0 47 36 42 + 4661 0 2511 2545 2527 + 4662 0 2527 2545 2562 + 4663 0 2511 2527 2492 + 4664 0 2527 2562 2544 + 4665 0 2492 2527 2509 + 4666 0 2511 2492 2476 + 4667 0 2527 2544 2509 + 4668 0 2492 2509 2474 + 4669 0 2476 2492 2457 + 4670 0 2509 2544 2524 + 4671 0 2474 2509 2490 + 4672 0 2457 2492 2474 + 4673 0 2457 2474 2437 + 4674 0 2437 2474 2454 + 4675 0 2544 2562 2587 + 4676 0 2587 2562 2598 + 4677 0 2544 2587 2559 + 4678 0 2587 2627 2625 + 4679 0 2511 2476 2495 + 4680 0 2049 2044 2076 + 4681 0 2076 2044 2074 + 4682 0 2049 2076 2080 + 4683 0 2074 2044 2042 + 4684 0 2080 2076 2109 + 4685 0 2049 2080 2050 + 4686 0 2042 2044 2012 + 4687 0 2080 2109 2113 + 4688 0 2050 2080 2085 + 4689 0 2049 2050 2017 + 4690 0 2113 2109 2143 + 4691 0 2080 2113 2085 + 4692 0 2017 2050 2020 + 4693 0 2113 2143 2145 + 4694 0 2145 2143 2175 + 4695 0 331 333 372 + 4696 0 913 877 907 + 4697 0 2629 2627 2598 + 4698 0 246 254 268 + 4699 0 268 254 277 + 4700 0 528 572 560 + 4701 0 1321 1347 1357 + 4702 0 1357 1347 1385 + 4703 0 1321 1357 1339 + 4704 0 1357 1385 1398 + 4705 0 1339 1357 1375 + 4706 0 1357 1398 1375 + 4707 0 1339 1375 1348 + 4708 0 597 561 563 + 4709 0 1990 1972 2008 + 4710 0 1199 1215 1178 + 4711 0 1178 1215 1191 + 4712 0 2204 2188 2224 + 4713 0 208 184 213 + 4714 0 2359 2382 2405 + 4715 0 20 14 22 + 4716 0 22 14 18 + 4717 0 2468 2464 2496 + 4718 0 2468 2496 2501 + 4719 0 2501 2496 2529 + 4720 0 2501 2529 2530 + 4721 0 2530 2529 2560 + 4722 0 2501 2530 2506 + 4723 0 2530 2560 2542 + 4724 0 2530 2542 2506 + 4725 0 1390 1419 1383 + 4726 0 1175 1212 1181 + 4727 0 614 571 595 + 4728 0 1445 1451 1480 + 4729 0 2650 2648 2617 + 4730 0 2362 2381 2399 + 4731 0 2399 2381 2415 + 4732 0 2415 2381 2378 + 4733 0 2362 2399 2376 + 4734 0 2376 2399 2411 + 4735 0 2411 2399 2433 + 4736 0 2433 2399 2415 + 4737 0 796 767 809 + 4738 0 1140 1107 1103 + 4739 0 965 995 1014 + 4740 0 2520 2506 2542 + 4741 0 1546 1550 1516 + 4742 0 1546 1516 1512 + 4743 0 1273 1235 1253 + 4744 0 753 796 785 + 4745 0 785 796 826 + 4746 0 753 785 732 + 4747 0 826 796 828 + 4748 0 828 796 809 + 4749 0 826 828 866 + 4750 0 785 826 811 + 4751 0 732 785 768 + 4752 0 753 732 695 + 4753 0 785 811 768 + 4754 0 732 768 724 + 4755 0 768 811 793 + 4756 0 724 768 755 + 4757 0 811 826 841 + 4758 0 841 826 879 + 4759 0 811 841 829 + 4760 0 811 829 793 + 4761 0 732 683 695 + 4762 0 2 5 4 + 4763 0 4 5 8 + 4764 0 4 8 9 + 4765 0 2 4 3 + 4766 0 2589 2608 2638 + 4767 0 42 54 47 + 4768 0 394 412 436 + 4769 0 436 412 454 + 4770 0 394 436 430 + 4771 0 454 412 432 + 4772 0 436 454 477 + 4773 0 430 436 475 + 4774 0 432 412 378 + 4775 0 436 477 475 + 4776 0 475 477 510 + 4777 0 510 477 506 + 4778 0 506 477 454 + 4779 0 394 430 381 + 4780 0 381 430 408 + 4781 0 408 430 448 + 4782 0 381 408 369 + 4783 0 369 408 414 + 4784 0 454 432 464 + 4785 0 464 432 431 + 4786 0 431 432 395 + 4787 0 395 432 378 + 4788 0 431 395 396 + 4789 0 395 378 348 + 4790 0 2454 2420 2437 + 4791 0 760 764 723 + 4792 0 723 764 769 + 4793 0 475 478 430 + 4794 0 755 716 688 + 4795 0 1675 1690 1651 + 4796 0 1675 1651 1640 + 4797 0 2188 2152 2171 + 4798 0 151 147 131 + 4799 0 151 131 133 + 4800 0 113 131 109 + 4801 0 2335 2307 2300 + 4802 0 2335 2300 2326 + 4803 0 799 751 773 + 4804 0 242 239 219 + 4805 0 242 219 224 + 4806 0 224 219 193 + 4807 0 242 224 248 + 4808 0 248 224 231 + 4809 0 231 224 206 + 4810 0 206 224 193 + 4811 0 231 206 203 + 4812 0 248 231 256 + 4813 0 256 231 240 + 4814 0 240 231 203 + 4815 0 256 240 263 + 4816 0 263 240 244 + 4817 0 221 240 203 + 4818 0 221 203 201 + 4819 0 1309 1274 1278 + 4820 0 2665 2662 2641 + 4821 0 285 306 303 + 4822 0 303 306 326 + 4823 0 285 303 283 + 4824 0 283 303 304 + 4825 0 304 303 324 + 4826 0 283 304 293 + 4827 0 293 304 317 + 4828 0 317 304 324 + 4829 0 160 185 170 + 4830 0 839 869 857 + 4831 0 1733 1697 1714 + 4832 0 1423 1387 1408 + 4833 0 2704 2707 2706 + 4834 0 10 7 12 + 4835 0 2554 2589 2569 + 4836 0 2569 2589 2603 + 4837 0 2554 2569 2534 + 4838 0 2603 2589 2638 + 4839 0 2569 2603 2582 + 4840 0 2534 2569 2547 + 4841 0 2582 2603 2632 + 4842 0 2569 2582 2547 + 4843 0 13 8 14 + 4844 0 1785 1783 1815 + 4845 0 1785 1815 1818 + 4846 0 1785 1818 1788 + 4847 0 349 358 390 + 4848 0 2595 2559 2587 + 4849 0 708 750 754 + 4850 0 578 611 554 + 4851 0 1651 1616 1640 + 4852 0 448 414 408 + 4853 0 2027 1990 2008 + 4854 0 2398 2426 2444 + 4855 0 2444 2426 2465 + 4856 0 114 96 109 + 4857 0 2302 2329 2338 + 4858 0 899 908 934 + 4859 0 934 908 943 + 4860 0 899 934 925 + 4861 0 438 398 418 + 4862 0 2638 2636 2603 + 4863 0 1277 1290 1253 + 4864 0 1253 1290 1273 + 4865 0 350 317 324 + 4866 0 695 647 655 + 4867 0 695 655 712 + 4868 0 147 159 136 + 4869 0 587 554 611 + 4870 0 1088 1065 1104 + 4871 0 1113 1075 1096 + 4872 0 817 859 838 + 4873 0 720 689 675 + 4874 0 26 35 32 + 4875 0 320 299 313 + 4876 0 313 299 294 + 4877 0 2141 2119 2104 + 4878 0 2104 2119 2083 + 4879 0 16 23 17 + 4880 0 2311 2276 2294 + 4881 0 789 800 743 + 4882 0 545 506 504 + 4883 0 504 506 454 + 4884 0 2059 2040 2078 + 4885 0 866 879 826 + 4886 0 841 879 864 + 4887 0 841 864 829 + 4888 0 154 151 133 + 4889 0 154 133 144 + 4890 0 154 144 166 + 4891 0 166 144 149 + 4892 0 86 70 71 + 4893 0 875 838 859 + 4894 0 344 370 340 + 4895 0 340 370 366 + 4896 0 340 366 337 + 4897 0 337 366 364 + 4898 0 340 337 313 + 4899 0 364 366 396 + 4900 0 337 364 348 + 4901 0 348 364 395 + 4902 0 313 337 320 + 4903 0 320 337 348 + 4904 0 364 396 395 + 4905 0 1789 1759 1756 + 4906 0 1756 1759 1725 + 4907 0 2673 2670 2649 + 4908 0 328 310 334 + 4909 0 115 135 125 + 4910 0 772 806 804 + 4911 0 1505 1465 1483 + 4912 0 956 927 960 + 4913 0 956 960 993 + 4914 0 2687 2698 2686 + 4915 0 2517 2520 2552 + 4916 0 223 225 245 + 4917 0 25 17 23 + 4918 0 16 17 10 + 4919 0 338 343 376 + 4920 0 376 343 349 + 4921 0 2625 2624 2595 + 4922 0 194 183 170 + 4923 0 615 661 649 + 4924 0 669 634 679 + 4925 0 669 679 714 + 4926 0 526 552 495 + 4927 0 1616 1597 1579 + 4928 0 2152 2114 2134 + 4929 0 2207 2224 2188 + 4930 0 2443 2444 2482 + 4931 0 139 158 155 + 4932 0 159 147 167 + 4933 0 2116 2151 2127 + 4934 0 905 893 869 + 4935 0 527 481 502 + 4936 0 1377 1380 1410 + 4937 0 2643 2642 2612 + 4938 0 276 294 282 + 4939 0 282 294 299 + 4940 0 30 21 28 + 4941 0 1191 1151 1178 + 4942 0 2036 2024 2060 + 4943 0 935 974 952 + 4944 0 11 18 14 + 4945 0 2241 2258 2204 + 4946 0 152 153 132 + 4947 0 2386 2348 2366 + 4948 0 769 776 730 + 4949 0 676 637 641 + 4950 0 1597 1578 1556 + 4951 0 215 213 190 + 4952 0 190 213 184 + 4953 0 707 660 685 + 4954 0 414 390 369 + 4955 0 2659 2655 2626 + 4956 0 2367 2359 2405 + 4957 0 683 732 724 + 4958 0 683 724 688 + 4959 0 209 237 233 + 4960 0 233 237 254 + 4961 0 901 929 940 + 4962 0 554 522 578 + 4963 0 1351 1312 1331 + 4964 0 2706 2705 2701 + 4965 0 2706 2701 2704 + 4966 0 619 616 577 + 4967 0 3 1 2 + 4968 0 324 351 350 + 4969 0 2524 2490 2509 + 4970 0 754 758 717 + 4971 0 717 758 760 + 4972 0 728 691 673 + 4973 0 644 673 617 + 4974 0 1885 1845 1870 + 4975 0 2592 2619 2579 + 4976 0 78 63 75 + 4977 0 78 88 96 + 4978 0 1571 1604 1568 + 4979 0 1568 1604 1598 + 4980 0 1598 1604 1632 + 4981 0 360 329 331 + 4982 0 2632 2631 2599 + 4983 0 2599 2631 2629 + 4984 0 439 482 472 + 4985 0 293 284 269 + 4986 0 1034 992 1013 + 4987 0 523 521 487 + 4988 0 48 62 55 + 4989 0 282 272 262 + 4990 0 262 272 249 + 4991 0 282 262 276 + 4992 0 255 262 234 + 4993 0 249 272 260 + 4994 0 158 142 164 + 4995 0 2239 2202 2221 + 4996 0 2221 2202 2185 + 4997 0 2239 2221 2258 + 4998 0 2185 2202 2166 + 4999 0 2221 2185 2204 + 5000 0 2221 2204 2258 + 5001 0 691 651 673 + 5002 0 489 487 451 + 5003 0 451 487 462 + 5004 0 462 487 485 + 5005 0 451 462 415 + 5006 0 2094 2059 2078 + 5007 0 249 222 234 + 5008 0 911 875 897 + 5009 0 40 37 29 + 5010 0 95 115 105 + 5011 0 478 448 430 + 5012 0 738 772 804 + 5013 0 1809 1790 1774 + 5014 0 1541 1505 1519 + 5015 0 2671 2687 2676 + 5016 0 2488 2517 2536 + 5017 0 9 12 7 + 5018 0 7 10 6 + 5019 0 7 6 3 + 5020 0 9 7 4 + 5021 0 333 338 367 + 5022 0 2470 2433 2458 + 5023 0 2458 2415 2449 + 5024 0 2458 2481 2493 + 5025 0 2470 2458 2493 + 5026 0 2627 2587 2598 + 5027 0 183 207 199 + 5028 0 572 615 605 + 5029 0 561 526 521 + 5030 0 1769 1733 1749 + 5031 0 2114 2094 2078 + 5032 0 184 159 167 + 5033 0 2417 2443 2438 + 5034 0 2417 2438 2405 + 5035 0 2417 2405 2382 + 5036 0 2581 2599 2629 + 5037 0 571 527 548 + 5038 0 685 713 729 + 5039 0 685 729 707 + 5040 0 2648 2643 2612 + 5041 0 1491 1458 1493 + 5042 0 1235 1191 1215 + 5043 0 2702 2700 2693 + 5044 0 428 389 404 + 5045 0 5 11 8 + 5046 0 2658 2673 2649 + 5047 0 81 85 98 + 5048 0 2420 2386 2402 + 5049 0 464 504 454 + 5050 0 716 676 688 + 5051 0 1922 1885 1905 + 5052 0 2500 2488 2536 + 5053 0 751 707 729 + 5054 0 2436 2467 2447 + 5055 0 390 402 349 + 5056 0 2662 2659 2623 + 5057 0 185 209 194 + 5058 0 365 350 383 + 5059 0 869 901 905 + 5060 0 1387 1351 1370 + 5061 0 2599 2582 2632 + 5062 0 2486 2477 2447 + 5063 0 358 369 390 + 5064 0 2551 2526 2508 + 5065 0 2559 2524 2544 + 5066 0 611 644 587 + 5067 0 1790 1769 1749 + 5068 0 2560 2592 2579 + 5069 0 398 360 372 + 5070 0 2636 2632 2603 + 5071 0 399 439 429 + 5072 0 1075 1034 1053 + 5073 0 35 48 43 + 5074 0 2276 2239 2258 + 5075 0 800 808 766 + 5076 0 793 755 768 + 5077 0 1845 1809 1834 + 5078 0 837 809 779 + 5079 0 1257 1270 1297 + 5080 0 838 799 817 + 5081 0 2670 2665 2649 + 5082 0 135 160 146 + 5083 0 1641 1636 1669 + 5084 0 1641 1669 1676 + 5085 0 806 839 857 + 5086 0 1465 1423 1447 + 5087 0 2698 2704 2696 + 5088 0 328 357 354 + 5089 0 661 708 690 + 5090 0 552 578 522 + 5091 0 2040 2027 2063 + 5092 0 136 114 126 + 5093 0 126 114 109 + 5094 0 136 126 147 + 5095 0 481 438 460 + 5096 0 2567 2552 2520 + 5097 0 2642 2638 2608 + 5098 0 2535 2521 2500 + 5099 0 382 383 350 + 5100 0 466 485 526 + 5101 0 1151 1113 1136 + 5102 0 1873 1867 1902 + 5103 0 1537 1504 1534 + 5104 0 18 26 22 + 5105 0 521 563 561 + 5106 0 2348 2311 2330 + 5107 0 637 597 603 + 5108 0 1934 1922 1958 + 5109 0 1774 1798 1809 + 5110 0 2634 2607 2639 + 5111 0 660 614 639 + 5112 0 790 748 738 + 5113 0 2655 2650 2617 + 5114 0 237 261 254 + 5115 0 254 261 277 + 5116 0 929 965 962 + 5117 0 1312 1273 1290 + 5118 0 178 195 214 + 5119 0 2490 2454 2474 + 5120 0 673 706 728 + 5121 0 1972 1934 1958 + 5122 0 2619 2651 2637 + 5123 0 2410 2436 2447 + 5124 0 63 47 64 + 5125 0 1001 962 965 + 5126 0 482 528 514 + 5127 0 992 952 974 + 5128 0 62 79 69 + 5129 0 326 324 303 + 5130 0 2366 2402 2386 + 5131 0 823 837 779 + 5132 0 1136 1178 1151 + 5133 0 183 199 175 + 5134 0 105 85 95 + 5135 0 109 131 126 + 5136 0 183 175 157 + 5137 0 14 8 11 + 5138 0 560 514 528 + 5139 0 194 170 185 + 5140 0 779 809 767 + 5141 0 563 603 597 + 5142 0 131 147 126 + 5143 0 32 22 26 + 5144 0 132 127 152 + 5145 0 723 692 760 + 5146 0 526 485 521 + 5147 0 88 109 96 + 5148 0 7 3 4 + 5149 0 688 724 755 + 5150 0 690 708 754 + 5151 0 2625 2595 2587 + 5152 0 360 331 372 +End Elements + +Begin Conditions LineCondition2D2N// GUI group identifier: _HIDDEN__SKIN_ + 1 0 898 864 + 2 0 864 829 + 3 0 829 793 + 4 0 793 755 + 5 0 755 716 + 6 0 716 676 + 7 0 676 637 + 8 0 637 597 + 9 0 597 561 + 10 0 561 526 + 11 0 673 706 + 12 0 706 738 + 13 0 738 772 + 14 0 772 806 + 15 0 806 839 + 16 0 839 869 + 17 0 869 901 + 18 0 901 929 + 19 0 929 965 + 20 0 965 995 + 21 0 208 213 + 22 0 213 215 + 23 0 215 218 + 24 0 218 226 + 25 0 226 232 + 26 0 232 241 + 27 0 241 251 + 28 0 251 260 + 29 0 260 272 + 30 0 272 282 + 31 0 412 394 + 32 0 394 381 + 33 0 381 369 + 34 0 369 358 + 35 0 358 349 + 36 0 349 343 + 37 0 343 338 + 38 0 338 333 + 39 0 333 331 + 40 0 331 329 + 41 0 329 360 + 42 0 360 398 + 43 0 398 438 + 44 0 438 481 + 45 0 481 527 + 46 0 527 571 + 47 0 571 614 + 48 0 614 660 + 49 0 660 707 + 50 0 707 751 + 51 0 751 799 + 52 0 799 838 + 53 0 838 875 + 54 0 875 911 + 55 0 911 952 + 56 0 952 992 + 57 0 992 1034 + 58 0 1034 1075 + 59 0 1075 1113 + 60 0 1113 1151 + 61 0 1151 1191 + 62 0 1191 1235 + 63 0 1235 1273 + 64 0 1273 1312 + 65 0 1312 1351 + 66 0 1351 1387 + 67 0 1387 1423 + 68 0 1423 1465 + 69 0 1465 1505 + 70 0 1505 1541 + 71 0 1541 1578 + 72 0 1578 1614 + 73 0 1614 1650 + 74 0 1650 1689 + 75 0 1689 1729 + 76 0 1729 1765 + 77 0 1765 1800 + 78 0 1800 1836 + 79 0 1836 1872 + 80 0 1872 1908 + 81 0 1908 1947 + 82 0 1947 1986 + 83 0 1986 2022 + 84 0 2022 2057 + 85 0 2057 2093 + 86 0 2093 2130 + 87 0 2130 2166 + 88 0 2166 2202 + 89 0 2202 2239 + 90 0 2239 2276 + 91 0 2276 2311 + 92 0 2311 2348 + 93 0 2348 2386 + 94 0 2386 2420 + 95 0 2420 2454 + 96 0 2454 2490 + 97 0 2490 2524 + 98 0 2524 2559 + 99 0 2559 2595 + 100 0 2595 2624 + 101 0 995 1014 + 102 0 1014 1042 + 103 0 1042 1067 + 104 0 1067 1092 + 105 0 1092 1114 + 106 0 1114 1142 + 107 0 1142 1169 + 108 0 1169 1196 + 109 0 1196 1220 + 110 0 1220 1250 + 111 0 1250 1280 + 112 0 1280 1307 + 113 0 1307 1334 + 114 0 1334 1363 + 115 0 1363 1390 + 116 0 1390 1419 + 117 0 1419 1451 + 118 0 1451 1480 + 119 0 1480 1511 + 120 0 1511 1542 + 121 0 1542 1571 + 122 0 1571 1604 + 123 0 1604 1632 + 124 0 1632 1664 + 125 0 1664 1694 + 126 0 1694 1724 + 127 0 1724 1755 + 128 0 1755 1787 + 129 0 1787 1817 + 130 0 1817 1848 + 131 0 1848 1880 + 132 0 1880 1911 + 133 0 1911 1942 + 134 0 1942 1975 + 135 0 1975 2007 + 136 0 2007 2039 + 137 0 2039 2071 + 138 0 2071 2105 + 139 0 2105 2136 + 140 0 2136 2169 + 141 0 2169 2201 + 142 0 2201 2235 + 143 0 2235 2266 + 144 0 2266 2301 + 145 0 2301 2333 + 146 0 2333 2365 + 147 0 2365 2397 + 148 0 2397 2431 + 149 0 2431 2464 + 150 0 2464 2496 + 151 0 2496 2529 + 152 0 2529 2560 + 153 0 2560 2592 + 154 0 2592 2619 + 155 0 2619 2651 + 156 0 2651 2671 + 157 0 2671 2687 + 158 0 2687 2698 + 159 0 2698 2704 + 160 0 2704 2707 + 161 0 282 299 + 162 0 299 320 + 163 0 320 348 + 164 0 348 378 + 165 0 378 412 + 166 0 526 552 + 167 0 552 578 + 168 0 578 611 + 169 0 611 644 + 170 0 644 673 + 171 0 1 3 + 172 0 3 6 + 173 0 6 10 + 174 0 10 17 + 175 0 17 25 + 176 0 25 36 + 177 0 36 47 + 178 0 47 63 + 179 0 63 78 + 180 0 78 96 + 181 0 96 114 + 182 0 114 136 + 183 0 136 159 + 184 0 159 184 + 185 0 184 208 + 186 0 750 754 + 187 0 754 758 + 188 0 758 760 + 189 0 760 764 + 190 0 764 769 + 191 0 769 776 + 192 0 776 789 + 193 0 789 800 + 194 0 800 808 + 195 0 808 823 + 196 0 823 837 + 197 0 837 847 + 198 0 847 866 + 199 0 866 879 + 200 0 879 898 + 201 0 2624 2625 + 202 0 2625 2627 + 203 0 2627 2629 + 204 0 2629 2631 + 205 0 2631 2632 + 206 0 2632 2636 + 207 0 2636 2638 + 208 0 2638 2642 + 209 0 2642 2643 + 210 0 2643 2648 + 211 0 2648 2650 + 212 0 2650 2655 + 213 0 2655 2659 + 214 0 2659 2662 + 215 0 2662 2665 + 216 0 2665 2670 + 217 0 2670 2673 + 218 0 2673 2677 + 219 0 2677 2681 + 220 0 2681 2683 + 221 0 2683 2688 + 222 0 2688 2691 + 223 0 2691 2694 + 224 0 2694 2697 + 225 0 2697 2700 + 226 0 2700 2702 + 227 0 2702 2703 + 228 0 2703 2705 + 229 0 2705 2706 + 230 0 2706 2707 +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: ControlDown +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: ControlUp +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: FixedWalls + 231 0 1 2 + 232 0 2 5 + 233 0 5 11 + 234 0 11 18 + 235 0 18 26 + 236 0 26 35 + 237 0 35 48 + 238 0 48 62 + 239 0 62 79 + 240 0 79 95 + 241 0 95 115 + 242 0 115 135 + 243 0 135 160 + 244 0 160 185 + 245 0 185 209 + 246 0 209 237 + 247 0 237 261 + 248 0 261 281 + 249 0 281 305 + 250 0 305 330 + 251 0 330 361 + 252 0 361 399 + 253 0 399 439 + 254 0 439 482 + 255 0 482 528 + 256 0 528 572 + 257 0 572 615 + 258 0 615 661 + 259 0 661 708 + 260 0 708 750 +End Conditions + +Begin SubModelPart GENERIC_ControlDown // Group ControlDown // Subtree GENERIC + Begin SubModelPartNodes + 526 + 552 + 561 + 578 + 597 + 611 + 637 + 644 + 673 + 676 + 706 + 716 + 738 + 755 + 772 + 793 + 806 + 829 + 839 + 864 + 869 + 898 + 901 + 929 + 965 + 995 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 166 + 167 + 168 + 169 + 170 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_ControlUp // Group ControlUp // Subtree GENERIC + Begin SubModelPartNodes + 208 + 213 + 215 + 218 + 226 + 232 + 241 + 251 + 260 + 272 + 282 + 299 + 320 + 329 + 331 + 333 + 338 + 343 + 348 + 349 + 358 + 369 + 378 + 381 + 394 + 412 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 161 + 162 + 163 + 164 + 165 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_FixedWalls // Group FixedWalls // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 5 + 6 + 10 + 11 + 17 + 18 + 25 + 26 + 35 + 36 + 47 + 48 + 62 + 63 + 78 + 79 + 95 + 96 + 114 + 115 + 135 + 136 + 159 + 160 + 184 + 185 + 208 + 209 + 237 + 261 + 281 + 305 + 329 + 330 + 360 + 361 + 398 + 399 + 438 + 439 + 481 + 482 + 527 + 528 + 571 + 572 + 614 + 615 + 660 + 661 + 707 + 708 + 750 + 751 + 754 + 758 + 760 + 764 + 769 + 776 + 789 + 799 + 800 + 808 + 823 + 837 + 838 + 847 + 866 + 875 + 879 + 898 + 911 + 952 + 992 + 995 + 1014 + 1034 + 1042 + 1067 + 1075 + 1092 + 1113 + 1114 + 1142 + 1151 + 1169 + 1191 + 1196 + 1220 + 1235 + 1250 + 1273 + 1280 + 1307 + 1312 + 1334 + 1351 + 1363 + 1387 + 1390 + 1419 + 1423 + 1451 + 1465 + 1480 + 1505 + 1511 + 1541 + 1542 + 1571 + 1578 + 1604 + 1614 + 1632 + 1650 + 1664 + 1689 + 1694 + 1724 + 1729 + 1755 + 1765 + 1787 + 1800 + 1817 + 1836 + 1848 + 1872 + 1880 + 1908 + 1911 + 1942 + 1947 + 1975 + 1986 + 2007 + 2022 + 2039 + 2057 + 2071 + 2093 + 2105 + 2130 + 2136 + 2166 + 2169 + 2201 + 2202 + 2235 + 2239 + 2266 + 2276 + 2301 + 2311 + 2333 + 2348 + 2365 + 2386 + 2397 + 2420 + 2431 + 2454 + 2464 + 2490 + 2496 + 2524 + 2529 + 2559 + 2560 + 2592 + 2595 + 2619 + 2624 + 2625 + 2627 + 2629 + 2631 + 2632 + 2636 + 2638 + 2642 + 2643 + 2648 + 2650 + 2651 + 2655 + 2659 + 2662 + 2665 + 2670 + 2671 + 2673 + 2677 + 2681 + 2683 + 2687 + 2688 + 2691 + 2694 + 2697 + 2698 + 2700 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart FluidParts_Volume // Group Volume // Subtree FluidParts + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + 2708 + 2709 + 2710 + 2711 + 2712 + 2713 + 2714 + 2715 + 2716 + 2717 + 2718 + 2719 + 2720 + 2721 + 2722 + 2723 + 2724 + 2725 + 2726 + 2727 + 2728 + 2729 + 2730 + 2731 + 2732 + 2733 + 2734 + 2735 + 2736 + 2737 + 2738 + 2739 + 2740 + 2741 + 2742 + 2743 + 2744 + 2745 + 2746 + 2747 + 2748 + 2749 + 2750 + 2751 + 2752 + 2753 + 2754 + 2755 + 2756 + 2757 + 2758 + 2759 + 2760 + 2761 + 2762 + 2763 + 2764 + 2765 + 2766 + 2767 + 2768 + 2769 + 2770 + 2771 + 2772 + 2773 + 2774 + 2775 + 2776 + 2777 + 2778 + 2779 + 2780 + 2781 + 2782 + 2783 + 2784 + 2785 + 2786 + 2787 + 2788 + 2789 + 2790 + 2791 + 2792 + 2793 + 2794 + 2795 + 2796 + 2797 + 2798 + 2799 + 2800 + 2801 + 2802 + 2803 + 2804 + 2805 + 2806 + 2807 + 2808 + 2809 + 2810 + 2811 + 2812 + 2813 + 2814 + 2815 + 2816 + 2817 + 2818 + 2819 + 2820 + 2821 + 2822 + 2823 + 2824 + 2825 + 2826 + 2827 + 2828 + 2829 + 2830 + 2831 + 2832 + 2833 + 2834 + 2835 + 2836 + 2837 + 2838 + 2839 + 2840 + 2841 + 2842 + 2843 + 2844 + 2845 + 2846 + 2847 + 2848 + 2849 + 2850 + 2851 + 2852 + 2853 + 2854 + 2855 + 2856 + 2857 + 2858 + 2859 + 2860 + 2861 + 2862 + 2863 + 2864 + 2865 + 2866 + 2867 + 2868 + 2869 + 2870 + 2871 + 2872 + 2873 + 2874 + 2875 + 2876 + 2877 + 2878 + 2879 + 2880 + 2881 + 2882 + 2883 + 2884 + 2885 + 2886 + 2887 + 2888 + 2889 + 2890 + 2891 + 2892 + 2893 + 2894 + 2895 + 2896 + 2897 + 2898 + 2899 + 2900 + 2901 + 2902 + 2903 + 2904 + 2905 + 2906 + 2907 + 2908 + 2909 + 2910 + 2911 + 2912 + 2913 + 2914 + 2915 + 2916 + 2917 + 2918 + 2919 + 2920 + 2921 + 2922 + 2923 + 2924 + 2925 + 2926 + 2927 + 2928 + 2929 + 2930 + 2931 + 2932 + 2933 + 2934 + 2935 + 2936 + 2937 + 2938 + 2939 + 2940 + 2941 + 2942 + 2943 + 2944 + 2945 + 2946 + 2947 + 2948 + 2949 + 2950 + 2951 + 2952 + 2953 + 2954 + 2955 + 2956 + 2957 + 2958 + 2959 + 2960 + 2961 + 2962 + 2963 + 2964 + 2965 + 2966 + 2967 + 2968 + 2969 + 2970 + 2971 + 2972 + 2973 + 2974 + 2975 + 2976 + 2977 + 2978 + 2979 + 2980 + 2981 + 2982 + 2983 + 2984 + 2985 + 2986 + 2987 + 2988 + 2989 + 2990 + 2991 + 2992 + 2993 + 2994 + 2995 + 2996 + 2997 + 2998 + 2999 + 3000 + 3001 + 3002 + 3003 + 3004 + 3005 + 3006 + 3007 + 3008 + 3009 + 3010 + 3011 + 3012 + 3013 + 3014 + 3015 + 3016 + 3017 + 3018 + 3019 + 3020 + 3021 + 3022 + 3023 + 3024 + 3025 + 3026 + 3027 + 3028 + 3029 + 3030 + 3031 + 3032 + 3033 + 3034 + 3035 + 3036 + 3037 + 3038 + 3039 + 3040 + 3041 + 3042 + 3043 + 3044 + 3045 + 3046 + 3047 + 3048 + 3049 + 3050 + 3051 + 3052 + 3053 + 3054 + 3055 + 3056 + 3057 + 3058 + 3059 + 3060 + 3061 + 3062 + 3063 + 3064 + 3065 + 3066 + 3067 + 3068 + 3069 + 3070 + 3071 + 3072 + 3073 + 3074 + 3075 + 3076 + 3077 + 3078 + 3079 + 3080 + 3081 + 3082 + 3083 + 3084 + 3085 + 3086 + 3087 + 3088 + 3089 + 3090 + 3091 + 3092 + 3093 + 3094 + 3095 + 3096 + 3097 + 3098 + 3099 + 3100 + 3101 + 3102 + 3103 + 3104 + 3105 + 3106 + 3107 + 3108 + 3109 + 3110 + 3111 + 3112 + 3113 + 3114 + 3115 + 3116 + 3117 + 3118 + 3119 + 3120 + 3121 + 3122 + 3123 + 3124 + 3125 + 3126 + 3127 + 3128 + 3129 + 3130 + 3131 + 3132 + 3133 + 3134 + 3135 + 3136 + 3137 + 3138 + 3139 + 3140 + 3141 + 3142 + 3143 + 3144 + 3145 + 3146 + 3147 + 3148 + 3149 + 3150 + 3151 + 3152 + 3153 + 3154 + 3155 + 3156 + 3157 + 3158 + 3159 + 3160 + 3161 + 3162 + 3163 + 3164 + 3165 + 3166 + 3167 + 3168 + 3169 + 3170 + 3171 + 3172 + 3173 + 3174 + 3175 + 3176 + 3177 + 3178 + 3179 + 3180 + 3181 + 3182 + 3183 + 3184 + 3185 + 3186 + 3187 + 3188 + 3189 + 3190 + 3191 + 3192 + 3193 + 3194 + 3195 + 3196 + 3197 + 3198 + 3199 + 3200 + 3201 + 3202 + 3203 + 3204 + 3205 + 3206 + 3207 + 3208 + 3209 + 3210 + 3211 + 3212 + 3213 + 3214 + 3215 + 3216 + 3217 + 3218 + 3219 + 3220 + 3221 + 3222 + 3223 + 3224 + 3225 + 3226 + 3227 + 3228 + 3229 + 3230 + 3231 + 3232 + 3233 + 3234 + 3235 + 3236 + 3237 + 3238 + 3239 + 3240 + 3241 + 3242 + 3243 + 3244 + 3245 + 3246 + 3247 + 3248 + 3249 + 3250 + 3251 + 3252 + 3253 + 3254 + 3255 + 3256 + 3257 + 3258 + 3259 + 3260 + 3261 + 3262 + 3263 + 3264 + 3265 + 3266 + 3267 + 3268 + 3269 + 3270 + 3271 + 3272 + 3273 + 3274 + 3275 + 3276 + 3277 + 3278 + 3279 + 3280 + 3281 + 3282 + 3283 + 3284 + 3285 + 3286 + 3287 + 3288 + 3289 + 3290 + 3291 + 3292 + 3293 + 3294 + 3295 + 3296 + 3297 + 3298 + 3299 + 3300 + 3301 + 3302 + 3303 + 3304 + 3305 + 3306 + 3307 + 3308 + 3309 + 3310 + 3311 + 3312 + 3313 + 3314 + 3315 + 3316 + 3317 + 3318 + 3319 + 3320 + 3321 + 3322 + 3323 + 3324 + 3325 + 3326 + 3327 + 3328 + 3329 + 3330 + 3331 + 3332 + 3333 + 3334 + 3335 + 3336 + 3337 + 3338 + 3339 + 3340 + 3341 + 3342 + 3343 + 3344 + 3345 + 3346 + 3347 + 3348 + 3349 + 3350 + 3351 + 3352 + 3353 + 3354 + 3355 + 3356 + 3357 + 3358 + 3359 + 3360 + 3361 + 3362 + 3363 + 3364 + 3365 + 3366 + 3367 + 3368 + 3369 + 3370 + 3371 + 3372 + 3373 + 3374 + 3375 + 3376 + 3377 + 3378 + 3379 + 3380 + 3381 + 3382 + 3383 + 3384 + 3385 + 3386 + 3387 + 3388 + 3389 + 3390 + 3391 + 3392 + 3393 + 3394 + 3395 + 3396 + 3397 + 3398 + 3399 + 3400 + 3401 + 3402 + 3403 + 3404 + 3405 + 3406 + 3407 + 3408 + 3409 + 3410 + 3411 + 3412 + 3413 + 3414 + 3415 + 3416 + 3417 + 3418 + 3419 + 3420 + 3421 + 3422 + 3423 + 3424 + 3425 + 3426 + 3427 + 3428 + 3429 + 3430 + 3431 + 3432 + 3433 + 3434 + 3435 + 3436 + 3437 + 3438 + 3439 + 3440 + 3441 + 3442 + 3443 + 3444 + 3445 + 3446 + 3447 + 3448 + 3449 + 3450 + 3451 + 3452 + 3453 + 3454 + 3455 + 3456 + 3457 + 3458 + 3459 + 3460 + 3461 + 3462 + 3463 + 3464 + 3465 + 3466 + 3467 + 3468 + 3469 + 3470 + 3471 + 3472 + 3473 + 3474 + 3475 + 3476 + 3477 + 3478 + 3479 + 3480 + 3481 + 3482 + 3483 + 3484 + 3485 + 3486 + 3487 + 3488 + 3489 + 3490 + 3491 + 3492 + 3493 + 3494 + 3495 + 3496 + 3497 + 3498 + 3499 + 3500 + 3501 + 3502 + 3503 + 3504 + 3505 + 3506 + 3507 + 3508 + 3509 + 3510 + 3511 + 3512 + 3513 + 3514 + 3515 + 3516 + 3517 + 3518 + 3519 + 3520 + 3521 + 3522 + 3523 + 3524 + 3525 + 3526 + 3527 + 3528 + 3529 + 3530 + 3531 + 3532 + 3533 + 3534 + 3535 + 3536 + 3537 + 3538 + 3539 + 3540 + 3541 + 3542 + 3543 + 3544 + 3545 + 3546 + 3547 + 3548 + 3549 + 3550 + 3551 + 3552 + 3553 + 3554 + 3555 + 3556 + 3557 + 3558 + 3559 + 3560 + 3561 + 3562 + 3563 + 3564 + 3565 + 3566 + 3567 + 3568 + 3569 + 3570 + 3571 + 3572 + 3573 + 3574 + 3575 + 3576 + 3577 + 3578 + 3579 + 3580 + 3581 + 3582 + 3583 + 3584 + 3585 + 3586 + 3587 + 3588 + 3589 + 3590 + 3591 + 3592 + 3593 + 3594 + 3595 + 3596 + 3597 + 3598 + 3599 + 3600 + 3601 + 3602 + 3603 + 3604 + 3605 + 3606 + 3607 + 3608 + 3609 + 3610 + 3611 + 3612 + 3613 + 3614 + 3615 + 3616 + 3617 + 3618 + 3619 + 3620 + 3621 + 3622 + 3623 + 3624 + 3625 + 3626 + 3627 + 3628 + 3629 + 3630 + 3631 + 3632 + 3633 + 3634 + 3635 + 3636 + 3637 + 3638 + 3639 + 3640 + 3641 + 3642 + 3643 + 3644 + 3645 + 3646 + 3647 + 3648 + 3649 + 3650 + 3651 + 3652 + 3653 + 3654 + 3655 + 3656 + 3657 + 3658 + 3659 + 3660 + 3661 + 3662 + 3663 + 3664 + 3665 + 3666 + 3667 + 3668 + 3669 + 3670 + 3671 + 3672 + 3673 + 3674 + 3675 + 3676 + 3677 + 3678 + 3679 + 3680 + 3681 + 3682 + 3683 + 3684 + 3685 + 3686 + 3687 + 3688 + 3689 + 3690 + 3691 + 3692 + 3693 + 3694 + 3695 + 3696 + 3697 + 3698 + 3699 + 3700 + 3701 + 3702 + 3703 + 3704 + 3705 + 3706 + 3707 + 3708 + 3709 + 3710 + 3711 + 3712 + 3713 + 3714 + 3715 + 3716 + 3717 + 3718 + 3719 + 3720 + 3721 + 3722 + 3723 + 3724 + 3725 + 3726 + 3727 + 3728 + 3729 + 3730 + 3731 + 3732 + 3733 + 3734 + 3735 + 3736 + 3737 + 3738 + 3739 + 3740 + 3741 + 3742 + 3743 + 3744 + 3745 + 3746 + 3747 + 3748 + 3749 + 3750 + 3751 + 3752 + 3753 + 3754 + 3755 + 3756 + 3757 + 3758 + 3759 + 3760 + 3761 + 3762 + 3763 + 3764 + 3765 + 3766 + 3767 + 3768 + 3769 + 3770 + 3771 + 3772 + 3773 + 3774 + 3775 + 3776 + 3777 + 3778 + 3779 + 3780 + 3781 + 3782 + 3783 + 3784 + 3785 + 3786 + 3787 + 3788 + 3789 + 3790 + 3791 + 3792 + 3793 + 3794 + 3795 + 3796 + 3797 + 3798 + 3799 + 3800 + 3801 + 3802 + 3803 + 3804 + 3805 + 3806 + 3807 + 3808 + 3809 + 3810 + 3811 + 3812 + 3813 + 3814 + 3815 + 3816 + 3817 + 3818 + 3819 + 3820 + 3821 + 3822 + 3823 + 3824 + 3825 + 3826 + 3827 + 3828 + 3829 + 3830 + 3831 + 3832 + 3833 + 3834 + 3835 + 3836 + 3837 + 3838 + 3839 + 3840 + 3841 + 3842 + 3843 + 3844 + 3845 + 3846 + 3847 + 3848 + 3849 + 3850 + 3851 + 3852 + 3853 + 3854 + 3855 + 3856 + 3857 + 3858 + 3859 + 3860 + 3861 + 3862 + 3863 + 3864 + 3865 + 3866 + 3867 + 3868 + 3869 + 3870 + 3871 + 3872 + 3873 + 3874 + 3875 + 3876 + 3877 + 3878 + 3879 + 3880 + 3881 + 3882 + 3883 + 3884 + 3885 + 3886 + 3887 + 3888 + 3889 + 3890 + 3891 + 3892 + 3893 + 3894 + 3895 + 3896 + 3897 + 3898 + 3899 + 3900 + 3901 + 3902 + 3903 + 3904 + 3905 + 3906 + 3907 + 3908 + 3909 + 3910 + 3911 + 3912 + 3913 + 3914 + 3915 + 3916 + 3917 + 3918 + 3919 + 3920 + 3921 + 3922 + 3923 + 3924 + 3925 + 3926 + 3927 + 3928 + 3929 + 3930 + 3931 + 3932 + 3933 + 3934 + 3935 + 3936 + 3937 + 3938 + 3939 + 3940 + 3941 + 3942 + 3943 + 3944 + 3945 + 3946 + 3947 + 3948 + 3949 + 3950 + 3951 + 3952 + 3953 + 3954 + 3955 + 3956 + 3957 + 3958 + 3959 + 3960 + 3961 + 3962 + 3963 + 3964 + 3965 + 3966 + 3967 + 3968 + 3969 + 3970 + 3971 + 3972 + 3973 + 3974 + 3975 + 3976 + 3977 + 3978 + 3979 + 3980 + 3981 + 3982 + 3983 + 3984 + 3985 + 3986 + 3987 + 3988 + 3989 + 3990 + 3991 + 3992 + 3993 + 3994 + 3995 + 3996 + 3997 + 3998 + 3999 + 4000 + 4001 + 4002 + 4003 + 4004 + 4005 + 4006 + 4007 + 4008 + 4009 + 4010 + 4011 + 4012 + 4013 + 4014 + 4015 + 4016 + 4017 + 4018 + 4019 + 4020 + 4021 + 4022 + 4023 + 4024 + 4025 + 4026 + 4027 + 4028 + 4029 + 4030 + 4031 + 4032 + 4033 + 4034 + 4035 + 4036 + 4037 + 4038 + 4039 + 4040 + 4041 + 4042 + 4043 + 4044 + 4045 + 4046 + 4047 + 4048 + 4049 + 4050 + 4051 + 4052 + 4053 + 4054 + 4055 + 4056 + 4057 + 4058 + 4059 + 4060 + 4061 + 4062 + 4063 + 4064 + 4065 + 4066 + 4067 + 4068 + 4069 + 4070 + 4071 + 4072 + 4073 + 4074 + 4075 + 4076 + 4077 + 4078 + 4079 + 4080 + 4081 + 4082 + 4083 + 4084 + 4085 + 4086 + 4087 + 4088 + 4089 + 4090 + 4091 + 4092 + 4093 + 4094 + 4095 + 4096 + 4097 + 4098 + 4099 + 4100 + 4101 + 4102 + 4103 + 4104 + 4105 + 4106 + 4107 + 4108 + 4109 + 4110 + 4111 + 4112 + 4113 + 4114 + 4115 + 4116 + 4117 + 4118 + 4119 + 4120 + 4121 + 4122 + 4123 + 4124 + 4125 + 4126 + 4127 + 4128 + 4129 + 4130 + 4131 + 4132 + 4133 + 4134 + 4135 + 4136 + 4137 + 4138 + 4139 + 4140 + 4141 + 4142 + 4143 + 4144 + 4145 + 4146 + 4147 + 4148 + 4149 + 4150 + 4151 + 4152 + 4153 + 4154 + 4155 + 4156 + 4157 + 4158 + 4159 + 4160 + 4161 + 4162 + 4163 + 4164 + 4165 + 4166 + 4167 + 4168 + 4169 + 4170 + 4171 + 4172 + 4173 + 4174 + 4175 + 4176 + 4177 + 4178 + 4179 + 4180 + 4181 + 4182 + 4183 + 4184 + 4185 + 4186 + 4187 + 4188 + 4189 + 4190 + 4191 + 4192 + 4193 + 4194 + 4195 + 4196 + 4197 + 4198 + 4199 + 4200 + 4201 + 4202 + 4203 + 4204 + 4205 + 4206 + 4207 + 4208 + 4209 + 4210 + 4211 + 4212 + 4213 + 4214 + 4215 + 4216 + 4217 + 4218 + 4219 + 4220 + 4221 + 4222 + 4223 + 4224 + 4225 + 4226 + 4227 + 4228 + 4229 + 4230 + 4231 + 4232 + 4233 + 4234 + 4235 + 4236 + 4237 + 4238 + 4239 + 4240 + 4241 + 4242 + 4243 + 4244 + 4245 + 4246 + 4247 + 4248 + 4249 + 4250 + 4251 + 4252 + 4253 + 4254 + 4255 + 4256 + 4257 + 4258 + 4259 + 4260 + 4261 + 4262 + 4263 + 4264 + 4265 + 4266 + 4267 + 4268 + 4269 + 4270 + 4271 + 4272 + 4273 + 4274 + 4275 + 4276 + 4277 + 4278 + 4279 + 4280 + 4281 + 4282 + 4283 + 4284 + 4285 + 4286 + 4287 + 4288 + 4289 + 4290 + 4291 + 4292 + 4293 + 4294 + 4295 + 4296 + 4297 + 4298 + 4299 + 4300 + 4301 + 4302 + 4303 + 4304 + 4305 + 4306 + 4307 + 4308 + 4309 + 4310 + 4311 + 4312 + 4313 + 4314 + 4315 + 4316 + 4317 + 4318 + 4319 + 4320 + 4321 + 4322 + 4323 + 4324 + 4325 + 4326 + 4327 + 4328 + 4329 + 4330 + 4331 + 4332 + 4333 + 4334 + 4335 + 4336 + 4337 + 4338 + 4339 + 4340 + 4341 + 4342 + 4343 + 4344 + 4345 + 4346 + 4347 + 4348 + 4349 + 4350 + 4351 + 4352 + 4353 + 4354 + 4355 + 4356 + 4357 + 4358 + 4359 + 4360 + 4361 + 4362 + 4363 + 4364 + 4365 + 4366 + 4367 + 4368 + 4369 + 4370 + 4371 + 4372 + 4373 + 4374 + 4375 + 4376 + 4377 + 4378 + 4379 + 4380 + 4381 + 4382 + 4383 + 4384 + 4385 + 4386 + 4387 + 4388 + 4389 + 4390 + 4391 + 4392 + 4393 + 4394 + 4395 + 4396 + 4397 + 4398 + 4399 + 4400 + 4401 + 4402 + 4403 + 4404 + 4405 + 4406 + 4407 + 4408 + 4409 + 4410 + 4411 + 4412 + 4413 + 4414 + 4415 + 4416 + 4417 + 4418 + 4419 + 4420 + 4421 + 4422 + 4423 + 4424 + 4425 + 4426 + 4427 + 4428 + 4429 + 4430 + 4431 + 4432 + 4433 + 4434 + 4435 + 4436 + 4437 + 4438 + 4439 + 4440 + 4441 + 4442 + 4443 + 4444 + 4445 + 4446 + 4447 + 4448 + 4449 + 4450 + 4451 + 4452 + 4453 + 4454 + 4455 + 4456 + 4457 + 4458 + 4459 + 4460 + 4461 + 4462 + 4463 + 4464 + 4465 + 4466 + 4467 + 4468 + 4469 + 4470 + 4471 + 4472 + 4473 + 4474 + 4475 + 4476 + 4477 + 4478 + 4479 + 4480 + 4481 + 4482 + 4483 + 4484 + 4485 + 4486 + 4487 + 4488 + 4489 + 4490 + 4491 + 4492 + 4493 + 4494 + 4495 + 4496 + 4497 + 4498 + 4499 + 4500 + 4501 + 4502 + 4503 + 4504 + 4505 + 4506 + 4507 + 4508 + 4509 + 4510 + 4511 + 4512 + 4513 + 4514 + 4515 + 4516 + 4517 + 4518 + 4519 + 4520 + 4521 + 4522 + 4523 + 4524 + 4525 + 4526 + 4527 + 4528 + 4529 + 4530 + 4531 + 4532 + 4533 + 4534 + 4535 + 4536 + 4537 + 4538 + 4539 + 4540 + 4541 + 4542 + 4543 + 4544 + 4545 + 4546 + 4547 + 4548 + 4549 + 4550 + 4551 + 4552 + 4553 + 4554 + 4555 + 4556 + 4557 + 4558 + 4559 + 4560 + 4561 + 4562 + 4563 + 4564 + 4565 + 4566 + 4567 + 4568 + 4569 + 4570 + 4571 + 4572 + 4573 + 4574 + 4575 + 4576 + 4577 + 4578 + 4579 + 4580 + 4581 + 4582 + 4583 + 4584 + 4585 + 4586 + 4587 + 4588 + 4589 + 4590 + 4591 + 4592 + 4593 + 4594 + 4595 + 4596 + 4597 + 4598 + 4599 + 4600 + 4601 + 4602 + 4603 + 4604 + 4605 + 4606 + 4607 + 4608 + 4609 + 4610 + 4611 + 4612 + 4613 + 4614 + 4615 + 4616 + 4617 + 4618 + 4619 + 4620 + 4621 + 4622 + 4623 + 4624 + 4625 + 4626 + 4627 + 4628 + 4629 + 4630 + 4631 + 4632 + 4633 + 4634 + 4635 + 4636 + 4637 + 4638 + 4639 + 4640 + 4641 + 4642 + 4643 + 4644 + 4645 + 4646 + 4647 + 4648 + 4649 + 4650 + 4651 + 4652 + 4653 + 4654 + 4655 + 4656 + 4657 + 4658 + 4659 + 4660 + 4661 + 4662 + 4663 + 4664 + 4665 + 4666 + 4667 + 4668 + 4669 + 4670 + 4671 + 4672 + 4673 + 4674 + 4675 + 4676 + 4677 + 4678 + 4679 + 4680 + 4681 + 4682 + 4683 + 4684 + 4685 + 4686 + 4687 + 4688 + 4689 + 4690 + 4691 + 4692 + 4693 + 4694 + 4695 + 4696 + 4697 + 4698 + 4699 + 4700 + 4701 + 4702 + 4703 + 4704 + 4705 + 4706 + 4707 + 4708 + 4709 + 4710 + 4711 + 4712 + 4713 + 4714 + 4715 + 4716 + 4717 + 4718 + 4719 + 4720 + 4721 + 4722 + 4723 + 4724 + 4725 + 4726 + 4727 + 4728 + 4729 + 4730 + 4731 + 4732 + 4733 + 4734 + 4735 + 4736 + 4737 + 4738 + 4739 + 4740 + 4741 + 4742 + 4743 + 4744 + 4745 + 4746 + 4747 + 4748 + 4749 + 4750 + 4751 + 4752 + 4753 + 4754 + 4755 + 4756 + 4757 + 4758 + 4759 + 4760 + 4761 + 4762 + 4763 + 4764 + 4765 + 4766 + 4767 + 4768 + 4769 + 4770 + 4771 + 4772 + 4773 + 4774 + 4775 + 4776 + 4777 + 4778 + 4779 + 4780 + 4781 + 4782 + 4783 + 4784 + 4785 + 4786 + 4787 + 4788 + 4789 + 4790 + 4791 + 4792 + 4793 + 4794 + 4795 + 4796 + 4797 + 4798 + 4799 + 4800 + 4801 + 4802 + 4803 + 4804 + 4805 + 4806 + 4807 + 4808 + 4809 + 4810 + 4811 + 4812 + 4813 + 4814 + 4815 + 4816 + 4817 + 4818 + 4819 + 4820 + 4821 + 4822 + 4823 + 4824 + 4825 + 4826 + 4827 + 4828 + 4829 + 4830 + 4831 + 4832 + 4833 + 4834 + 4835 + 4836 + 4837 + 4838 + 4839 + 4840 + 4841 + 4842 + 4843 + 4844 + 4845 + 4846 + 4847 + 4848 + 4849 + 4850 + 4851 + 4852 + 4853 + 4854 + 4855 + 4856 + 4857 + 4858 + 4859 + 4860 + 4861 + 4862 + 4863 + 4864 + 4865 + 4866 + 4867 + 4868 + 4869 + 4870 + 4871 + 4872 + 4873 + 4874 + 4875 + 4876 + 4877 + 4878 + 4879 + 4880 + 4881 + 4882 + 4883 + 4884 + 4885 + 4886 + 4887 + 4888 + 4889 + 4890 + 4891 + 4892 + 4893 + 4894 + 4895 + 4896 + 4897 + 4898 + 4899 + 4900 + 4901 + 4902 + 4903 + 4904 + 4905 + 4906 + 4907 + 4908 + 4909 + 4910 + 4911 + 4912 + 4913 + 4914 + 4915 + 4916 + 4917 + 4918 + 4919 + 4920 + 4921 + 4922 + 4923 + 4924 + 4925 + 4926 + 4927 + 4928 + 4929 + 4930 + 4931 + 4932 + 4933 + 4934 + 4935 + 4936 + 4937 + 4938 + 4939 + 4940 + 4941 + 4942 + 4943 + 4944 + 4945 + 4946 + 4947 + 4948 + 4949 + 4950 + 4951 + 4952 + 4953 + 4954 + 4955 + 4956 + 4957 + 4958 + 4959 + 4960 + 4961 + 4962 + 4963 + 4964 + 4965 + 4966 + 4967 + 4968 + 4969 + 4970 + 4971 + 4972 + 4973 + 4974 + 4975 + 4976 + 4977 + 4978 + 4979 + 4980 + 4981 + 4982 + 4983 + 4984 + 4985 + 4986 + 4987 + 4988 + 4989 + 4990 + 4991 + 4992 + 4993 + 4994 + 4995 + 4996 + 4997 + 4998 + 4999 + 5000 + 5001 + 5002 + 5003 + 5004 + 5005 + 5006 + 5007 + 5008 + 5009 + 5010 + 5011 + 5012 + 5013 + 5014 + 5015 + 5016 + 5017 + 5018 + 5019 + 5020 + 5021 + 5022 + 5023 + 5024 + 5025 + 5026 + 5027 + 5028 + 5029 + 5030 + 5031 + 5032 + 5033 + 5034 + 5035 + 5036 + 5037 + 5038 + 5039 + 5040 + 5041 + 5042 + 5043 + 5044 + 5045 + 5046 + 5047 + 5048 + 5049 + 5050 + 5051 + 5052 + 5053 + 5054 + 5055 + 5056 + 5057 + 5058 + 5059 + 5060 + 5061 + 5062 + 5063 + 5064 + 5065 + 5066 + 5067 + 5068 + 5069 + 5070 + 5071 + 5072 + 5073 + 5074 + 5075 + 5076 + 5077 + 5078 + 5079 + 5080 + 5081 + 5082 + 5083 + 5084 + 5085 + 5086 + 5087 + 5088 + 5089 + 5090 + 5091 + 5092 + 5093 + 5094 + 5095 + 5096 + 5097 + 5098 + 5099 + 5100 + 5101 + 5102 + 5103 + 5104 + 5105 + 5106 + 5107 + 5108 + 5109 + 5110 + 5111 + 5112 + 5113 + 5114 + 5115 + 5116 + 5117 + 5118 + 5119 + 5120 + 5121 + 5122 + 5123 + 5124 + 5125 + 5126 + 5127 + 5128 + 5129 + 5130 + 5131 + 5132 + 5133 + 5134 + 5135 + 5136 + 5137 + 5138 + 5139 + 5140 + 5141 + 5142 + 5143 + 5144 + 5145 + 5146 + 5147 + 5148 + 5149 + 5150 + 5151 + 5152 + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart Outlet2D_Outlet // Group Outlet // Subtree Outlet2D + Begin SubModelPartNodes + 2624 + 2625 + 2627 + 2629 + 2631 + 2632 + 2636 + 2638 + 2642 + 2643 + 2648 + 2650 + 2655 + 2659 + 2662 + 2665 + 2670 + 2673 + 2677 + 2681 + 2683 + 2688 + 2691 + 2694 + 2697 + 2700 + 2702 + 2703 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart NoSlip2D_No_Slip_Auto1 // Group No Slip Auto1 // Subtree NoSlip2D + Begin SubModelPartNodes + 1 + 3 + 6 + 10 + 17 + 25 + 36 + 47 + 63 + 78 + 96 + 114 + 136 + 159 + 184 + 208 + 213 + 215 + 218 + 226 + 232 + 241 + 251 + 260 + 272 + 282 + 299 + 320 + 329 + 331 + 333 + 338 + 343 + 348 + 349 + 358 + 360 + 369 + 378 + 381 + 394 + 398 + 412 + 438 + 481 + 526 + 527 + 552 + 561 + 571 + 578 + 597 + 611 + 614 + 637 + 644 + 660 + 673 + 676 + 706 + 707 + 716 + 738 + 750 + 751 + 754 + 755 + 758 + 760 + 764 + 769 + 772 + 776 + 789 + 793 + 799 + 800 + 806 + 808 + 823 + 829 + 837 + 838 + 839 + 847 + 864 + 866 + 869 + 875 + 879 + 898 + 901 + 911 + 929 + 952 + 965 + 992 + 995 + 1014 + 1034 + 1042 + 1067 + 1075 + 1092 + 1113 + 1114 + 1142 + 1151 + 1169 + 1191 + 1196 + 1220 + 1235 + 1250 + 1273 + 1280 + 1307 + 1312 + 1334 + 1351 + 1363 + 1387 + 1390 + 1419 + 1423 + 1451 + 1465 + 1480 + 1505 + 1511 + 1541 + 1542 + 1571 + 1578 + 1604 + 1614 + 1632 + 1650 + 1664 + 1689 + 1694 + 1724 + 1729 + 1755 + 1765 + 1787 + 1800 + 1817 + 1836 + 1848 + 1872 + 1880 + 1908 + 1911 + 1942 + 1947 + 1975 + 1986 + 2007 + 2022 + 2039 + 2057 + 2071 + 2093 + 2105 + 2130 + 2136 + 2166 + 2169 + 2201 + 2202 + 2235 + 2239 + 2266 + 2276 + 2301 + 2311 + 2333 + 2348 + 2365 + 2386 + 2397 + 2420 + 2431 + 2454 + 2464 + 2490 + 2496 + 2524 + 2529 + 2559 + 2560 + 2592 + 2595 + 2619 + 2624 + 2651 + 2671 + 2687 + 2698 + 2704 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Total // Group Inlet//Total // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 11 + 18 + 26 + 35 + 48 + 62 + 79 + 95 + 115 + 135 + 160 + 185 + 209 + 237 + 261 + 281 + 305 + 330 + 361 + 399 + 439 + 482 + 528 + 572 + 615 + 661 + 708 + 750 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Custom2 // Group Inlet//Custom2 // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 11 + 18 + 26 + 35 + 48 + 62 + 79 + 95 + 115 + 135 + 160 + 185 + 209 + 237 + 261 + 281 + 305 + 330 + 361 + 399 + 439 + 482 + 528 + 572 + 615 + 661 + 708 + 750 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters.json new file mode 100644 index 00000000..52628b5b --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters.json @@ -0,0 +1,163 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data" : { + "problem_name" : "NonlinearInGiD", + "parallel_type" : "OpenMP", + "echo_level" : 0, + "start_time" : 0.0, + "end_time" : 52 + }, + "output_processes" : { + "gid_output" : [{ + "python_module" : "gid_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "GiDOutputProcess", + "help" : "This process writes postprocessing files for GiD", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_name" : "NonlinearInGiD", + "postprocess_parameters" : { + "result_file_configuration" : { + "gidpost_flags" : { + "GiDPostMode" : "GiD_PostBinary", + "WriteDeformedMeshFlag" : "WriteDeformed", + "WriteConditionsFlag" : "WriteConditions", + "MultiFileFlag" : "SingleFile" + }, + "file_label" : "time", + "output_control_type" : "time", + "output_interval" : 0.1, + "body_output" : true, + "node_output" : false, + "skin_output" : false, + "plane_output" : [], + "nodal_results" : ["VELOCITY","PRESSURE","MESH_DISPLACEMENT"], + "gauss_point_results" : [], + "nodal_nonhistorical_results" : [] + }, + "point_data_configuration" : [] + } + } + }], + "vtk_output" : [{ + "python_module" : "vtk_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "VtkOutputProcess", + "help" : "This process writes postprocessing files for Paraview", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_control_type" : "step", + "output_interval" : 50, + "file_format" : "binary", + "output_precision" : 7, + "output_sub_model_parts" : false, + "output_path" : "vtk_output", + "save_output_files_in_folder" : true, + "nodal_solution_step_data_variables" : ["VELOCITY","PRESSURE"], + "nodal_data_value_variables" : [], + "element_data_value_variables" : ["HROM_WEIGHT"], + "condition_data_value_variables" : [], + "gauss_point_variables_extrapolated_to_nodes" : [] + } + }] + }, + "solver_settings" : { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings" : { + "solver_type" : "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name" : "FluidModelPart", + "domain_size" : 2, + "solver_type" : "Monolithic", + "model_import_settings" : { + "input_type" : "mdpa", + "input_filename" : "NonlinearInGiD" + }, + "material_import_settings" : { + "materials_filename" : "FluidMaterials.json" + }, + "echo_level" : 0, + "compute_reactions" : false, + "maximum_iterations" : 10, + "relative_velocity_tolerance" : 0.001, + "absolute_velocity_tolerance" : 1e-5, + "relative_pressure_tolerance" : 0.001, + "absolute_pressure_tolerance" : 1e-5, + "volume_model_part_name" : "FluidParts_Volume", + "skin_parts" : ["Outlet2D_Outlet","NoSlip2D_No_Slip_Auto1"], + "no_skin_parts" : ["VelocityConstraints2D_Inlet-Total","VelocityConstraints2D_Inlet-Custom2"], + "time_scheme" : "bossak", + "time_stepping" : { + "automatic_time_step" : false, + "time_step" : 0.05 + }, + "formulation" : { + "element_type" : "qsvms", + "use_orthogonal_subscales" : false, + "dynamic_tau" : 1.0 + }, + "reform_dofs_at_each_step" : false + } + + }, + "processes" :{ + "initial_conditions_process_list" : [], + "boundary_conditions_process_list" : [{ + "python_module" : "apply_outlet_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyOutletProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.Outlet2D_Outlet", + "variable_name" : "PRESSURE", + "constrained" : true, + "value" : 0.0, + "hydrostatic_outlet" : false, + "h_top" : 0.0 + } + },{ + "python_module" : "apply_noslip_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyNoSlipProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.NoSlip2D_No_Slip_Auto1" + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,1.0], + "constrained" : [true,true,true], + "value" : ["y*(3-y)*sin(pi*t*0.5)",0.0,0.0] + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Custom2", + "variable_name" : "VELOCITY", + "interval" : [1.0,"End"], + "constrained" : [true,true,true], + "value" : ["y*(3-y)",0.0,0.0] + } + }], + "gravity" : [{ + "python_module" : "assign_vector_by_direction_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorByDirectionProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "variable_name" : "BODY_FORCE", + "modulus" : 0.0, + "constrained" : false, + "direction" : [0.0,-1.0,0.0] + } + }], + "auxiliar_process_list" : [] + } +} diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters_modified.json b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters_modified.json new file mode 100644 index 00000000..dcb01c06 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ProjectParameters_modified.json @@ -0,0 +1,214 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data": { + "problem_name": "NonlinearInGiD", + "parallel_type": "OpenMP", + "echo_level": 0, + "start_time": 0.0, + "end_time": 52 + }, + "output_processes": { + "gid_output": [ + { + "python_module": "gid_output_process", + "kratos_module": "KratosMultiphysics", + "process_name": "GiDOutputProcess", + "help": "This process writes postprocessing files for GiD", + "Parameters": { + "model_part_name": "FluidModelPart.fluid_computational_model_part", + "output_name": "/gpfs/projects/bsc44/bsc44011/KratosSimulations/FinalNarrowing/example_3/FFD_plus_RBF/Results/HROM_test_1e-06_1e-06", + "postprocess_parameters": { + "result_file_configuration": { + "gidpost_flags": { + "GiDPostMode": "GiD_PostBinary", + "WriteDeformedMeshFlag": "WriteDeformed", + "WriteConditionsFlag": "WriteConditions", + "MultiFileFlag": "SingleFile" + }, + "file_label": "time", + "output_control_type": "time", + "output_interval": 0.1, + "body_output": true, + "node_output": false, + "skin_output": false, + "plane_output": [], + "nodal_results": [ + "VELOCITY", + "PRESSURE", + "MESH_DISPLACEMENT" + ], + "gauss_point_results": [], + "nodal_nonhistorical_results": [] + }, + "point_data_configuration": [] + } + } + } + ], + "vtk_output": [ + { + "python_module": "vtk_output_process", + "kratos_module": "KratosMultiphysics", + "process_name": "VtkOutputProcess", + "help": "This process writes postprocessing files for Paraview", + "Parameters": { + "model_part_name": "FluidModelPart.fluid_computational_model_part", + "output_control_type": "step", + "output_interval": 50, + "file_format": "binary", + "output_precision": 7, + "output_sub_model_parts": false, + "output_path": "vtk_output", + "save_output_files_in_folder": true, + "nodal_solution_step_data_variables": [ + "VELOCITY", + "PRESSURE" + ], + "nodal_data_value_variables": [], + "element_data_value_variables": [ + "HROM_WEIGHT" + ], + "condition_data_value_variables": [], + "gauss_point_variables_extrapolated_to_nodes": [] + } + } + ] + }, + "solver_settings": { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings": { + "solver_type": "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name": "FluidModelPart", + "domain_size": 2, + "solver_type": "Monolithic", + "model_import_settings": { + "input_type": "mdpa", + "input_filename": "/gpfs/projects/bsc44/bsc44011/KratosSimulations/FinalNarrowing/example_3/FFD_plus_RBF/ProblemFiles/NonlinearInGiD" + }, + "material_import_settings": { + "materials_filename": "/gpfs/projects/bsc44/bsc44011/KratosSimulations/FinalNarrowing/example_3/FFD_plus_RBF/ProblemFiles/FluidMaterials.json" + }, + "echo_level": 0, + "compute_reactions": false, + "maximum_iterations": 10, + "relative_velocity_tolerance": 0.001, + "absolute_velocity_tolerance": 1e-05, + "relative_pressure_tolerance": 0.001, + "absolute_pressure_tolerance": 1e-05, + "volume_model_part_name": "FluidParts_Volume", + "skin_parts": [ + "Outlet2D_Outlet", + "NoSlip2D_No_Slip_Auto1" + ], + "no_skin_parts": [ + "VelocityConstraints2D_Inlet-Total", + "VelocityConstraints2D_Inlet-Custom2" + ], + "time_scheme": "bossak", + "time_stepping": { + "automatic_time_step": false, + "time_step": 0.05 + }, + "formulation": { + "element_type": "qsvms", + "use_orthogonal_subscales": false, + "dynamic_tau": 1.0 + }, + "reform_dofs_at_each_step": false + } + }, + "processes": { + "initial_conditions_process_list": [], + "boundary_conditions_process_list": [ + { + "python_module": "apply_outlet_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyOutletProcess", + "Parameters": { + "model_part_name": "FluidModelPart.Outlet2D_Outlet", + "variable_name": "PRESSURE", + "constrained": true, + "value": 0.0, + "hydrostatic_outlet": false, + "h_top": 0.0 + } + }, + { + "python_module": "apply_noslip_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyNoSlipProcess", + "Parameters": { + "model_part_name": "FluidModelPart.NoSlip2D_No_Slip_Auto1" + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name": "VELOCITY", + "interval": [ + 0.0, + 1.0 + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)*sin(pi*t*0.5)", + 0.0, + 0.0 + ] + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Custom2", + "variable_name": "VELOCITY", + "interval": [ + 1.0, + "End" + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)", + 0.0, + 0.0 + ] + } + } + ], + "gravity": [ + { + "python_module": "assign_vector_by_direction_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorByDirectionProcess", + "Parameters": { + "model_part_name": "FluidModelPart.FluidParts_Volume", + "variable_name": "BODY_FORCE", + "modulus": 0.0, + "constrained": false, + "direction": [ + 0.0, + -1.0, + 0.0 + ] + } + } + ], + "auxiliar_process_list": [] + } +} \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ROM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ROM_TestTrajectory.py new file mode 100644 index 00000000..8db31aa8 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/ROM_TestTrajectory.py @@ -0,0 +1,144 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + +import numpy as np + + +#importing PyGeM tools +from pygem import FFD, RBF + +import os + + + +#importing testing trajectory +from simulation_trajectories import second_testing_trajectory + + + + + + + +class ROM_Class_test(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + self.deformation_multiplier = 11 + + + def UpdateDeformationMultiplier(self): + self.deformation_multiplier = second_testing_trajectory( self.time ) + + + def InitializeSolutionStep(self): + super(ROM_Class, self).InitializeSolutionStep() + + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + + + +def prepare_files(working_path, svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_test_{svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(svd_truncation_tolerance): + + + if not os.path.exists(f'./Results/ROM_test_{svd_truncation_tolerance}.post.bin'): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class_test(global_model, parameters) + simulation.Run() + + + np.save(f'Results/ROM_snapshots_test_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_test_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_ROM_test_{svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_ROM_test_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path, svd_truncation_tolerance) + + + ROM(svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_HROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_HROM.py new file mode 100644 index 00000000..28bc60c8 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_HROM.py @@ -0,0 +1,102 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + +import KratosMultiphysics.RomApplication as romapp +import json + + +import os +import numpy as np + + + +class HROMClass(ROM_Class): + + def __init__(self, model, project_parameters, correct_cluster, svd_truncation_tolerance, residuals_svd_truncation_tolerance,hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, correct_cluster, hard_impose_correct_cluster, bases, hrom) + self.svd_truncation_tolerance = svd_truncation_tolerance + self.residuals_svd_truncation_tolerance = residuals_svd_truncation_tolerance + + + def ModifyInitialGeometry(self): + """Here is the place where the HROM_WEIGHTS are assigned to the selected elements and conditions""" + super().ModifyInitialGeometry() + computing_model_part = self._solver.GetComputingModelPart() + OriginalNumberOfElements = 5152 + WeightsMatrix = np.load(f'HROM/WeightsMatrix_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + ElementsVector = np.load(f'HROM/Elementsvector_{self.svd_truncation_tolerance}_{self.residuals_svd_truncation_tolerance}.npy') + + for i in range(WeightsMatrix.shape[0]): + if ElementsVector[i] < OriginalNumberOfElements: + computing_model_part.GetElement(int( ElementsVector[i])+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + else: + computing_model_part.GetCondition(int( ElementsVector[i] - OriginalNumberOfElements)+1).SetValue(romapp.HROM_WEIGHT, WeightsMatrix[i,0] ) + + + +def HROM(residuals_svd_truncation_tolerance=1e-4, svd_truncation_tolerance=1e-4): + + + + if not os.path.exists(f'./Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.post.bin'): + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = HROMClass(global_model, parameters, correct_clusters, svd_truncation_tolerance, residuals_svd_truncation_tolerance, hard_impose_correct_cluster = False, bases=None, hrom=None ) + simulation.Run() + np.save(f'Results/HROM_snapshots_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom, w_rom, deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy', deformation_multiplier) + + + + +def prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/HROM_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + residuals_svd_truncation_tolerance=float(argv[7]) + + prepare_files(working_path,svd_truncation_tolerance,residuals_svd_truncation_tolerance) + + HROM(residuals_svd_truncation_tolerance=residuals_svd_truncation_tolerance, svd_truncation_tolerance=svd_truncation_tolerance) + + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_ROM.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_ROM.py new file mode 100644 index 00000000..15caa56a --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/Run_ROM.py @@ -0,0 +1,355 @@ +import KratosMultiphysics +from KratosMultiphysics.RomApplication.fluid_dynamics_analysis_rom import FluidDynamicsAnalysisROM + +import os.path + + +import KratosMultiphysics.RomApplication as romapp +import json + +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition + +import numpy as np + +#importing training trajectory +from simulation_trajectories import training_trajectory + +#importing the nonlinear mapping +from nonlinear_mapping import set_up_phi, phi + +#importing PyGeM tools +from pygem import FFD, RBF + + +class ROM_Class(FluidDynamicsAnalysisROM): + + def __init__(self, model, project_parameters, correct_cluster = None, hard_impose_correct_cluster = False, bases=None, hrom=None): + super().__init__(model, project_parameters, hrom) + time_step_size = self.project_parameters["solver_settings"]["fluid_solver_settings"]["time_stepping"]["time_step"].GetDouble() + self.delta_deformation = time_step_size # this ensures to obtain the same deformation independently of the time step used + self.control_point = 854 #a node around the middle of the geometry to capture the bufurcation + self.maximum = 11 + self.minimum = 0 + ### ### ### + self.node_up = 412 #nodes to obtain the narrowing width + self.node_down = 673 + ### ### ### + self.deformation_multiplier_list = [] + self.time_step_solution_container = [] + self.velocity_y_at_control_point = [] + self.narrowing_width = [] + self.matrix_of_free_coordinates = None + self.deformation_multiplier = 11 + + + def MoveInnerNodesWithRBF(self): + # first loop, ONLY ENTERED ONCE + if self.matrix_of_free_coordinates is None: + x_original = [] + y_original = [] + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_original.append(node.X0) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_original.append(node.Y0) + x_original = np.array(x_original).reshape(-1,1) + y_original = np.array(y_original).reshape(-1,1) + self.matrix_of_free_coordinates = np.c_[x_original, y_original, np.ones((y_original.shape[0],1))] + self.matrix_of_modified_coordinates = self.rbf(self.matrix_of_free_coordinates) + + # second loop + i = 0 + for node in self.model.GetModelPart("FluidModelPart").Nodes: + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_X): + x_disp = self.matrix_of_modified_coordinates[i,0] - node.X0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + if not node.IsFixed(KratosMultiphysics.MESH_DISPLACEMENT_Y): + y_disp = self.matrix_of_modified_coordinates[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + def StoreBifurcationData(self): + node = self.model.GetModelPart("FluidModelPart").GetNode(self.control_point) + self.velocity_y_at_control_point.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y)) + self.deformation_multiplier_list.append(self.deformation_multiplier) + node_up = self.model.GetModelPart("FluidModelPart").GetNode(self.node_up) + node_down = self.model.GetModelPart("FluidModelPart").GetNode(self.node_down) + self.narrowing_width.append(node_up.Y - node_down.Y) + + + + + def ModifyInitialGeometry(self): + super().ModifyInitialGeometry() + self.IdentifyNodes() + self.SetUpFreeFormDeformation() + + + + def IdentifyNodes(self): + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + fixed_walls= self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls") + + number_of_nodes_walls = fixed_walls.NumberOfNodes() + number_of_nodes_down = control_down.NumberOfNodes() + number_of_nodes_up = control_down.NumberOfNodes() + + #get matrix of original coordinates + walls_coordinates = np.ones((int(number_of_nodes_walls),3)) + up_coordinates = np.ones((int(number_of_nodes_up),3)) + down_coordinates = np.ones((int(number_of_nodes_down),3)) + + counter = 0 + for node in control_down.Nodes: + down_coordinates[counter, 0] = node.X0 + down_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in control_up.Nodes: + up_coordinates[counter, 0] = node.X0 + up_coordinates[counter, 1] = node.Y0 + counter+=1 + + counter = 0 + for node in fixed_walls.Nodes: + walls_coordinates[counter, 0] = node.X0 + walls_coordinates[counter, 1] = node.Y0 + counter+=1 + + self.walls = walls_coordinates + + self.up = up_coordinates + at_3_y = np.where(self.up[:,1] == 3) + self.up = np.delete(self.up,at_3_y, 0) + + self.down = down_coordinates + at_0_y = np.where(self.down[:,1] == 0) + self.down = np.delete(self.down,at_0_y, 0) + + self.fixed_coordinates = np.r_[walls_coordinates, self.down, self.up] + + def SetUpFreeFormDeformation(self): + # #creating a free form deformation object for each control domain + self.ffd_up, self.ffd_down = set_up_phi() + + + def MoveControlPoints(self, scale_of_deformation=1): + + moved_up, moved_down, _, _ = phi(self.up,self.down,self.ffd_down,self.ffd_up, + self.deformation_multiplier,scale_of_deformation) + + + #Moving lower part + control_down = self.model.GetModelPart("FluidModelPart.GENERIC_ControlDown") + i=0 + for node in control_down.Nodes: + if node.Y0 != 0: + x_disp = moved_down[i,0] - node.X0 + y_disp = moved_down[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + #moving upper part + control_up = self.model.GetModelPart("FluidModelPart.GENERIC_ControlUp") + i=0 + for node in control_up.Nodes: + if node.Y0 != 3: + x_disp = moved_up[i,0] - node.X0 + y_disp = moved_up[i,1] - node.Y0 + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, x_disp ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, y_disp ) + node.X = node.X0 + x_disp + node.Y = node.Y0 + y_disp + i +=1 + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.moved_coordinates = np.r_[self.walls, moved_down, moved_up] + + + def UpdateRBF(self): + self.rbf = RBF(original_control_points = self.fixed_coordinates, deformed_control_points = + self.moved_coordinates, radius=0.75) + + + def LockOuterWalls(self): + for node in self.model.GetModelPart("FluidModelPart.GENERIC_FixedWalls").Nodes: + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_X,0, 0 ) + node.SetSolutionStepValue(KratosMultiphysics.MESH_DISPLACEMENT_Y,0, 0) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Fix(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + + + + def UpdateDeformationMultiplier(self): + self.deformation_multiplier = training_trajectory( self.time, self.deformation_multiplier, self.delta_deformation, self.maximum, self.minimum) + + + + + def InitializeSolutionStep(self): + super().InitializeSolutionStep() + #free all nodes + for node in self.model.GetModelPart("FluidModelPart").Nodes: + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_X) + node.Free(KratosMultiphysics.MESH_DISPLACEMENT_Y) + + self.UpdateDeformationMultiplier() + self.MoveControlPoints() + self.LockOuterWalls() + + + + + + + def FinalizeSolutionStep(self): + super().FinalizeSolutionStep() + self.StoreBifurcationData() + + ArrayOfResults = [] + for node in self._GetSolver().fluid_solver.GetComputingModelPart().Nodes: + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_X, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.VELOCITY_Y, 0)) + ArrayOfResults.append(node.GetSolutionStepValue(KratosMultiphysics.PRESSURE, 0)) + self.time_step_solution_container.append(ArrayOfResults) + + + + + def GetBifuracationData(self): + return self.velocity_y_at_control_point , self.narrowing_width, self.deformation_multiplier_list + + + + + def GetSnapshotsMatrix(self): + SnapshotMatrix = np.zeros((len(self.time_step_solution_container[0]), len(self.time_step_solution_container))) + for i in range(len(self.time_step_solution_container)): + Snapshot_i= np.array(self.time_step_solution_container[i]) + SnapshotMatrix[:,i] = Snapshot_i.transpose() + return SnapshotMatrix + + + + + + + + +def prepare_files(working_path, svd_truncation_tolerance): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] = working_path +f'/Results/ROM_{svd_truncation_tolerance}' + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + +def ROM(svd_truncation_tolerance): + + if not os.path.exists(f'./Results/ROM_{svd_truncation_tolerance}.post.bin'): + + basis = f'ROM/{svd_truncation_tolerance}.npy' + + if os.path.exists(basis): + u = np.load(basis) + else: + if not os.path.exists(f'./ROM/'): + os.mkdir(f'./ROM/') + u,s,_,_ = RandomizedSingularValueDecomposition().Calculate(np.load(f'Results/SnapshotMatrix.npy'), svd_truncation_tolerance) + np.save(basis,u) + + ### Saving the nodal basis ### (Need to make this more robust, hard coded here) + basis_POD={"rom_settings":{},"nodal_modes":{}} + basis_POD["rom_settings"]["nodal_unknowns"] = ["VELOCITY_X","VELOCITY_Y","PRESSURE"] + basis_POD["rom_settings"]["number_of_rom_dofs"] = np.shape(u)[1] + Dimensions = len(basis_POD["rom_settings"]["nodal_unknowns"]) + N_nodes=np.shape(u)[0]/Dimensions + N_nodes = int(N_nodes) + node_Id=np.linspace(1,N_nodes,N_nodes) + i = 0 + for j in range (0,N_nodes): + basis_POD["nodal_modes"][int(node_Id[j])] = (u[i:i+Dimensions].tolist()) + i=i+Dimensions + + with open('ProblemFiles/RomParameters.json', 'w') as f: + json.dump(basis_POD,f, indent=2) + + print('\n\nNodal basis printed in json format\n\n') + + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + #loading the bases + bases = [] + bases = None + simulation = ROM_Class(global_model, parameters) + simulation.Run() + + np.save(f'Results/ROM_snapshots_{svd_truncation_tolerance}.npy',simulation.GetSnapshotsMatrix()) + + vy_rom,w_rom,deformation_multiplier = simulation.GetBifuracationData() + + np.save(f'Results/y_velocity_ROM_{svd_truncation_tolerance}.npy', vy_rom) + np.save(f'Results/narrowing_ROM_{svd_truncation_tolerance}.npy', w_rom) + np.save(f'Results/deformation_multiplier_{svd_truncation_tolerance}.npy', deformation_multiplier) + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= 1 + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + prepare_files(working_path, svd_truncation_tolerance) + + ROM(svd_truncation_tolerance) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step1.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step1.py new file mode 100644 index 00000000..3fe72a60 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step1.py @@ -0,0 +1,104 @@ +import KratosMultiphysics +from Run_ROM import ROM_Class + + +import KratosMultiphysics.RomApplication as romapp +import json +import numpy as np + + + + +import os.path + + +class TrainHROMClass(ROM_Class): + + def __init__(self, model, project_parameters,svd_truncation_tolerance): + super().__init__(model, project_parameters, hrom="EmpiricalCubature") + self.svd_truncation_tolerance = svd_truncation_tolerance + + + + + + + +def Train_HROM(svd_truncation_tolerance): + + projected_residuals = f'HROM/Sr_{svd_truncation_tolerance}.npy' + + + if not os.path.exists(projected_residuals): + with open("ProblemFiles/ProjectParameters_modified.json", 'r') as parameter_file: + parameters = KratosMultiphysics.Parameters(parameter_file.read()) + global_model = KratosMultiphysics.Model() + correct_clusters = None + + + #loading the bases + bases = [] + bases = None + simulation = TrainHROMClass(global_model, parameters, svd_truncation_tolerance) + simulation.Run() + + + + + + + + + +def prepare_files(working_path): + """pre-pending the absolut path of the files in the Project Parameters""" + with open(working_path+'/ProblemFiles/ProjectParameters.json','r') as f: + updated_project_parameters = json.load(f) + file_input_name = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] + materials_filename = updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] + gid_output_name = updated_project_parameters["output_processes"]["gid_output"][0]["Parameters"]["output_name"] + + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["model_import_settings"]["input_filename"] = working_path + '/ProblemFiles/'+ file_input_name + updated_project_parameters["solver_settings"]["fluid_solver_settings"]["material_import_settings"]["materials_filename"] = working_path +'/ProblemFiles/'+ materials_filename + updated_project_parameters["output_processes"]["gid_output"] = [] + + with open(working_path+'/ProblemFiles/ProjectParameters_modified.json','w') as f: + json.dump(updated_project_parameters, f, indent = 4) + + + + + + + + + + + + + + + + + +if __name__=="__main__": + + #library for passing arguments to the script from bash + from sys import argv + + Launch_Simulation = bool(int(argv[1])) + Number_Of_Clusters= int(argv[2]) + svd_truncation_tolerance= float(argv[3]) + clustering= argv[4] + overlapping = int(argv[5]) + working_path = argv[6] + + + prepare_files(working_path) + + Train_HROM(svd_truncation_tolerance) + + # np.save(f'Results/y_velocity_{Number_Of_Clusters}_clusters.npy', vy_rom) + # np.save(f'Results/narrowing_{Number_Of_Clusters}_clusters.npy', w_rom) + + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step2.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step2.py new file mode 100644 index 00000000..ac50c49c --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/TrainHROM_Step2.py @@ -0,0 +1,155 @@ +import numpy as np +from KratosMultiphysics.RomApplication.empirical_cubature_method import EmpiricalCubatureMethod +from KratosMultiphysics.RomApplication.randomized_singular_value_decomposition import RandomizedSingularValueDecomposition +from matplotlib import pyplot as plt + +import os.path +import os + + + + +def select_elements(svd_truncation_tolerance, residuals_svd_truncation_tolerance): + + weights = f'HROM/WeightsMatrix_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + elements = f'HROM/Elementsvector_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy' + + if not os.path.exists(weights) and not os.path.exists(elements): + #u,_,_,_ = RandomizedSingularValueDecomposition(RELATIVE_SVD=True).Calculate( np.load(f'HROM/Sr.npy'), tol) # HEAVY!!! + u = np.load(f'HROM/basis_{svd_truncation_tolerance}_{residuals_svd_truncation_tolerance}.npy') + + hyper_reduction_element_selector = EmpiricalCubatureMethod() + hyper_reduction_element_selector.SetUp(u) #add again z + hyper_reduction_element_selector.Initialize() + hyper_reduction_element_selector.Calculate() + + + w = np.squeeze(hyper_reduction_element_selector.w) + z = np.squeeze(hyper_reduction_element_selector.z) + + WeightsMatrix = w.reshape(np.size(z),1) + + np.save(weights, WeightsMatrix ) + np.save(elements, z) + + + +def split_matrix_in_columns(svd_truncation_tolerance): + + array_name = f'HROM/Sr_{svd_truncation_tolerance}' + + if not os.path.exists(array_name + '/column_block1.npy'): + + #load array + array = np.load(array_name+'.npy') + + + # Create a folder with the given name + if not os.path.exists(array_name): + os.makedirs(array_name) + + # Create the spliting of the matrix inside the folder + if not os.path.exists(array_name + '/column_block1.npy'): + n_rows, n_cols = array.shape + block_size = n_rows + + start_col = 0 + block_number = 1 + + while start_col < n_cols: + end_col = min(start_col + block_size, n_cols) + + # Check if the remaining columns are too few; if so, merge with the previous block + if n_cols - end_col < block_size / 2 and start_col != 0: + end_col = n_cols + + # Slice the array and save + block = array[:, start_col:end_col] + np.save(os.path.join(array_name, f'column_block{block_number}.npy'), block) + + start_col = end_col + block_number += 1 + + os.remove(array_name+'.npy') + + +def get_global_basis(svd_truncation_tolerance): + + if not os.path.exists(f'HROM/global_basis_{svd_truncation_tolerance}.npy'): + + array_name = f'HROM/Sr_{svd_truncation_tolerance}' + + # List all .npy files in the folder + files = [f for f in os.listdir(array_name) if f.endswith('.npy')] + + u = None + + for file in files: + file_path = os.path.join(array_name, file) + + # Load the file + data = np.load(file_path) + + if u is None: + u, s ,_ = np.linalg.svd(data, full_matrices=False) + else: + print('updating basis') + u2, s2, _ = np.linalg.svd(data, full_matrices=False) + u, s, _ = np.linalg.svd(np.c_[u*s, u2*s2], full_matrices=False) + + #store global basis and global singular values + np.save(f'HROM/global_basis_{svd_truncation_tolerance}.npy',u) + np.save(f'HROM/global_singular_values_{svd_truncation_tolerance}.npy',s) + + + +def truncated_svd(u,s,epsilon=0): + tol = np.finfo(float).eps*max(s)/2 + R = np.sum(s > tol) # Definition of numerical rank + if epsilon == 0: + K = R + else: + SingVsq = np.multiply(s,s) + SingVsq.sort() + normEf2 = np.sqrt(np.cumsum(SingVsq)) + epsilon = epsilon*normEf2[-1] #relative tolerance + T = (sum(normEf2 total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #get list containing snapshots to add to each overlapped cluster + if overlaping_snapshots is not 0: + snapshots_to_add = {} + for i in range(time_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == time_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(time_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + + +def ismember(A, B): + if isinstance(A, np.int_): + return [ np.sum(A == B) ] + else: + return [ np.sum(a == B) for a in A ] + +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + kmeans = KMeans(n_clusters=narrowing_clusters, random_state=0).fit(narrowing.reshape(-1,1)) + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(narrowing_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + correct_cluster = kmeans.labels_ + centroids = kmeans.cluster_centers_ + + if narrowing_clusters>1: + #try and use as is solution manifold neighbor identification + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + narrowing = narrowing.reshape(1,-1) + for i in range(np.shape(narrowing)[1]): + this_matrix = (kmeans.cluster_centers_).T - narrowing[:,i].reshape(np.shape(narrowing)[0], 1) + distance = np.zeros((narrowing_clusters)) + for j in range(narrowing_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + #get list containing snapshots to add to each overlapped cluster + if True: + #if overlaping_snapshots is not 0: + + snapshots_to_add = [] + for j in range(narrowing_clusters): + N_neighbors = len(neighbors[j]) + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + ith_narrowing_cluster = narrowing[:,kmeans.labels_==neighbors[j][i]] + this_matrix = ith_narrowing_cluster - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(narrowing)[0], 1) + distance = np.linalg.norm(this_matrix, axis = 0) + #distance = np.zeros(np.shape(ith_narrowing_cluster[1])) + #for k in range(len(distance)): + # distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + + return sub_snapshots, correct_cluster + + +def solution_manifold_clustering(): + pass + + + +if __name__=='__main__': + #S = np.load('SnapshotMatrix.npy') + #narrowing = np.load('narrowing.npy') + narrowing = np.linspace(0,1,12) + S = np.array([[1,2,3,4,5,6,7,8,9,10,11,12],[1,2,3,4,5,6,7,8,9,10,11,12]]) + #a = narrowing.reshape(1,-1) + #S = np.r_[a, a , a, a] + sub_snapshots, correct_cluster = time_clustering(S, 3,0) + #sub_snapshots, correct_cluster = narrowing_clustering(S, narrowing, 3, 2) + #sub_snapshots, correct_cluster = solution_manifold_clustering(S) + #sub_snapshots, correct_cluster = time_clustering(S) + kkk = 5 + + # + + +""" + +def solution_manifold_clustering(S, solution_manifold_clusters = 3, overlaping_snapshots = 1 ): + #S = np.load('SnapshotMatrix.npy') + kmeans = KMeans(n_clusters = solution_manifold_clusters, random_state=0).fit(S.T) + correct_cluster = kmeans.labels_ + + #split snapshots into sub-sets + sub_snapshots={} + neighbors={} + for i in range(solution_manifold_clusters): + sub_snapshots[i] = S[:,kmeans.labels_==i] + neighbors[i] = [] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns before overlapping') + + #identify the two nearest cluster centroids to state i and mark these clusters as neighbors + for i in range(np.shape(S)[1]): + this_matrix = (kmeans.cluster_centers_).T - S[:,i].reshape(np.shape(S)[0], 1) + distance = np.zeros((solution_manifold_clusters)) + for j in range(solution_manifold_clusters): + distance[j] = np.linalg.norm(this_matrix[:,j]) + second_nearest_idx = np.argsort(distance)[1] + if not(sum(ismember(neighbors[kmeans.labels_[i]],second_nearest_idx))): + neighbors[kmeans.labels_[i]].append(second_nearest_idx) + + snapshots_to_add = [] + + for j in range(solution_manifold_clusters): + N_snaps = np.shape(sub_snapshots[j])[1] + N_neighbors = len(neighbors[j]) + + N_add = overlaping_snapshots #number of snapshots to add to subset i (on each direction) + for i in range(N_neighbors): + print('adding neighbors from ', neighbors[j][i], 'to cluster ', j ) + this_matrix = sub_snapshots[neighbors[j][i]] - ((kmeans.cluster_centers_[j]).T).reshape(np.shape(S)[0], 1) + distance = np.zeros(np.shape(sub_snapshots[neighbors[j][i]][1])) + for k in range(len(distance)): + distance[k] = np.linalg.norm(this_matrix[:,k]) + indices_to_add = np.argsort(distance) + if i==0: + snapshots_to_add.append(sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]]) + else: + snapshots_to_add[j] = np.c_[ snapshots_to_add[j] , sub_snapshots[neighbors[j][i]][:,indices_to_add[:N_add]] ] + + for j in range(solution_manifold_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + + +""" +This is wrong, but save for now as reference +def narrowing_clustering(S, narrowing, narrowing_clusters = 3, overlaping_snapshots = 1 ): + # wrong implementation :( + # MINE (no k-means) + #S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + #narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + correct_cluster = np.empty(narrowing.shape) + for i in range(narrowing_clusters): + # In this implementation, I just shuffle (order) the snapshots to match the narrowing width. No time-relation whatsoever + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + correct_cluster[intersection] = i + ith_narrowing = narrowing[intersection] + ith_indexes_ordered = np.argsort(ith_narrowing) + sub_snapshots[i] = S[:,ith_indexes_ordered] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + # storing centroids + if i==0: + centroids = np.sum(ith_narrowing)/(ith_narrowing.shape[0]) + else: + centroids = np.c_[centroids, np.sum(ith_narrowing)/(ith_narrowing.shape[0])] + np.save('cluster_centroid.npy', centroids) + #overlapping after correct cluster definition + + #get list containing snapshots to add to each overlapped cluster + snapshots_to_add = {} + for i in range(narrowing_clusters): + if i == 0: + snapshots_to_add[0] = sub_snapshots[1][:,:overlaping_snapshots] + elif i == narrowing_clusters-1: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + else: + snapshots_to_add[i] = sub_snapshots[i-1][:, -overlaping_snapshots:] + snapshots_to_add[i] = np.c_[snapshots_to_add[i], sub_snapshots[i+1][:, :overlaping_snapshots] ] + + #actually enlarging sub_snapshots + for j in range(narrowing_clusters): + sub_snapshots[j] = np.c_[sub_snapshots[j], snapshots_to_add[j]] + print(f'{j}\'th sub-snapshot contains',(np.shape(sub_snapshots[j])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster + +""" + + +""" +def time_clustering(time_clusters = 5, overlaping_snapshots = 1 ): + #it works, but no overlapping + S = np.load('SnapshotMatrix.npy') + total_time_steps = S.shape[1] + if time_clusters > total_time_steps: + raise error + sub_snapshots = np.array_split(S,time_clusters, axis=1) + + for i in range(time_clusters): + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + + return sub_snapshots, correct_cluster +""" + + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + #no overlapping. MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + return sub_snapshots, correct_cluster +""" + +""" +def narrowing_clustering(narrowing_clusters = 3, overlaping_snapshots = 1 ): + # MINE (no k-means) + S = np.load('SnapshotMatrix.npy') + total_snapshots = S.shape[1] + narrowing = np.load('narrowing.npy') + MAX = np.max(narrowing) + MIN = np.min(narrowing) + print('the maximum is ',MAX, ' and the minimum is: ', MIN) + sub_snapshots = {} + step = (MAX - MIN)/ (narrowing_clusters + 1) + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + sub_snapshots[i] = S[:,intersection] + if i == 0: + correct_cluster = np.full((sub_snapshots[0].shape[1],), 0 ) + else: + correct_cluster = np.r_[correct_cluster, np.full((sub_snapshots[i].shape[1],), i )] + print(f'the {i}th subsnapsht has shape: ',sub_snapshots[i].shape) + print('with minimum value: ',np.min(narrowing[intersection])) + print('with maximum value: ', np.max(narrowing[intersection]),'\n') + + #overlapping after correct cluster definition + # In this implementation, I just shuffle the snapshots to match the narrowing width. No time relation whatsoever + for i in range(narrowing_clusters): + lower_bounds = np.where(narrowing > (MIN + (step*(i) )))[0] + uppper_bounds = np.where(narrowing < (MIN + (step*(i+1) )))[0] + intersection = np.intersect1d(lower_bounds, uppper_bounds) + if i == 0: + ith_narrowing = narrowing[intersection] + + ith_indexes = np.argsort(ith_narrowing) + ith_narrowing_ordered = ith_narrowing[ith_indexes] + plt.plot(ith_narrowing, 'b') + plt.plot(ith_narrowing_ordered, 'r') + plt.show() + + elif i == narrowing_clusters-1: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + else: + sub_snapshots[i] = np.c_[sub_snapshots[i-1][:, -overlaping_snapshots:], sub_snapshots[i]] + sub_snapshots[i] = np.c_[sub_snapshots[i] , sub_snapshots[i+1][:, :overlaping_snapshots] ] + print(f'{i}\'th sub-snapshot contains',(np.shape(sub_snapshots[i])[1]), 'columns after overlapping') + + return sub_snapshots, correct_cluster +""" + diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_bifurcation.py new file mode 100644 index 00000000..8b56aa1e --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_bifurcation.py @@ -0,0 +1,65 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + #library for passing arguments to the script from bash + from sys import argv + + + Number_Of_Clusters= int(argv[1]) + + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + vy_rom = np.load(f'Results/y_velocity_ROM.npy') + w_rom = np.load(f'Results/narrowing_ROM.npy') + + + #plt.title(r'Singular Values for matrix $ S^{(2)} $', fontsize=15, fontweight='bold') + #plt.title(r'$\alpha $ \textbf{AA}!', fontsize=16, color='r') + #plt.title(f'ROM VS FOM') + + plt.rc('text', usetex=True) + plt.rc('font', family='serif') + + plt.plot(vy, w, 'b', label = 'FOM', linewidth = 3, alpha=0.5) #linewidth = 3 + plt.plot(vy_rom, w_rom, 'r', label = 'ROM', linewidth = 3, alpha=0.5) + #plt.title(r'FOM vs ROM', fontsize=20, fontweight='bold') + plt.legend() + #plt.grid() + # plt.xticks(np.arange(-3.5,0.25,0.25)) #TODO the ticks are not easily beautyfied, do it later :) + # plt.yticks(np.arange(0,3.1,0.25)) + plt.xlabel(r'$v_y^*$', size=15, fontweight='bold') + plt.ylabel(r'$w_c$',size=15,fontweight='bold') + + plt.savefig('Results/fom_vs_rom') + plt.show() + + + + + # import numpy as np + # import matplotlib.pyplot as plt + + + # # Example data + # t = np.arange(0.0, 1.0 + 0.01, 0.01) + # s = np.cos(4 * np.pi * t) + 2 + + # plt.rc('text', usetex=True) + # plt.rc('font', family='serif') + # plt.plot(t, s) + + # plt.xlabel(r'\textbf{time} (s)') + # plt.ylabel(r'\textit{voltage} (mV)',fontsize=16) + # plt.title(r"\TeX\ is Number " + # r"$\displaystyle\sum_{n=1}^\infty\frac{-e^{i\pi}}{2^n}$!", + # fontsize=16, color='gray') + # # Make room for the ridiculously large title. + # plt.subplots_adjust(top=0.8) + + # plt.savefig('tex_demo') + # plt.show() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_full_bifurcation.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_full_bifurcation.py new file mode 100644 index 00000000..9c96c6c6 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/plot_full_bifurcation.py @@ -0,0 +1,31 @@ +import numpy as np +from matplotlib import pyplot as plt + + + +if __name__=='__main__': + + + vy = np.load('Results/Velocity_y.npy') + w = np.load('Results/narrowing.npy') + vy_rom = np.load(f'Results/y_velocity_ROM.npy') + w_rom = np.load(f'Results/narrowing_ROM.npy') + vy_hrom = np.load(f'Results/y_velocity_HROM.npy') + w_hrom = np.load(f'Results/narrowing_HROM.npy') + + plt.rc('text', usetex=True) + plt.rc('font', family='serif') + + plt.plot(vy, w, 'b', label = 'FOM', linewidth = 3, alpha=0.5) #linewidth = 3 + plt.plot(vy_rom, w_rom, 'r', label = 'ROM', linewidth = 3, alpha=0.5) + plt.plot(vy_hrom, w_hrom, 'm', label = 'HROM', linewidth = 3, alpha=0.5) + + plt.legend() + #plt.grid() + # plt.xticks(np.arange(-3.5,0.25,0.25)) #TODO the ticks are not easily beautyfied, do it later :) + # plt.yticks(np.arange(0,3.1,0.25)) + plt.xlabel(r'$v_y^*$', size=15, fontweight='bold') + plt.ylabel(r'$w_c$',size=15,fontweight='bold') + + plt.savefig('Results/fom_vs_rom_vs_hrom') + plt.show() \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/simulation_trajectories.py b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/simulation_trajectories.py new file mode 100644 index 00000000..80f2221d --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/ProblemFiles/simulation_trajectories.py @@ -0,0 +1,44 @@ +import numpy as np + +def training_trajectory(time, deformation_multiplier, delta_deformation, maximum, minimum): + #THIS IS INVERTED W.R.T. THE FIRST EXAMPLE IN THE PAPER + #### Test trajectory#### + if time>10.0 and time<=31.0: # start modifying narrowing from 10 seconds onwards + deformation_multiplier-= delta_deformation + if deformation_multiplier < minimum: + deformation_multiplier = minimum + elif time>31.0: + deformation_multiplier+= delta_deformation + if deformation_multiplier > maximum: + deformation_multiplier = maximum + return deformation_multiplier + + +def testing_trajectory(time, deformation_multiplier, delta_deformation, maximum, minimum): + #THIS IS INVERTED W.R.T. THE FIRST EXAMPLE IN THE PAPER + ####Train trajectory#### + if time>10.0 and time<=31.0: # start modifying narrowing from 10 seconds onwards + deformation_multiplier+=delta_deformation + if deformation_multiplier > maximum: + deformation_multiplier = maximum + elif time>31.0: + deformation_multiplier-=delta_deformation + if deformation_multiplier < minimum: + deformation_multiplier = minimum + return deformation_multiplier + + +def second_testing_trajectory(t, T=100): + """ + A further adjusted time-dependent function using trigonometric functions. + This function starts at 1 when t=0, reaches 0 several times in the range t ∈ [0, 100], + and includes more ups and downs without being noisy. + The function takes a time parameter 't' and a period 'T'. + """ + # Normalizing time t to the range [0, 2*pi] + fixed_deformation_factor = 11 + normalized_t = (2 * np.pi * t) / T + + # Defining the function using a combination of sine and cosine functions + # with a phase shift and frequency adjustments for more variations + return (1 - (0.5 * (1 + np.sin(normalized_t - np.pi/2) * np.cos(3 * normalized_t)))) * fixed_deformation_factor diff --git a/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/launch_ale_romnord3.sh b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/launch_ale_romnord3.sh new file mode 100755 index 00000000..67db8d41 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/AllFiles_requireKratosBranch/Example2/Nonaffine/launch_ale_romnord3.sh @@ -0,0 +1,102 @@ +#!/bin/sh +#SBATCH -N 1 # nodes requested +#SBATCH -n 1 # tasks requested +#SBATCH -c 16 # cores requested +#SBATCH -t 20:00:00 # time requested in hour:minute:second + + + +export OMP_NUM_THREADS=16 +export PROBLEMS_PATH=$PWD/ProblemFiles +export LANGUAGE=en_GB.utf8 +export LC_ALL=en_GB.utf8 + + +FOM=False #(storing results) +FOM_test=True #(storing results) +Run_ROM=False #3 (storing results) +ROM_test=True #4 = (storing results) +Train_HROM_Step1=False #5 = (creating projected residuals matrices {Sr_i}_i=1^k (one per basis)) +Train_HROM_Step2=False #6 = ontain a reduced set of elements and weights starting from the projected residuals matrices Sr_i +Run_HROM=False #7 = RunHROM Train Trajectory +HROM_test=True #8 = RunHROM Test Trajectory + +plot_partial_hysteresis=False + +#parameters used in Local POD: + +# parameters for the simulations +Launch_Simulation=1 +Number_Of_Clusters=1 #not used in global POD +svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +clustering="narrowing" #time # +overlapping=30 +residuals_svd_truncation_tolerance_list=(1e-3 1e-4 1e-5 1e-6) +residuals_svd_relative_to_global_residuals_snapshots=1 + + +if [ $FOM = True ] + then + #### LAUNCH FOM TRAIN TRAJECTORY #### + # MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLauching FOM \n\n\n\n\n\n" + python3 ProblemFiles/FOM.py $PWD +fi +if [ $FOM_test = True ] + then + # NEW MASTER + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/KratosMaster/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching FOM test trajectory \n\n\n\n\n\n" + python3 ProblemFiles/FOM_TestTrajectory.py $PWD +fi +for j in ${svd_truncation_tolerance_list[@]} +do + svd_truncation_tolerance=$j + if [ $Run_ROM = True ] + then + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo "\n\n\n\n\n\nLaunching ROM \n\n\n\n\n\n" + python3 ProblemFiles/Run_ROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $ROM_test = True ] + then + #### LAUNCH ROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\nlaunching ROM test\n\n\n\n' + python3 ProblemFiles/ROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + if [ $Train_HROM_Step1 = True ] + then + #### TrainHROM (Creating Matrix of projected resduals Sr) #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\nlaunching TrainHROM train\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step1.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD + fi + for k in ${residuals_svd_truncation_tolerance_list[@]} + do + residuals_svd_truncation_tolerance=$k + if [ $Train_HROM_Step2 = True ] + then + ### Obtain Reduced Elements and Weights #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nlaunching HROM elements and Weights\n\n\n\n\n\n' + python3 ProblemFiles/TrainHROM_Step2.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $Run_HROM = True ] + then + #### LAUNCH HROM TRAIN TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo '\n\n\n\n\n\nLaunching HROM train\n\n\n\n\n\n\n' + python3 ProblemFiles/Run_HROM.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + if [ $HROM_test = True ] + then + #### LAUNCH HROM TEST TRAJECTORY #### + source /gpfs/projects/bsc44/bsc44011/KratosInstallations/UpdatedKratosALE/Kratos_POD_ALE/Kratos/scripts/Kratos_env.sh + echo 'Launching HROM test' + python3 ProblemFiles/HROM_TestTrajectory.py $Launch_Simulation $Number_Of_Clusters $svd_truncation_tolerance $clustering $overlapping $PWD $residuals_svd_truncation_tolerance $residuals_svd_relative_to_global_residuals_snapshots + fi + done +done + diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/FOM.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/FOM.py similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/FOM.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/FOM.py diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/FOM_TestTrajectory.py similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/FOM_TestTrajectory.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/FOM_TestTrajectory.py diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa new file mode 100644 index 00000000..eab2848c --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc.mdpa @@ -0,0 +1,18765 @@ +Begin ModelPartData +// VARIABLE_NAME value +End ModelPartData + +Begin Properties 0 +End Properties + +Begin Nodes + 1 0.0000000000 0.0000000000 0.0000000000 + 2 0.0000000000 0.1000000000 0.0000000000 + 3 0.1000000000 0.0000000000 0.0000000000 + 4 0.1214285714 0.1285076548 0.0000000000 + 5 0.0000000000 0.2000000000 0.0000000000 + 6 0.2000000000 0.0000000000 0.0000000000 + 7 0.1000000000 0.2287187079 0.0000000000 + 8 0.2500000000 0.1190754542 0.0000000000 + 9 0.0000000000 0.3000000000 0.0000000000 + 10 0.3000000000 0.0000000000 0.0000000000 + 11 0.2000000000 0.2287187079 0.0000000000 + 12 0.1416666667 0.3127677069 0.0000000000 + 13 0.3000000000 0.2287187079 0.0000000000 + 14 0.3785714286 0.1252161243 0.0000000000 + 15 0.0000000000 0.4000000000 0.0000000000 + 16 0.4000000000 0.0000000000 0.0000000000 + 17 0.2500000000 0.3153212483 0.0000000000 + 18 0.1000000000 0.4019237886 0.0000000000 + 19 0.2000000000 0.4019237886 0.0000000000 + 20 0.4000000000 0.2287187079 0.0000000000 + 21 0.3583333333 0.3127677069 0.0000000000 + 22 0.0000000000 0.5000000000 0.0000000000 + 23 0.5000000000 0.0000000000 0.0000000000 + 24 0.3000000000 0.4019237886 0.0000000000 + 25 0.5000000000 0.1000000000 0.0000000000 + 26 0.1500000000 0.4885263290 0.0000000000 + 27 0.5000000000 0.2000000000 0.0000000000 + 28 0.2500000000 0.4885263290 0.0000000000 + 29 0.4000000000 0.4019237886 0.0000000000 + 30 0.5535714286 0.1285714286 0.0000000000 + 31 0.5714285714 0.0714285714 0.0000000000 + 32 0.5000000000 0.3000000000 0.0000000000 + 33 0.1000000000 0.5751288694 0.0000000000 + 34 0.0000000000 0.6000000000 0.0000000000 + 35 0.6000000000 0.0000000000 0.0000000000 + 36 0.3500000000 0.4885263290 0.0000000000 + 37 0.2000000000 0.5751288694 0.0000000000 + 38 0.5866025404 0.2500000000 0.0000000000 + 39 0.5000000000 0.4000000000 0.0000000000 + 40 0.3000000000 0.5751288694 0.0000000000 + 41 0.6428571429 0.1428571429 0.0000000000 + 42 0.1416666667 0.6681095082 0.0000000000 + 43 0.5866025404 0.3500000000 0.0000000000 + 44 0.0000000000 0.7000000000 0.0000000000 + 45 0.7000000000 0.0000000000 0.0000000000 + 46 0.4000000000 0.5751288694 0.0000000000 + 47 0.5000000000 0.5000000000 0.0000000000 + 48 0.2500000000 0.6617314098 0.0000000000 + 49 0.6692820323 0.3000000000 0.0000000000 + 50 0.5866025404 0.4500000000 0.0000000000 + 51 0.7142857143 0.2142857143 0.0000000000 + 52 0.7500000000 0.0866025404 0.0000000000 + 53 0.1000000000 0.7483339502 0.0000000000 + 54 0.3583333333 0.6681095082 0.0000000000 + 55 0.2000000000 0.7483339502 0.0000000000 + 56 0.5000000000 0.6000000000 0.0000000000 + 57 0.6732050808 0.4000000000 0.0000000000 + 58 0.0000000000 0.8000000000 0.0000000000 + 59 0.8000000000 0.0000000000 0.0000000000 + 60 0.5866025404 0.5500000000 0.0000000000 + 61 0.3000000000 0.7483339502 0.0000000000 + 62 0.8000000000 0.1692820323 0.0000000000 + 63 0.7857142857 0.2857142857 0.0000000000 + 64 0.6732050808 0.5000000000 0.0000000000 + 65 0.1416666667 0.8291137421 0.0000000000 + 66 0.4000000000 0.7483339502 0.0000000000 + 67 0.8500000000 0.0866025404 0.0000000000 + 68 0.5000000000 0.7000000000 0.0000000000 + 69 0.2500000000 0.8349364905 0.0000000000 + 70 0.5866025404 0.6500000000 0.0000000000 + 71 0.7659141812 0.4321428571 0.0000000000 + 72 0.0000000000 0.9000000000 0.0000000000 + 73 0.9000000000 0.0000000000 0.0000000000 + 74 0.6732050808 0.6000000000 0.0000000000 + 75 0.3583333333 0.8291137421 0.0000000000 + 76 0.9000000000 0.1732050808 0.0000000000 + 77 0.1000000000 0.9215390309 0.0000000000 + 78 0.8571428571 0.3571428571 0.0000000000 + 79 0.7598076211 0.5500000000 0.0000000000 + 80 0.2000000000 0.9215390309 0.0000000000 + 81 0.5000000000 0.8000000000 0.0000000000 + 82 0.5866025404 0.7500000000 0.0000000000 + 83 0.9500000000 0.0866025404 0.0000000000 + 84 0.3000000000 0.9215390309 0.0000000000 + 85 0.9321428571 0.2659141812 0.0000000000 + 86 0.6732050808 0.7000000000 0.0000000000 + 87 0.8464101615 0.5000000000 0.0000000000 + 88 0.7598076211 0.6500000000 0.0000000000 + 89 0.0000000000 1.0000000000 0.0000000000 + 90 1.0000000000 0.0000000000 0.0000000000 + 91 0.4000000000 0.9215390309 0.0000000000 + 92 1.0000000000 0.1732050808 0.0000000000 + 93 0.1500000000 1.0081415713 0.0000000000 + 94 0.9285714286 0.4285714286 0.0000000000 + 95 0.5000000000 0.9000000000 0.0000000000 + 96 0.5866025404 0.8500000000 0.0000000000 + 97 0.8464101615 0.6000000000 0.0000000000 + 98 0.2500000000 1.0081415713 0.0000000000 + 99 0.6732050808 0.8000000000 0.0000000000 + 100 1.0500000000 0.0866025404 0.0000000000 + 101 1.0000000000 0.3464101615 0.0000000000 + 102 0.3500000000 1.0081415713 0.0000000000 + 103 0.7598076211 0.7500000000 0.0000000000 + 104 1.0500000000 0.2598076211 0.0000000000 + 105 0.9330127019 0.5500000000 0.0000000000 + 106 0.8464101615 0.7000000000 0.0000000000 + 107 0.1000000000 1.0947441117 0.0000000000 + 108 0.0000000000 1.1000000000 0.0000000000 + 109 1.1000000000 0.0000000000 0.0000000000 + 110 0.2000000000 1.0947441117 0.0000000000 + 111 1.1000000000 0.1732050808 0.0000000000 + 112 0.5866025404 0.9500000000 0.0000000000 + 113 0.5000000000 1.0000000000 0.0000000000 + 114 1.0000000000 0.5000000000 0.0000000000 + 115 0.6732050808 0.9000000000 0.0000000000 + 116 0.3000000000 1.0947441117 0.0000000000 + 117 1.0500000000 0.4330127019 0.0000000000 + 118 0.7598076211 0.8500000000 0.0000000000 + 119 0.9416482568 0.6452380952 0.0000000000 + 120 1.1000000000 0.3464101615 0.0000000000 + 121 1.1500000000 0.0866025404 0.0000000000 + 122 0.8464101615 0.8000000000 0.0000000000 + 123 0.4000000000 1.0947441117 0.0000000000 + 124 1.1500000000 0.2598076211 0.0000000000 + 125 0.1416666667 1.1844555434 0.0000000000 + 126 0.9330127019 0.7500000000 0.0000000000 + 127 0.0000000000 1.2000000000 0.0000000000 + 128 1.2000000000 0.0000000000 0.0000000000 + 129 0.5866025404 1.0500000000 0.0000000000 + 130 0.6732050808 1.0000000000 0.0000000000 + 131 0.2500000000 1.1813466521 0.0000000000 + 132 0.5000000000 1.1000000000 0.0000000000 + 133 1.2000000000 0.1732050808 0.0000000000 + 134 1.0714285714 0.5714285714 0.0000000000 + 135 0.7598076211 0.9500000000 0.0000000000 + 136 1.1452380952 0.4416482568 0.0000000000 + 137 0.3500000000 1.1813466521 0.0000000000 + 138 0.8464101615 0.9000000000 0.0000000000 + 139 1.0357966163 0.6932539683 0.0000000000 + 140 1.2000000000 0.3464101615 0.0000000000 + 141 1.2500000000 0.0866025404 0.0000000000 + 142 0.9330127019 0.8500000000 0.0000000000 + 143 0.1000000000 1.2679491924 0.0000000000 + 144 1.2500000000 0.2598076211 0.0000000000 + 145 0.2000000000 1.2679491924 0.0000000000 + 146 0.6732050808 1.1000000000 0.0000000000 + 147 0.5866025404 1.1500000000 0.0000000000 + 148 1.0196152423 0.8000000000 0.0000000000 + 149 0.7598076211 1.0500000000 0.0000000000 + 150 0.0000000000 1.3000000000 0.0000000000 + 151 0.5000000000 1.2000000000 0.0000000000 + 152 1.3000000000 0.0000000000 0.0000000000 + 153 0.3000000000 1.2679491924 0.0000000000 + 154 1.1932539683 0.5357966163 0.0000000000 + 155 0.8464101615 1.0000000000 0.0000000000 + 156 1.1428571429 0.6428571429 0.0000000000 + 157 1.3000000000 0.1732050808 0.0000000000 + 158 1.2500000000 0.4330127019 0.0000000000 + 159 0.4000000000 1.2679491924 0.0000000000 + 160 0.9330127019 0.9500000000 0.0000000000 + 161 1.1062177826 0.7500000000 0.0000000000 + 162 1.3000000000 0.3464101615 0.0000000000 + 163 0.1214285714 1.3532512377 0.0000000000 + 164 1.0196152423 0.9000000000 0.0000000000 + 165 1.3583333333 0.0888354503 0.0000000000 + 166 0.6732050808 1.2000000000 0.0000000000 + 167 0.2500000000 1.3545517328 0.0000000000 + 168 0.7598076211 1.1500000000 0.0000000000 + 169 0.5866025404 1.2500000000 0.0000000000 + 170 0.8464101615 1.1000000000 0.0000000000 + 171 1.2500000000 0.6062177826 0.0000000000 + 172 0.5000000000 1.3000000000 0.0000000000 + 173 1.1062177826 0.8500000000 0.0000000000 + 174 0.3500000000 1.3545517328 0.0000000000 + 175 0.0000000000 1.4000000000 0.0000000000 + 176 1.3000000000 0.5196152423 0.0000000000 + 177 1.4000000000 0.0000000000 0.0000000000 + 178 1.3785714286 0.2570054437 0.0000000000 + 179 0.9330127019 1.0500000000 0.0000000000 + 180 1.2142857143 0.7142857143 0.0000000000 + 181 1.4000000000 0.1732050808 0.0000000000 + 182 1.3583333333 0.4275105849 0.0000000000 + 183 1.1812608917 0.7978571429 0.0000000000 + 184 1.0196152423 1.0000000000 0.0000000000 + 185 0.0926190476 1.4435072378 0.0000000000 + 186 1.4073809524 0.3461852380 0.0000000000 + 187 0.2000000000 1.4411542732 0.0000000000 + 188 1.1062177826 0.9500000000 0.0000000000 + 189 0.7598076211 1.2500000000 0.0000000000 + 190 0.6732050808 1.3000000000 0.0000000000 + 191 0.8464101615 1.2000000000 0.0000000000 + 192 1.2997959184 0.6865412630 0.0000000000 + 193 0.5866025404 1.3500000000 0.0000000000 + 194 0.3000000000 1.4411542732 0.0000000000 + 195 1.3500000000 0.6062177826 0.0000000000 + 196 0.9330127019 1.1500000000 0.0000000000 + 197 0.5000000000 1.4000000000 0.0000000000 + 198 1.1938688934 0.8892857143 0.0000000000 + 199 1.4000000000 0.5196152423 0.0000000000 + 200 0.4000000000 1.4411542732 0.0000000000 + 201 1.0196152423 1.1000000000 0.0000000000 + 202 1.5000000000 0.0000000000 0.0000000000 + 203 0.0000000000 1.5000000000 0.0000000000 + 204 1.5000000000 0.1000000000 0.0000000000 + 205 1.2857142857 0.7857142857 0.0000000000 + 206 1.5000000000 0.2000000000 0.0000000000 + 207 1.1062177826 1.0500000000 0.0000000000 + 208 0.1416666667 1.5231306780 0.0000000000 + 209 1.5000000000 0.3000000000 0.0000000000 + 210 0.2500000000 1.5277568136 0.0000000000 + 211 1.5000000000 0.4000000000 0.0000000000 + 212 0.3583333333 1.5231306780 0.0000000000 + 213 0.6818181818 1.4090909091 0.0000000000 + 214 0.7727272727 1.3636363636 0.0000000000 + 215 0.5909090909 1.4545454545 0.0000000000 + 216 1.2051969779 1.0110930736 0.0000000000 + 217 1.3989795918 0.7202707498 0.0000000000 + 218 0.8636363636 1.3181818182 0.0000000000 + 219 0.5000000000 1.5000000000 0.0000000000 + 220 1.5000000000 0.5000000000 0.0000000000 + 221 0.9545454545 1.2727272727 0.0000000000 + 222 1.2794228634 0.9500000000 0.0000000000 + 223 0.0000000000 1.6000000000 0.0000000000 + 224 1.3571428571 0.8571428571 0.0000000000 + 225 1.0454545455 1.2272727273 0.0000000000 + 226 1.5000000000 0.6000000000 0.0000000000 + 227 0.1000000000 1.6143593539 0.0000000000 + 228 0.2000000000 1.6143593539 0.0000000000 + 229 1.1363636364 1.1818181818 0.0000000000 + 230 0.6626385370 1.5000000000 0.0000000000 + 231 0.3000000000 1.6143593539 0.0000000000 + 232 0.5909090909 1.5454545455 0.0000000000 + 233 1.5000000000 0.7000000000 0.0000000000 + 234 0.4000000000 1.6143593539 0.0000000000 + 235 1.2272727273 1.1363636364 0.0000000000 + 236 0.5000000000 1.6000000000 0.0000000000 + 237 0.7677381393 1.5000000000 0.0000000000 + 238 0.0000000000 1.7000000000 0.0000000000 + 239 1.5000000000 0.8000000000 0.0000000000 + 240 0.8937822174 1.4500000000 0.0000000000 + 241 1.4285714286 0.9285714286 0.0000000000 + 242 0.1500000000 1.7009618943 0.0000000000 + 243 0.9803847577 1.4000000000 0.0000000000 + 244 1.3181818182 1.0909090909 0.0000000000 + 245 0.2500000000 1.7009618943 0.0000000000 + 246 1.0669872981 1.3500000000 0.0000000000 + 247 0.6818181818 1.5909090909 0.0000000000 + 248 0.3500000000 1.7009618943 0.0000000000 + 249 1.1535898385 1.3000000000 0.0000000000 + 250 1.5000000000 0.9000000000 0.0000000000 + 251 0.5865783744 1.6499848982 0.0000000000 + 252 1.4090909091 1.0454545455 0.0000000000 + 253 1.2401923789 1.2500000000 0.0000000000 + 254 0.5000000000 1.7000000000 0.0000000000 + 255 1.3267949192 1.2000000000 0.0000000000 + 256 0.8937822174 1.5500000000 0.0000000000 + 257 0.1000000000 1.7875644347 0.0000000000 + 258 0.9803847577 1.5000000000 0.0000000000 + 259 0.2000000000 1.7875644347 0.0000000000 + 260 0.0000000000 1.8000000000 0.0000000000 + 261 1.0669872981 1.4500000000 0.0000000000 + 262 1.5000000000 1.0000000000 0.0000000000 + 263 0.7727272727 1.6363636364 0.0000000000 + 264 0.3000000000 1.7875644347 0.0000000000 + 265 1.1535898385 1.4000000000 0.0000000000 + 266 1.4133974596 1.1500000000 0.0000000000 + 267 0.6731703240 1.6999965527 0.0000000000 + 268 0.4000000000 1.7875644347 0.0000000000 + 269 1.2401923789 1.3500000000 0.0000000000 + 270 0.5865571968 1.7499715216 0.0000000000 + 271 1.3267949192 1.3000000000 0.0000000000 + 272 1.5000000000 1.1000000000 0.0000000000 + 273 0.5000000000 1.8000000000 0.0000000000 + 274 0.9803847577 1.6000000000 0.0000000000 + 275 1.0669872981 1.5500000000 0.0000000000 + 276 0.1416666667 1.8784724792 0.0000000000 + 277 1.6000000000 1.0000000000 0.0000000000 + 278 1.4133974596 1.2500000000 0.0000000000 + 279 0.8636363636 1.6818181818 0.0000000000 + 280 0.2500000000 1.8741669751 0.0000000000 + 281 1.1535898385 1.5000000000 0.0000000000 + 282 0.0000000000 1.9000000000 0.0000000000 + 283 0.3500000000 1.8741669751 0.0000000000 + 284 0.7597683804 1.7500386656 0.0000000000 + 285 1.2401923789 1.4500000000 0.0000000000 + 286 1.5000000000 1.2000000000 0.0000000000 + 287 0.6731400485 1.7999931072 0.0000000000 + 288 1.3267949192 1.4000000000 0.0000000000 + 289 0.5865178330 1.8499464956 0.0000000000 + 290 1.4133974596 1.3500000000 0.0000000000 + 291 1.5942194622 1.1397619048 0.0000000000 + 292 0.1000000000 1.9607695155 0.0000000000 + 293 0.5000000000 1.9000000000 0.0000000000 + 294 1.0669872981 1.6500000000 0.0000000000 + 295 0.2000000000 1.9607695155 0.0000000000 + 296 1.7000000000 1.0000000000 0.0000000000 + 297 1.1535898385 1.6000000000 0.0000000000 + 298 0.9545454545 1.7272727273 0.0000000000 + 299 0.3000000000 1.9607695155 0.0000000000 + 300 1.5000000000 1.3000000000 0.0000000000 + 301 1.2401923789 1.5500000000 0.0000000000 + 302 0.8463439891 1.8000850690 0.0000000000 + 303 0.7597145422 1.8500382216 0.0000000000 + 304 2.0000000000 0.0000000000 0.0000000000 + 305 0.0000000000 2.0000000000 0.0000000000 + 306 0.4000000000 1.9607695155 0.0000000000 + 307 2.0000000000 0.1000000000 0.0000000000 + 308 1.3267949192 1.5000000000 0.0000000000 + 309 2.0000000000 0.2000000000 0.0000000000 + 310 0.6730839822 1.8999862197 0.0000000000 + 311 1.5866025404 1.2500000000 0.0000000000 + 312 2.0000000000 0.3000000000 0.0000000000 + 313 1.7055091521 1.0885714286 0.0000000000 + 314 1.4133974596 1.4500000000 0.0000000000 + 315 0.5864450966 1.9498999019 0.0000000000 + 316 2.0000000000 0.4000000000 0.0000000000 + 317 0.1214285714 2.0481228970 0.0000000000 + 318 1.5000000000 1.4000000000 0.0000000000 + 319 1.1535898385 1.7000000000 0.0000000000 + 320 1.0454545455 1.7727272727 0.0000000000 + 321 1.6732050808 1.2000000000 0.0000000000 + 322 1.8000000000 1.0000000000 0.0000000000 + 323 2.0000000000 0.5000000000 0.0000000000 + 324 0.5000000000 2.0000000000 0.0000000000 + 325 0.2500000000 2.0473720558 0.0000000000 + 326 1.2401923789 1.6500000000 0.0000000000 + 327 0.9329195279 1.8501317946 0.0000000000 + 328 0.3500000000 2.0473720558 0.0000000000 + 329 1.3267949192 1.6000000000 0.0000000000 + 330 0.8462900112 1.9000850276 0.0000000000 + 331 1.5866025404 1.3500000000 0.0000000000 + 332 2.0000000000 0.6000000000 0.0000000000 + 333 0.7596349003 1.9500686820 0.0000000000 + 334 1.4133974596 1.5500000000 0.0000000000 + 335 2.1000000000 0.0000000000 0.0000000000 + 336 0.0000000000 2.1000000000 0.0000000000 + 337 1.7519615242 1.1700000000 0.0000000000 + 338 0.6729808297 1.9999724545 0.0000000000 + 339 2.1083333333 0.1090919555 0.0000000000 + 340 1.6732050808 1.3000000000 0.0000000000 + 341 2.0000000000 0.7000000000 0.0000000000 + 342 1.5000000000 1.5000000000 0.0000000000 + 343 2.1000000000 0.3071796770 0.0000000000 + 344 1.8162771759 1.1014285714 0.0000000000 + 345 0.5863116367 2.0498136484 0.0000000000 + 346 1.5808835240 1.4355872825 0.0000000000 + 347 0.1000000000 2.1339745962 0.0000000000 + 348 0.2000000000 2.1339745962 0.0000000000 + 349 1.1363636364 1.8181818182 0.0000000000 + 350 1.2401923789 1.7500000000 0.0000000000 + 351 1.9000000000 1.0000000000 0.0000000000 + 352 2.1430555556 0.2130005070 0.0000000000 + 353 2.0000000000 0.8000000000 0.0000000000 + 354 2.1000000000 0.4803847577 0.0000000000 + 355 0.3000000000 2.1339745962 0.0000000000 + 356 1.0194950623 1.9001785402 0.0000000000 + 357 1.3267949192 1.7000000000 0.0000000000 + 358 1.7598076211 1.2500000000 0.0000000000 + 359 0.5000000000 2.1000000000 0.0000000000 + 360 0.9328655413 1.9501317783 0.0000000000 + 361 0.4000000000 2.1339745962 0.0000000000 + 362 0.8462360180 2.0000850126 0.0000000000 + 363 1.4133974596 1.6500000000 0.0000000000 + 364 1.6732050808 1.4000000000 0.0000000000 + 365 1.8267949192 1.2000000000 0.0000000000 + 366 2.1500000000 0.3937822174 0.0000000000 + 367 0.7594890671 2.0501218168 0.0000000000 + 368 2.0000000000 0.9000000000 0.0000000000 + 369 1.5000000000 1.6000000000 0.0000000000 + 370 1.5686816265 1.5345748819 0.0000000000 + 371 2.0966666667 0.6519145805 0.0000000000 + 372 2.2000000000 0.0000000000 0.0000000000 + 373 0.0000000000 2.2000000000 0.0000000000 + 374 2.2000000000 0.1339745962 0.0000000000 + 375 0.6727925309 2.0999449467 0.0000000000 + 376 2.1416666667 0.5724894151 0.0000000000 + 377 1.7598076211 1.3500000000 0.0000000000 + 378 2.2000000000 0.3071796770 0.0000000000 + 379 0.1416666667 2.2171476138 0.0000000000 + 380 1.9094115925 1.1419047619 0.0000000000 + 381 0.5860688563 2.1496550705 0.0000000000 + 382 1.2272727273 1.8636363636 0.0000000000 + 383 1.6601472293 1.4948071233 0.0000000000 + 384 0.2500000000 2.2205771366 0.0000000000 + 385 2.0000000000 1.0000000000 0.0000000000 + 386 1.3267949192 1.8000000000 0.0000000000 + 387 1.1060705987 1.9502252908 0.0000000000 + 388 1.8267949192 1.3000000000 0.0000000000 + 389 1.0194410752 2.0001785256 0.0000000000 + 390 1.4133974596 1.7500000000 0.0000000000 + 391 2.2000000000 0.4803847577 0.0000000000 + 392 0.9328115497 2.0501317636 0.0000000000 + 393 0.5000000000 2.2000000000 0.0000000000 + 394 2.1000000000 0.8267949192 0.0000000000 + 395 2.2500000000 0.2205771366 0.0000000000 + 396 1.7414993331 1.4444014360 0.0000000000 + 397 2.1416666667 0.7334936491 0.0000000000 + 398 0.8461820261 2.1000849980 0.0000000000 + 399 1.5000000000 1.7000000000 0.0000000000 + 400 0.3804853514 2.2351008580 0.0000000000 + 401 0.7592243702 2.1502124084 0.0000000000 + 402 2.0000000000 1.1000000000 0.0000000000 + 403 2.2500000000 0.3937822174 0.0000000000 + 404 1.9133974596 1.2500000000 0.0000000000 + 405 1.5866025404 1.6500000000 0.0000000000 + 406 1.6510091314 1.5937003236 0.0000000000 + 407 2.2000000000 0.6535898385 0.0000000000 + 408 2.3000000000 0.0000000000 0.0000000000 + 409 0.0000000000 2.3000000000 0.0000000000 + 410 0.6724521333 2.1998899633 0.0000000000 + 411 1.8267949192 1.4000000000 0.0000000000 + 412 2.3000000000 0.1339745962 0.0000000000 + 413 0.1000000000 2.3071796770 0.0000000000 + 414 0.2000000000 2.3071796770 0.0000000000 + 415 1.3181818182 1.9090909091 0.0000000000 + 416 2.2500000000 0.5669872981 0.0000000000 + 417 2.3000000000 0.3071796770 0.0000000000 + 418 0.5856319919 2.2493659982 0.0000000000 + 419 1.2050744428 1.9890716356 0.0000000000 + 420 2.1000000000 1.0000000000 0.0000000000 + 421 0.3000000000 2.3071796770 0.0000000000 + 422 2.1416666667 0.9111645497 0.0000000000 + 423 1.4133974596 1.8500000000 0.0000000000 + 424 1.1060166074 2.0502252763 0.0000000000 + 425 1.7401923789 1.5500000000 0.0000000000 + 426 2.0000000000 1.2000000000 0.0000000000 + 427 1.0193870842 2.1001785118 0.0000000000 + 428 2.0909090909 1.0454545455 0.0000000000 + 429 1.9133974596 1.3500000000 0.0000000000 + 430 1.5000000000 1.8000000000 0.0000000000 + 431 0.9327575620 2.1501317493 0.0000000000 + 432 2.3000000000 0.4803847577 0.0000000000 + 433 2.2000000000 0.8267949192 0.0000000000 + 434 0.5000000000 2.3000000000 0.0000000000 + 435 0.8461280401 2.2000849867 0.0000000000 + 436 2.3500000000 0.2205771366 0.0000000000 + 437 1.5866025404 1.7500000000 0.0000000000 + 438 1.8267949192 1.5000000000 0.0000000000 + 439 2.2500000000 0.7401923789 0.0000000000 + 440 0.7587492567 2.2503617311 0.0000000000 + 441 2.0866025404 1.1500000000 0.0000000000 + 442 2.3500000000 0.3937822174 0.0000000000 + 443 1.6732050808 1.7000000000 0.0000000000 + 444 2.0000000000 1.3000000000 0.0000000000 + 445 0.4133974596 2.3500000000 0.0000000000 + 446 2.3000000000 0.6535898385 0.0000000000 + 447 0.6718445037 2.2997799136 0.0000000000 + 448 1.7401923789 1.6500000000 0.0000000000 + 449 0.1500000000 2.3937822174 0.0000000000 + 450 2.4000000000 0.0000000000 0.0000000000 + 451 0.0000000000 2.4000000000 0.0000000000 + 452 1.9133974596 1.4500000000 0.0000000000 + 453 2.4000000000 0.1339745962 0.0000000000 + 454 0.2500000000 2.3937822174 0.0000000000 + 455 1.4090909091 1.9545454545 0.0000000000 + 456 2.2000000000 1.0000000000 0.0000000000 + 457 1.2792216629 2.0503187910 0.0000000000 + 458 2.3500000000 0.5669872981 0.0000000000 + 459 1.1059626167 2.1502252617 0.0000000000 + 460 2.4000000000 0.3071796770 0.0000000000 + 461 0.3353589838 2.3962693304 0.0000000000 + 462 0.5848571880 2.3488448395 0.0000000000 + 463 1.5000000000 1.9000000000 0.0000000000 + 464 1.0193330956 2.2001784973 0.0000000000 + 465 1.1936832421 2.1109331827 0.0000000000 + 466 2.2500000000 0.9133974596 0.0000000000 + 467 1.8267949192 1.6000000000 0.0000000000 + 468 2.0866025404 1.2500000000 0.0000000000 + 469 0.9327035737 2.2501317347 0.0000000000 + 470 2.1818181818 1.0909090909 0.0000000000 + 471 2.0000000000 1.4000000000 0.0000000000 + 472 2.3000000000 0.8267949192 0.0000000000 + 473 1.5849679369 1.8605662433 0.0000000000 + 474 2.4000000000 0.4803847577 0.0000000000 + 475 0.8460740517 2.3000849721 0.0000000000 + 476 0.5000000000 2.4000000000 0.0000000000 + 477 1.6732050808 1.8000000000 0.0000000000 + 478 2.4500000000 0.2205771366 0.0000000000 + 479 1.9133974596 1.5500000000 0.0000000000 + 480 2.3500000000 0.7401923789 0.0000000000 + 481 1.7401923789 1.7500000000 0.0000000000 + 482 0.7579091866 2.3505943474 0.0000000000 + 483 2.4500000000 0.3937822174 0.0000000000 + 484 0.1000000000 2.4803847577 0.0000000000 + 485 2.1732050808 1.2000000000 0.0000000000 + 486 0.4133974596 2.4500000000 0.0000000000 + 487 2.0866025404 1.3500000000 0.0000000000 + 488 2.4000000000 0.6535898385 0.0000000000 + 489 0.2000000000 2.4803847577 0.0000000000 + 490 0.6707786696 2.3995587153 0.0000000000 + 491 1.8267949192 1.7000000000 0.0000000000 + 492 0.3000000000 2.4803847577 0.0000000000 + 493 2.5000000000 0.0000000000 0.0000000000 + 494 1.5000000000 2.0000000000 0.0000000000 + 495 2.0000000000 1.5000000000 0.0000000000 + 496 0.0000000000 2.5000000000 0.0000000000 + 497 1.1838262380 2.2051026750 0.0000000000 + 498 2.5000000000 0.1339745962 0.0000000000 + 499 2.3000000000 1.0000000000 0.0000000000 + 500 2.4500000000 0.5669872981 0.0000000000 + 501 1.4285714286 2.0714285714 0.0000000000 + 502 0.5835110557 2.4479194615 0.0000000000 + 503 2.5000000000 0.3071796770 0.0000000000 + 504 2.3500000000 0.9133974596 0.0000000000 + 505 1.1194853312 2.2643549305 0.0000000000 + 506 1.9133974596 1.6500000000 0.0000000000 + 507 1.6606913835 1.9082103189 0.0000000000 + 508 1.0378596459 2.3092072214 0.0000000000 + 509 2.1732050808 1.3000000000 0.0000000000 + 510 0.9413501607 2.3548638802 0.0000000000 + 511 1.3571428571 2.1428571429 0.0000000000 + 512 2.4000000000 0.8267949192 0.0000000000 + 513 2.0866025404 1.4500000000 0.0000000000 + 514 2.2727272727 1.1363636364 0.0000000000 + 515 0.8460200634 2.4000849576 0.0000000000 + 516 2.5000000000 0.4803847577 0.0000000000 + 517 0.5000000000 2.5000000000 0.0000000000 + 518 2.4500000000 0.7401923789 0.0000000000 + 519 2.5500000000 0.2205771366 0.0000000000 + 520 1.2857142857 2.2142857143 0.0000000000 + 521 1.6000000000 2.0000000000 0.0000000000 + 522 2.0000000000 1.6000000000 0.0000000000 + 523 1.8267949192 1.8000000000 0.0000000000 + 524 0.7564565944 2.4509171477 0.0000000000 + 525 1.7452838997 1.8804853514 0.0000000000 + 526 0.1416666667 2.5724894151 0.0000000000 + 527 0.2500000000 2.5669872981 0.0000000000 + 528 2.5500000000 0.3937822174 0.0000000000 + 529 1.5000000000 2.1000000000 0.0000000000 + 530 2.2598076211 1.2500000000 0.0000000000 + 531 2.5000000000 0.6535898385 0.0000000000 + 532 2.1732050808 1.4000000000 0.0000000000 + 533 0.3804853514 2.5577931047 0.0000000000 + 534 0.6689583863 2.4991090447 0.0000000000 + 535 1.2142857143 2.2857142857 0.0000000000 + 536 2.3500000000 1.0866025404 0.0000000000 + 537 1.9133974596 1.7500000000 0.0000000000 + 538 2.0866025404 1.5500000000 0.0000000000 + 539 2.6000000000 0.0000000000 0.0000000000 + 540 0.0000000000 2.6000000000 0.0000000000 + 541 2.4000000000 1.0000000000 0.0000000000 + 542 2.6000000000 0.1418206931 0.0000000000 + 543 0.5812464916 2.5463133163 0.0000000000 + 544 2.5500000000 0.5669872981 0.0000000000 + 545 2.4500000000 0.9133974596 0.0000000000 + 546 2.6000000000 0.3071796770 0.0000000000 + 547 1.1428571429 2.3571428571 0.0000000000 + 548 0.9325955970 2.4501317056 0.0000000000 + 549 1.7000000000 2.0000000000 0.0000000000 + 550 2.0000000000 1.7000000000 0.0000000000 + 551 2.2598076211 1.3500000000 0.0000000000 + 552 2.5000000000 0.8267949192 0.0000000000 + 553 1.8267949192 1.9000000000 0.0000000000 + 554 0.8459660750 2.5000849430 0.0000000000 + 555 2.1732050808 1.5000000000 0.0000000000 + 556 2.3636363636 1.1818181818 0.0000000000 + 557 2.6000000000 0.4803847577 0.0000000000 + 558 0.5000000000 2.6000000000 0.0000000000 + 559 1.0714285714 2.4285714286 0.0000000000 + 560 2.5500000000 0.7401923789 0.0000000000 + 561 0.0926190476 2.6538147620 0.0000000000 + 562 1.4133974596 2.2500000000 0.0000000000 + 563 1.3307179677 2.3000000000 0.0000000000 + 564 2.6500000000 0.2205771366 0.0000000000 + 565 2.0866025404 1.6500000000 0.0000000000 + 566 0.2000000000 2.6535898385 0.0000000000 + 567 1.5000000000 2.2000000000 0.0000000000 + 568 1.9111645497 1.8583333333 0.0000000000 + 569 0.3000000000 2.6535898385 0.0000000000 + 570 2.4363636364 1.0970493316 0.0000000000 + 571 0.7633716553 2.5675705713 0.0000000000 + 572 2.6500000000 0.3937822174 0.0000000000 + 573 2.6000000000 0.6535898385 0.0000000000 + 574 0.4060970703 2.6503150644 0.0000000000 + 575 0.6659917334 2.5981694353 0.0000000000 + 576 2.3464101615 1.3000000000 0.0000000000 + 577 2.2598076211 1.4500000000 0.0000000000 + 578 1.8000000000 2.0000000000 0.0000000000 + 579 2.0000000000 1.8000000000 0.0000000000 + 580 1.0000000000 2.5000000000 0.0000000000 + 581 2.5000000000 1.0000000000 0.0000000000 + 582 2.1732050808 1.6000000000 0.0000000000 + 583 2.7000000000 0.0000000000 0.0000000000 + 584 0.0000000000 2.7000000000 0.0000000000 + 585 2.7000000000 0.1339745962 0.0000000000 + 586 0.5776500535 2.6436288753 0.0000000000 + 587 2.5500000000 0.9133974596 0.0000000000 + 588 2.6500000000 0.5669872981 0.0000000000 + 589 2.7000000000 0.3071796770 0.0000000000 + 590 2.0866025404 1.7500000000 0.0000000000 + 591 1.2340858188 2.4321428571 0.0000000000 + 592 2.6000000000 0.8267949192 0.0000000000 + 593 2.3464101615 1.4000000000 0.0000000000 + 594 0.9285714286 2.5714285714 0.0000000000 + 595 2.2598076211 1.5500000000 0.0000000000 + 596 1.4133974596 2.3500000000 0.0000000000 + 597 1.3267949192 2.4000000000 0.0000000000 + 598 2.7000000000 0.4803847577 0.0000000000 + 599 2.4545454545 1.2272727273 0.0000000000 + 600 0.1214285714 2.7429945563 0.0000000000 + 601 0.5000000000 2.7000000000 0.0000000000 + 602 1.5000000000 2.3000000000 0.0000000000 + 603 2.6500000000 0.7401923789 0.0000000000 + 604 0.2500000000 2.7401923789 0.0000000000 + 605 1.1535898385 2.5000000000 0.0000000000 + 606 1.9000000000 2.0000000000 0.0000000000 + 607 2.0000000000 1.9000000000 0.0000000000 + 608 2.7500000000 0.2205771366 0.0000000000 + 609 2.1732050808 1.7000000000 0.0000000000 + 610 0.3500000000 2.7401923789 0.0000000000 + 611 1.0669872981 2.5500000000 0.0000000000 + 612 2.5500000000 1.0866025404 0.0000000000 + 613 2.7000000000 0.6535898385 0.0000000000 + 614 2.7500000000 0.3937822174 0.0000000000 + 615 0.8571428571 2.6428571429 0.0000000000 + 616 0.6677079267 2.7002582283 0.0000000000 + 617 2.4330127019 1.3500000000 0.0000000000 + 618 2.3464101615 1.5000000000 0.0000000000 + 619 2.6000000000 1.0000000000 0.0000000000 + 620 2.7846828546 0.1122743056 0.0000000000 + 621 2.0866025404 1.8500000000 0.0000000000 + 622 2.2598076211 1.6500000000 0.0000000000 + 623 2.8000000000 0.0000000000 0.0000000000 + 624 0.0000000000 2.8000000000 0.0000000000 + 625 2.6500000000 0.9133974596 0.0000000000 + 626 2.7500000000 0.5669872981 0.0000000000 + 627 2.8000000000 0.3071796770 0.0000000000 + 628 2.1732050808 1.8000000000 0.0000000000 + 629 0.5948978465 2.7594928310 0.0000000000 + 630 2.7000000000 0.8267949192 0.0000000000 + 631 0.7857142857 2.7142857143 0.0000000000 + 632 2.0000000000 2.0000000000 0.0000000000 + 633 1.4133974596 2.4500000000 0.0000000000 + 634 0.1000000000 2.8267949192 0.0000000000 + 635 1.5000000000 2.4000000000 0.0000000000 + 636 1.3267949192 2.5000000000 0.0000000000 + 637 2.4330127019 1.4500000000 0.0000000000 + 638 0.2000000000 2.8267949192 0.0000000000 + 639 1.2401923789 2.5500000000 0.0000000000 + 640 2.3464101615 1.6000000000 0.0000000000 + 641 2.8000000000 0.4803847577 0.0000000000 + 642 0.3000000000 2.8267949192 0.0000000000 + 643 0.5000000000 2.8000000000 0.0000000000 + 644 1.1535898385 2.6000000000 0.0000000000 + 645 2.5454545455 1.2727272727 0.0000000000 + 646 2.7500000000 0.7401923789 0.0000000000 + 647 1.0583517432 2.6452380952 0.0000000000 + 648 0.4000000000 2.8267949192 0.0000000000 + 649 2.2598076211 1.7500000000 0.0000000000 + 650 2.8500000000 0.2205771366 0.0000000000 + 651 0.9642033837 2.6932539683 0.0000000000 + 652 2.0909090909 1.9545454545 0.0000000000 + 653 2.5977272727 1.2019940059 0.0000000000 + 654 2.8000000000 0.6535898385 0.0000000000 + 655 0.7142857143 2.7857142857 0.0000000000 + 656 2.8500000000 0.3937822174 0.0000000000 + 657 2.6568813131 1.1056911025 0.0000000000 + 658 2.7000000000 1.0000000000 0.0000000000 + 659 2.5196152423 1.4000000000 0.0000000000 + 660 2.4330127019 1.5500000000 0.0000000000 + 661 0.5678776618 2.8338772742 0.0000000000 + 662 0.8937822174 2.7500000000 0.0000000000 + 663 2.3464101615 1.7000000000 0.0000000000 + 664 2.7500000000 0.9133974596 0.0000000000 + 665 2.1818181818 1.9090909091 0.0000000000 + 666 2.9000000000 0.0000000000 0.0000000000 + 667 2.1000000000 2.0000000000 0.0000000000 + 668 2.0000000000 2.1000000000 0.0000000000 + 669 0.0000000000 2.9000000000 0.0000000000 + 670 2.8500000000 0.5669872981 0.0000000000 + 671 2.9080971277 0.0985169642 0.0000000000 + 672 1.5000000000 2.5000000000 0.0000000000 + 673 1.4133974596 2.5500000000 0.0000000000 + 674 0.8134587370 2.7997959184 0.0000000000 + 675 2.9000000000 0.3071796770 0.0000000000 + 676 0.1500000000 2.9133974596 0.0000000000 + 677 1.3267949192 2.6000000000 0.0000000000 + 678 2.8000000000 0.8267949192 0.0000000000 + 679 0.2500000000 2.9133974596 0.0000000000 + 680 1.2401923789 2.6500000000 0.0000000000 + 681 0.6428571429 2.8571428571 0.0000000000 + 682 2.5196152423 1.5000000000 0.0000000000 + 683 0.3583333333 2.9111645497 0.0000000000 + 684 1.1535898385 2.7000000000 0.0000000000 + 685 2.2727272727 1.8636363636 0.0000000000 + 686 2.9000000000 0.4803847577 0.0000000000 + 687 2.4330127019 1.6500000000 0.0000000000 + 688 0.5000000000 2.9000000000 0.0000000000 + 689 2.8500000000 0.7401923789 0.0000000000 + 690 2.6363636364 1.3181818182 0.0000000000 + 691 1.0669872981 2.7500000000 0.0000000000 + 692 0.9803847577 2.8000000000 0.0000000000 + 693 2.9591175359 0.2121591004 0.0000000000 + 694 2.9000000000 0.6535898385 0.0000000000 + 695 2.0000000000 2.2000000000 0.0000000000 + 696 2.2000000000 2.0000000000 0.0000000000 + 697 2.8000000000 1.0000000000 0.0000000000 + 698 2.9500000000 0.3937822174 0.0000000000 + 699 2.0862200847 2.1282863896 0.0000000000 + 700 2.3636363636 1.8181818182 0.0000000000 + 701 2.6062177826 1.4500000000 0.0000000000 + 702 0.5714285714 2.9285714286 0.0000000000 + 703 2.5196152423 1.6000000000 0.0000000000 + 704 2.7705086580 1.1123863345 0.0000000000 + 705 0.8937822174 2.8500000000 0.0000000000 + 706 2.7230519481 1.2331637340 0.0000000000 + 707 2.8500000000 0.9133974596 0.0000000000 + 708 3.0000000000 0.0000000000 0.0000000000 + 709 0.0000000000 3.0000000000 0.0000000000 + 710 1.5000000000 2.6000000000 0.0000000000 + 711 0.1000000000 3.0000000000 0.0000000000 + 712 0.7797292502 2.8989795918 0.0000000000 + 713 1.4133974596 2.6500000000 0.0000000000 + 714 2.9500000000 0.5669872981 0.0000000000 + 715 0.2000000000 3.0000000000 0.0000000000 + 716 1.3267949192 2.7000000000 0.0000000000 + 717 0.3000000000 3.0000000000 0.0000000000 + 718 2.9000000000 0.8267949192 0.0000000000 + 719 3.0000000000 0.3071796770 0.0000000000 + 720 1.2401923789 2.7500000000 0.0000000000 + 721 0.4000000000 3.0000000000 0.0000000000 + 722 2.4545454545 1.7727272727 0.0000000000 + 723 1.1535898385 2.8000000000 0.0000000000 + 724 2.3500000000 1.9133974596 0.0000000000 + 725 2.6062177826 1.5500000000 0.0000000000 + 726 3.0000000000 0.4803847577 0.0000000000 + 727 0.5000000000 3.0000000000 0.0000000000 + 728 2.9500000000 0.7401923789 0.0000000000 + 729 2.1811004234 2.1208548116 0.0000000000 + 730 2.3000000000 2.0000000000 0.0000000000 + 731 2.0000000000 2.3000000000 0.0000000000 + 732 2.7272727273 1.3636363636 0.0000000000 + 733 3.0475623583 0.1229079165 0.0000000000 + 734 1.0724894151 2.8583333333 0.0000000000 + 735 0.6000000000 3.0000000000 0.0000000000 + 736 3.0513359788 0.2340007015 0.0000000000 + 737 0.9803847577 2.9000000000 0.0000000000 + 738 2.9000000000 1.0000000000 0.0000000000 + 739 3.0000000000 0.6535898385 0.0000000000 + 740 3.0500000000 0.3937822174 0.0000000000 + 741 2.5454545455 1.7272727273 0.0000000000 + 742 2.1362200847 2.2140129486 0.0000000000 + 743 0.7000000000 3.0000000000 0.0000000000 + 744 2.8784181097 1.1145858673 0.0000000000 + 745 2.9500000000 0.9133974596 0.0000000000 + 746 1.5000000000 2.7000000000 0.0000000000 + 747 2.4363636364 1.9029506684 0.0000000000 + 748 1.4133974596 2.7500000000 0.0000000000 + 749 2.8037012987 1.3067295641 0.0000000000 + 750 1.3267949192 2.8000000000 0.0000000000 + 751 3.1000000000 0.0000000000 0.0000000000 + 752 2.8500000000 1.2205771366 0.0000000000 + 753 3.0500000000 0.5669872981 0.0000000000 + 754 0.8000000000 3.0000000000 0.0000000000 + 755 2.2801834039 2.1159972802 0.0000000000 + 756 3.0000000000 0.8267949192 0.0000000000 + 757 1.2334936491 2.8583333333 0.0000000000 + 758 3.1000000000 0.3071796770 0.0000000000 + 759 2.7326073123 1.4986745930 0.0000000000 + 760 2.1000000000 2.3071796770 0.0000000000 + 761 1.1519145805 2.9033333333 0.0000000000 + 762 2.4000000000 2.0000000000 0.0000000000 + 763 2.0000000000 2.4000000000 0.0000000000 + 764 2.6363636364 1.6818181818 0.0000000000 + 765 0.9000000000 3.0000000000 0.0000000000 + 766 3.1000000000 0.4803847577 0.0000000000 + 767 3.0500000000 0.7401923789 0.0000000000 + 768 2.8181818182 1.4090909091 0.0000000000 + 769 2.5893939394 1.8059013367 0.0000000000 + 770 3.1500000000 0.2205771366 0.0000000000 + 771 2.2500000000 2.2205771366 0.0000000000 + 772 1.0000000000 3.0000000000 0.0000000000 + 773 3.0000000000 1.0000000000 0.0000000000 + 774 3.1000000000 0.6535898385 0.0000000000 + 775 3.1500000000 0.3937822174 0.0000000000 + 776 1.5000000000 2.8000000000 0.0000000000 + 777 3.1753873772 0.1101418434 0.0000000000 + 778 2.9809268278 1.1083788665 0.0000000000 + 779 2.7272727273 1.6363636364 0.0000000000 + 780 2.9000000000 1.3071796770 0.0000000000 + 781 3.0500000000 0.9133974596 0.0000000000 + 782 2.3800305673 2.1151876916 0.0000000000 + 783 1.4111645497 2.8583333333 0.0000000000 + 784 2.2000000000 2.3071796770 0.0000000000 + 785 2.5500000000 1.9133974596 0.0000000000 + 786 1.3267949192 2.9000000000 0.0000000000 + 787 2.9500000000 1.2205771366 0.0000000000 + 788 1.1000000000 3.0000000000 0.0000000000 + 789 3.2000000000 0.0000000000 0.0000000000 + 790 3.1500000000 0.5669872981 0.0000000000 + 791 2.5000000000 2.0000000000 0.0000000000 + 792 2.0000000000 2.5000000000 0.0000000000 + 793 3.1000000000 0.8267949192 0.0000000000 + 794 2.8374305534 1.4997349186 0.0000000000 + 795 3.2000000000 0.3071796770 0.0000000000 + 796 2.1500000000 2.3937822174 0.0000000000 + 797 1.2000000000 3.0000000000 0.0000000000 + 798 2.3500000000 2.2205771366 0.0000000000 + 799 3.1500000000 0.7401923789 0.0000000000 + 800 3.2000000000 0.4803847577 0.0000000000 + 801 2.8181818182 1.5909090909 0.0000000000 + 802 2.1000000000 2.4803847577 0.0000000000 + 803 2.9090909091 1.4545454545 0.0000000000 + 804 2.7500000000 1.7401923789 0.0000000000 + 805 3.1000000000 1.0000000000 0.0000000000 + 806 3.2500000000 0.2205771366 0.0000000000 + 807 2.3000000000 2.3071796770 0.0000000000 + 808 2.4800050946 2.1150527602 0.0000000000 + 809 2.7000000000 1.8267949192 0.0000000000 + 810 2.9500000000 1.3937822174 0.0000000000 + 811 1.5000000000 2.9000000000 0.0000000000 + 812 3.2000000000 0.6535898385 0.0000000000 + 813 2.6500000000 1.9133974596 0.0000000000 + 814 1.3000000000 3.0000000000 0.0000000000 + 815 3.0000000000 1.3071796770 0.0000000000 + 816 3.2500000000 0.3937822174 0.0000000000 + 817 3.1500000000 0.9133974596 0.0000000000 + 818 2.6000000000 2.0000000000 0.0000000000 + 819 2.0000000000 2.6000000000 0.0000000000 + 820 3.0500000000 1.2205771366 0.0000000000 + 821 2.2500000000 2.3937822174 0.0000000000 + 822 2.9090909091 1.5454545455 0.0000000000 + 823 3.1071428571 1.0945330585 0.0000000000 + 824 3.2500000000 0.5669872981 0.0000000000 + 825 3.3000000000 0.0000000000 0.0000000000 + 826 3.2000000000 0.8267949192 0.0000000000 + 827 3.3047619048 0.0967888707 0.0000000000 + 828 2.4500000000 2.2205771366 0.0000000000 + 829 1.4000000000 3.0000000000 0.0000000000 + 830 2.8350649351 1.7164053089 0.0000000000 + 831 3.3000000000 0.3071796770 0.0000000000 + 832 2.2000000000 2.4803847577 0.0000000000 + 833 2.4000000000 2.3071796770 0.0000000000 + 834 3.2500000000 0.7401923789 0.0000000000 + 835 3.3000000000 0.4803847577 0.0000000000 + 836 2.5800008491 2.1150302716 0.0000000000 + 837 2.9000000000 1.6535898385 0.0000000000 + 838 2.8000000000 1.8267949192 0.0000000000 + 839 2.1416666667 2.5724894151 0.0000000000 + 840 2.7500000000 1.9133974596 0.0000000000 + 841 3.2000000000 1.0000000000 0.0000000000 + 842 3.0500000000 1.3937822174 0.0000000000 + 843 1.5000000000 3.0000000000 0.0000000000 + 844 3.0000000000 1.5000000000 0.0000000000 + 845 2.3500000000 2.3937822174 0.0000000000 + 846 2.7000000000 2.0000000000 0.0000000000 + 847 2.0000000000 2.7000000000 0.0000000000 + 848 3.3000000000 0.6535898385 0.0000000000 + 849 3.1000000000 1.3071796770 0.0000000000 + 850 3.3646825397 0.2012206113 0.0000000000 + 851 3.3500000000 0.3937822174 0.0000000000 + 852 3.2500000000 0.9133974596 0.0000000000 + 853 2.0966666667 2.6519145805 0.0000000000 + 854 2.5500000000 2.2205771366 0.0000000000 + 855 2.3000000000 2.4803847577 0.0000000000 + 856 3.1678571429 1.1982128617 0.0000000000 + 857 3.3500000000 0.5669872981 0.0000000000 + 858 3.4000000000 0.0000000000 0.0000000000 + 859 2.5000000000 2.3071796770 0.0000000000 + 860 3.3000000000 0.8267949192 0.0000000000 + 861 2.2500000000 2.5669872981 0.0000000000 + 862 2.6800001415 2.1150265235 0.0000000000 + 863 3.0431818182 1.5666677130 0.0000000000 + 864 2.9500000000 1.7401923789 0.0000000000 + 865 2.4500000000 2.3937822174 0.0000000000 + 866 3.0000000000 1.6535898385 0.0000000000 + 867 3.2500000000 1.0866025404 0.0000000000 + 868 2.9000000000 1.8267949192 0.0000000000 + 869 3.3500000000 0.7401923789 0.0000000000 + 870 3.4191137566 0.2881629041 0.0000000000 + 871 2.8500000000 1.9133974596 0.0000000000 + 872 3.4000000000 0.4803847577 0.0000000000 + 873 3.1000000000 1.4803847577 0.0000000000 + 874 3.4365740741 0.0929695172 0.0000000000 + 875 2.8000000000 2.0000000000 0.0000000000 + 876 2.0000000000 2.8000000000 0.0000000000 + 877 2.2000000000 2.6535898385 0.0000000000 + 878 3.3000000000 1.0000000000 0.0000000000 + 879 3.1594080688 1.3855997596 0.0000000000 + 880 2.4000000000 2.4803847577 0.0000000000 + 881 2.6500000000 2.2205771366 0.0000000000 + 882 3.4000000000 0.6535898385 0.0000000000 + 883 3.3500000000 0.9133974596 0.0000000000 + 884 3.2279761905 1.2797662699 0.0000000000 + 885 2.1416666667 2.7334936491 0.0000000000 + 886 2.6000000000 2.3071796770 0.0000000000 + 887 2.3500000000 2.5669872981 0.0000000000 + 888 3.4627443416 0.3815312237 0.0000000000 + 889 2.7800000236 2.1150258988 0.0000000000 + 890 3.4500000000 0.5669872981 0.0000000000 + 891 2.5500000000 2.3937822174 0.0000000000 + 892 3.4000000000 0.8267949192 0.0000000000 + 893 3.5000000000 0.0000000000 0.0000000000 + 894 3.3000000000 1.1732050808 0.0000000000 + 895 3.5000000000 0.1732050808 0.0000000000 + 896 3.0500000000 1.7401923789 0.0000000000 + 897 2.3000000000 2.6535898385 0.0000000000 + 898 3.0000000000 1.8267949192 0.0000000000 + 899 3.1000000000 1.6535898385 0.0000000000 + 900 2.9500000000 1.9133974596 0.0000000000 + 901 3.1500000000 1.5669872981 0.0000000000 + 902 2.1000000000 2.8267949192 0.0000000000 + 903 2.5000000000 2.4803847577 0.0000000000 + 904 3.3500000000 1.0866025404 0.0000000000 + 905 2.9000000000 2.0000000000 0.0000000000 + 906 2.0000000000 2.9000000000 0.0000000000 + 907 3.2000000000 1.4803847577 0.0000000000 + 908 3.4500000000 0.7401923789 0.0000000000 + 909 2.7500000000 2.2205771366 0.0000000000 + 910 3.5090685014 0.4717634732 0.0000000000 + 911 3.5323522928 0.2763765156 0.0000000000 + 912 3.4000000000 1.0000000000 0.0000000000 + 913 2.2500000000 2.7401923789 0.0000000000 + 914 2.4500000000 2.5669872981 0.0000000000 + 915 3.5500000000 0.0866025404 0.0000000000 + 916 2.7000000000 2.3071796770 0.0000000000 + 917 3.2784722222 1.3721008779 0.0000000000 + 918 3.5000000000 0.6535898385 0.0000000000 + 919 3.4500000000 0.9133974596 0.0000000000 + 920 2.6500000000 2.3937822174 0.0000000000 + 921 2.8800000039 2.1150257947 0.0000000000 + 922 2.4000000000 2.6535898385 0.0000000000 + 923 3.3500000000 1.2598076211 0.0000000000 + 924 2.2000000000 2.8267949192 0.0000000000 + 925 2.6000000000 2.4803847577 0.0000000000 + 926 3.5750000000 0.3700961894 0.0000000000 + 927 3.5500000000 0.5669872981 0.0000000000 + 928 3.5000000000 0.8267949192 0.0000000000 + 929 3.4000000000 1.1732050808 0.0000000000 + 930 3.1000000000 1.8267949192 0.0000000000 + 931 3.1500000000 1.7401923789 0.0000000000 + 932 3.6000000000 0.0000000000 0.0000000000 + 933 3.0500000000 1.9133974596 0.0000000000 + 934 3.2000000000 1.6535898385 0.0000000000 + 935 3.6000000000 0.1732050808 0.0000000000 + 936 3.0000000000 2.0000000000 0.0000000000 + 937 2.0000000000 3.0000000000 0.0000000000 + 938 3.2500000000 1.5669872981 0.0000000000 + 939 2.3500000000 2.7401923789 0.0000000000 + 940 2.8500000000 2.2205771366 0.0000000000 + 941 2.1416666667 2.9111645497 0.0000000000 + 942 3.4500000000 1.0866025404 0.0000000000 + 943 2.5500000000 2.5669872981 0.0000000000 + 944 3.5500000000 0.7401923789 0.0000000000 + 945 2.8000000000 2.3071796770 0.0000000000 + 946 3.5000000000 1.0000000000 0.0000000000 + 947 2.3000000000 2.8267949192 0.0000000000 + 948 2.5000000000 2.6535898385 0.0000000000 + 949 2.7500000000 2.3937822174 0.0000000000 + 950 3.6166666667 0.4645940725 0.0000000000 + 951 3.6500000000 0.0866025404 0.0000000000 + 952 3.3428571429 1.4724542396 0.0000000000 + 953 2.9800000007 2.1150257774 0.0000000000 + 954 3.4000000000 1.3464101615 0.0000000000 + 955 3.6000000000 0.6535898385 0.0000000000 + 956 3.6500000000 0.2598076211 0.0000000000 + 957 2.1000000000 3.0000000000 0.0000000000 + 958 3.5500000000 0.9133974596 0.0000000000 + 959 2.7000000000 2.4803847577 0.0000000000 + 960 3.4500000000 1.2598076211 0.0000000000 + 961 2.4500000000 2.7401923789 0.0000000000 + 962 2.2500000000 2.9133974596 0.0000000000 + 963 3.2000000000 1.8267949192 0.0000000000 + 964 3.1500000000 1.9133974596 0.0000000000 + 965 3.2500000000 1.7401923789 0.0000000000 + 966 3.1000000000 2.0000000000 0.0000000000 + 967 2.6500000000 2.5669872981 0.0000000000 + 968 3.3000000000 1.6535898385 0.0000000000 + 969 3.5000000000 1.1732050808 0.0000000000 + 970 2.9500000000 2.2205771366 0.0000000000 + 971 3.6000000000 0.8267949192 0.0000000000 + 972 3.6500000000 0.5669872981 0.0000000000 + 973 3.7000000000 0.0000000000 0.0000000000 + 974 3.6861111111 0.3595690659 0.0000000000 + 975 3.3485714286 1.5827217026 0.0000000000 + 976 3.7000000000 0.1732050808 0.0000000000 + 977 2.9000000000 2.3071796770 0.0000000000 + 978 2.4000000000 2.8267949192 0.0000000000 + 979 3.5500000000 1.0866025404 0.0000000000 + 980 2.6000000000 2.6535898385 0.0000000000 + 981 2.2000000000 3.0000000000 0.0000000000 + 982 2.8500000000 2.3937822174 0.0000000000 + 983 3.6500000000 0.7401923789 0.0000000000 + 984 3.0800000001 2.1150257745 0.0000000000 + 985 3.6000000000 1.0000000000 0.0000000000 + 986 2.8000000000 2.4803847577 0.0000000000 + 987 2.3500000000 2.9133974596 0.0000000000 + 988 2.5500000000 2.7401923789 0.0000000000 + 989 3.7500000000 0.0866025404 0.0000000000 + 990 3.7250000000 0.4566987298 0.0000000000 + 991 3.7000000000 0.6535898385 0.0000000000 + 992 3.7500000000 0.2598076211 0.0000000000 + 993 2.7500000000 2.5669872981 0.0000000000 + 994 3.6500000000 0.9133974596 0.0000000000 + 995 3.4709986772 1.4608231383 0.0000000000 + 996 3.5500000000 1.2598076211 0.0000000000 + 997 3.5131889330 1.3604390670 0.0000000000 + 998 3.2500000000 1.9133974596 0.0000000000 + 999 3.3000000000 1.8267949192 0.0000000000 + 1000 3.0500000000 2.2205771366 0.0000000000 + 1001 3.2000000000 2.0000000000 0.0000000000 + 1002 2.5000000000 2.8267949192 0.0000000000 + 1003 3.3500000000 1.7401923789 0.0000000000 + 1004 2.3000000000 3.0000000000 0.0000000000 + 1005 3.4000000000 1.6535898385 0.0000000000 + 1006 3.0000000000 2.3071796770 0.0000000000 + 1007 2.7000000000 2.6535898385 0.0000000000 + 1008 3.6000000000 1.1732050808 0.0000000000 + 1009 3.4500000000 1.5669872981 0.0000000000 + 1010 3.7000000000 0.8267949192 0.0000000000 + 1011 2.9500000000 2.3937822174 0.0000000000 + 1012 3.8000000000 0.0000000000 0.0000000000 + 1013 3.8000000000 0.1732050808 0.0000000000 + 1014 2.4500000000 2.9133974596 0.0000000000 + 1015 3.6500000000 1.0866025404 0.0000000000 + 1016 3.7688657407 0.5491131196 0.0000000000 + 1017 2.6500000000 2.7401923789 0.0000000000 + 1018 3.8000000000 0.3464101615 0.0000000000 + 1019 2.9000000000 2.4803847577 0.0000000000 + 1020 3.7500000000 0.7401923789 0.0000000000 + 1021 3.7000000000 1.0000000000 0.0000000000 + 1022 2.8500000000 2.5669872981 0.0000000000 + 1023 2.6000000000 2.8267949192 0.0000000000 + 1024 2.4000000000 3.0000000000 0.0000000000 + 1025 3.2000000000 2.1339745962 0.0000000000 + 1026 3.8500000000 0.0866025404 0.0000000000 + 1027 3.1500000000 2.2205771366 0.0000000000 + 1028 2.8000000000 2.6535898385 0.0000000000 + 1029 3.3500000000 1.9133974596 0.0000000000 + 1030 3.3000000000 2.0000000000 0.0000000000 + 1031 3.8500000000 0.2598076211 0.0000000000 + 1032 3.7500000000 0.9133974596 0.0000000000 + 1033 3.4000000000 1.8267949192 0.0000000000 + 1034 3.6500000000 1.2598076211 0.0000000000 + 1035 3.8090277778 0.6450365506 0.0000000000 + 1036 3.4500000000 1.7401923789 0.0000000000 + 1037 3.1000000000 2.3071796770 0.0000000000 + 1038 3.5000000000 1.6535898385 0.0000000000 + 1039 3.5831349206 1.4656896707 0.0000000000 + 1040 2.5500000000 2.9133974596 0.0000000000 + 1041 3.8500000000 0.4330127019 0.0000000000 + 1042 3.6250000000 1.3700961894 0.0000000000 + 1043 3.0500000000 2.3937822174 0.0000000000 + 1044 3.5500000000 1.5669872981 0.0000000000 + 1045 3.7000000000 1.1732050808 0.0000000000 + 1046 2.7500000000 2.7401923789 0.0000000000 + 1047 3.8000000000 0.8267949192 0.0000000000 + 1048 3.0000000000 2.4803847577 0.0000000000 + 1049 3.9000000000 0.0000000000 0.0000000000 + 1050 3.9000000000 0.1732050808 0.0000000000 + 1051 3.7500000000 1.0866025404 0.0000000000 + 1052 2.5000000000 3.0000000000 0.0000000000 + 1053 2.7000000000 2.8267949192 0.0000000000 + 1054 2.9500000000 2.5669872981 0.0000000000 + 1055 3.9000000000 0.3464101615 0.0000000000 + 1056 3.8791666667 0.5393535989 0.0000000000 + 1057 3.8589451058 0.7326250317 0.0000000000 + 1058 3.8000000000 1.0000000000 0.0000000000 + 1059 3.3000000000 2.1339745962 0.0000000000 + 1060 2.9000000000 2.6535898385 0.0000000000 + 1061 3.2500000000 2.2205771366 0.0000000000 + 1062 2.6500000000 2.9133974596 0.0000000000 + 1063 3.4000000000 2.0000000000 0.0000000000 + 1064 3.2000000000 2.3071796770 0.0000000000 + 1065 3.4500000000 1.9133974596 0.0000000000 + 1066 3.5000000000 1.8267949192 0.0000000000 + 1067 3.9500000000 0.0866025404 0.0000000000 + 1068 3.5500000000 1.7401923789 0.0000000000 + 1069 2.8500000000 2.7401923789 0.0000000000 + 1070 3.1500000000 2.3937822174 0.0000000000 + 1071 3.8500000000 0.9133974596 0.0000000000 + 1072 3.9500000000 0.2598076211 0.0000000000 + 1073 3.6000000000 1.6535898385 0.0000000000 + 1074 2.6000000000 3.0000000000 0.0000000000 + 1075 3.1000000000 2.4803847577 0.0000000000 + 1076 3.6500000000 1.5669872981 0.0000000000 + 1077 3.6904431217 1.4713928397 0.0000000000 + 1078 3.9500000000 0.4330127019 0.0000000000 + 1079 3.9250000000 0.6299038106 0.0000000000 + 1080 2.8000000000 2.8267949192 0.0000000000 + 1081 3.7345238095 1.3782118242 0.0000000000 + 1082 3.0500000000 2.5669872981 0.0000000000 + 1083 3.9000000000 0.8267949192 0.0000000000 + 1084 3.7821428571 1.2848154021 0.0000000000 + 1085 3.8485714286 1.0708681359 0.0000000000 + 1086 4.0000000000 0.0000000000 0.0000000000 + 1087 4.0000000000 0.1732050808 0.0000000000 + 1088 3.0000000000 2.6535898385 0.0000000000 + 1089 2.7500000000 2.9133974596 0.0000000000 + 1090 3.4000000000 2.1339745962 0.0000000000 + 1091 4.0000000000 0.3464101615 0.0000000000 + 1092 3.8428089569 1.1720280732 0.0000000000 + 1093 3.3500000000 2.2205771366 0.0000000000 + 1094 3.9000000000 1.0000000000 0.0000000000 + 1095 2.9500000000 2.7401923789 0.0000000000 + 1096 3.3000000000 2.3071796770 0.0000000000 + 1097 3.5000000000 2.0000000000 0.0000000000 + 1098 3.5500000000 1.9133974596 0.0000000000 + 1099 4.0000000000 0.5196152423 0.0000000000 + 1100 3.9696428571 0.7270276119 0.0000000000 + 1101 2.7000000000 3.0000000000 0.0000000000 + 1102 3.2500000000 2.3937822174 0.0000000000 + 1103 3.6000000000 1.8267949192 0.0000000000 + 1104 3.6500000000 1.7401923789 0.0000000000 + 1105 3.2000000000 2.4803847577 0.0000000000 + 1106 2.9000000000 2.8267949192 0.0000000000 + 1107 4.0500000000 0.0866025404 0.0000000000 + 1108 3.7000000000 1.6535898385 0.0000000000 + 1109 3.9500000000 0.9133974596 0.0000000000 + 1110 4.0500000000 0.2598076211 0.0000000000 + 1111 3.1500000000 2.5669872981 0.0000000000 + 1112 3.7500000000 1.5669872981 0.0000000000 + 1113 4.0500000000 0.4330127019 0.0000000000 + 1114 2.8500000000 2.9133974596 0.0000000000 + 1115 3.8000000000 1.4803847577 0.0000000000 + 1116 3.1000000000 2.6535898385 0.0000000000 + 1117 4.0000000000 0.8267949192 0.0000000000 + 1118 4.0395833333 0.6224402584 0.0000000000 + 1119 3.8500000000 1.3937822174 0.0000000000 + 1120 3.9500000000 1.0866025404 0.0000000000 + 1121 3.5000000000 2.1339745962 0.0000000000 + 1122 4.1000000000 0.0000000000 0.0000000000 + 1123 3.0500000000 2.7401923789 0.0000000000 + 1124 3.4500000000 2.2205771366 0.0000000000 + 1125 2.8000000000 3.0000000000 0.0000000000 + 1126 4.1000000000 0.1732050808 0.0000000000 + 1127 3.4000000000 2.3071796770 0.0000000000 + 1128 3.9000000000 1.3071796770 0.0000000000 + 1129 4.1000000000 0.3464101615 0.0000000000 + 1130 3.3500000000 2.3937822174 0.0000000000 + 1131 3.6000000000 2.0000000000 0.0000000000 + 1132 3.6500000000 1.9133974596 0.0000000000 + 1133 3.0000000000 2.8267949192 0.0000000000 + 1134 4.0000000000 1.0000000000 0.0000000000 + 1135 3.7000000000 1.8267949192 0.0000000000 + 1136 3.3000000000 2.4803847577 0.0000000000 + 1137 4.1000000000 0.5196152423 0.0000000000 + 1138 3.7500000000 1.7401923789 0.0000000000 + 1139 3.2500000000 2.5669872981 0.0000000000 + 1140 3.8000000000 1.6535898385 0.0000000000 + 1141 3.9689484127 1.1949231356 0.0000000000 + 1142 2.9500000000 2.9133974596 0.0000000000 + 1143 4.1500000000 0.0866025404 0.0000000000 + 1144 4.0500000000 0.9133974596 0.0000000000 + 1145 3.8500000000 1.5669872981 0.0000000000 + 1146 3.2000000000 2.6535898385 0.0000000000 + 1147 4.0928571429 0.7322618607 0.0000000000 + 1148 4.1500000000 0.2598076211 0.0000000000 + 1149 3.9000000000 1.4803847577 0.0000000000 + 1150 2.9000000000 3.0000000000 0.0000000000 + 1151 4.1500000000 0.4330127019 0.0000000000 + 1152 3.1500000000 2.7401923789 0.0000000000 + 1153 4.1000000000 0.8267949192 0.0000000000 + 1154 3.6000000000 2.1339745962 0.0000000000 + 1155 3.5500000000 2.2205771366 0.0000000000 + 1156 3.9500000000 1.3937822174 0.0000000000 + 1157 3.5000000000 2.3071796770 0.0000000000 + 1158 4.0500000000 1.0866025404 0.0000000000 + 1159 4.1500000000 0.6062177826 0.0000000000 + 1160 3.1000000000 2.8267949192 0.0000000000 + 1161 3.4500000000 2.3937822174 0.0000000000 + 1162 4.2000000000 0.0000000000 0.0000000000 + 1163 4.2000000000 0.1732050808 0.0000000000 + 1164 3.7000000000 2.0000000000 0.0000000000 + 1165 4.0000000000 1.3071796770 0.0000000000 + 1166 3.4000000000 2.4803847577 0.0000000000 + 1167 3.7500000000 1.9133974596 0.0000000000 + 1168 4.2000000000 0.3464101615 0.0000000000 + 1169 3.8000000000 1.8267949192 0.0000000000 + 1170 3.0500000000 2.9133974596 0.0000000000 + 1171 4.1000000000 1.0000000000 0.0000000000 + 1172 3.3500000000 2.5669872981 0.0000000000 + 1173 3.8500000000 1.7401923789 0.0000000000 + 1174 4.2000000000 0.5196152423 0.0000000000 + 1175 3.3000000000 2.6535898385 0.0000000000 + 1176 3.9000000000 1.6535898385 0.0000000000 + 1177 3.0000000000 3.0000000000 0.0000000000 + 1178 4.0739914021 1.1965631132 0.0000000000 + 1179 4.1500000000 0.9133974596 0.0000000000 + 1180 3.9500000000 1.5669872981 0.0000000000 + 1181 4.2500000000 0.0866025404 0.0000000000 + 1182 3.2500000000 2.7401923789 0.0000000000 + 1183 4.2000000000 0.6928203230 0.0000000000 + 1184 4.2500000000 0.2598076211 0.0000000000 + 1185 4.1817176871 0.8119126854 0.0000000000 + 1186 4.0000000000 1.4803847577 0.0000000000 + 1187 3.2000000000 2.8267949192 0.0000000000 + 1188 3.7000000000 2.1339745962 0.0000000000 + 1189 4.2500000000 0.4330127019 0.0000000000 + 1190 3.6500000000 2.2205771366 0.0000000000 + 1191 3.6000000000 2.3071796770 0.0000000000 + 1192 3.5500000000 2.3937822174 0.0000000000 + 1193 4.0500000000 1.3937822174 0.0000000000 + 1194 3.5000000000 2.4803847577 0.0000000000 + 1195 4.1500000000 1.0866025404 0.0000000000 + 1196 3.1500000000 2.9133974596 0.0000000000 + 1197 4.2500000000 0.6062177826 0.0000000000 + 1198 3.8000000000 2.0000000000 0.0000000000 + 1199 3.8500000000 1.9133974596 0.0000000000 + 1200 4.3000000000 0.0000000000 0.0000000000 + 1201 3.4500000000 2.5669872981 0.0000000000 + 1202 4.1000000000 1.3071796770 0.0000000000 + 1203 4.3000000000 0.1732050808 0.0000000000 + 1204 3.9000000000 1.8267949192 0.0000000000 + 1205 3.4000000000 2.6535898385 0.0000000000 + 1206 3.1000000000 3.0000000000 0.0000000000 + 1207 4.3000000000 0.3464101615 0.0000000000 + 1208 3.9500000000 1.7401923789 0.0000000000 + 1209 4.2000000000 1.0000000000 0.0000000000 + 1210 3.3500000000 2.7401923789 0.0000000000 + 1211 4.0000000000 1.6535898385 0.0000000000 + 1212 4.3000000000 0.5196152423 0.0000000000 + 1213 4.0500000000 1.5669872981 0.0000000000 + 1214 4.1750000000 1.1968911087 0.0000000000 + 1215 3.3000000000 2.8267949192 0.0000000000 + 1216 4.2500000000 0.9133974596 0.0000000000 + 1217 4.3500000000 0.0866025404 0.0000000000 + 1218 4.3000000000 0.6928203230 0.0000000000 + 1219 4.3500000000 0.2598076211 0.0000000000 + 1220 3.7500000000 2.2205771366 0.0000000000 + 1221 3.8000000000 2.1339745962 0.0000000000 + 1222 4.1000000000 1.4803847577 0.0000000000 + 1223 3.7000000000 2.3071796770 0.0000000000 + 1224 3.2500000000 2.9133974596 0.0000000000 + 1225 3.6500000000 2.3937822174 0.0000000000 + 1226 4.2963951652 0.7910334077 0.0000000000 + 1227 4.3500000000 0.4330127019 0.0000000000 + 1228 3.6000000000 2.4803847577 0.0000000000 + 1229 4.1500000000 1.3937822174 0.0000000000 + 1230 3.5500000000 2.5669872981 0.0000000000 + 1231 3.9000000000 2.0000000000 0.0000000000 + 1232 3.2000000000 3.0000000000 0.0000000000 + 1233 4.2500000000 1.0866025404 0.0000000000 + 1234 3.9500000000 1.9133974596 0.0000000000 + 1235 4.3500000000 0.6062177826 0.0000000000 + 1236 3.5000000000 2.6535898385 0.0000000000 + 1237 4.0000000000 1.8267949192 0.0000000000 + 1238 4.2000000000 1.3071796770 0.0000000000 + 1239 4.4000000000 0.0000000000 0.0000000000 + 1240 4.4000000000 0.1732050808 0.0000000000 + 1241 3.4500000000 2.7401923789 0.0000000000 + 1242 4.0500000000 1.7401923789 0.0000000000 + 1243 4.4000000000 0.3464101615 0.0000000000 + 1244 4.3000000000 1.0000000000 0.0000000000 + 1245 4.1000000000 1.6535898385 0.0000000000 + 1246 3.4000000000 2.8267949192 0.0000000000 + 1247 4.4000000000 0.5196152423 0.0000000000 + 1248 4.1500000000 1.5669872981 0.0000000000 + 1249 4.3829081633 0.7029458701 0.0000000000 + 1250 3.3500000000 2.9133974596 0.0000000000 + 1251 4.2791666667 1.1929434374 0.0000000000 + 1252 3.8500000000 2.2205771366 0.0000000000 + 1253 4.3500000000 0.9133974596 0.0000000000 + 1254 3.8000000000 2.3071796770 0.0000000000 + 1255 3.9000000000 2.1339745962 0.0000000000 + 1256 3.7500000000 2.3937822174 0.0000000000 + 1257 4.4500000000 0.0866025404 0.0000000000 + 1258 4.2000000000 1.4803847577 0.0000000000 + 1259 3.7000000000 2.4803847577 0.0000000000 + 1260 4.4500000000 0.2598076211 0.0000000000 + 1261 3.3000000000 3.0000000000 0.0000000000 + 1262 3.6500000000 2.5669872981 0.0000000000 + 1263 4.4500000000 0.4330127019 0.0000000000 + 1264 4.0000000000 2.0000000000 0.0000000000 + 1265 3.6000000000 2.6535898385 0.0000000000 + 1266 4.2500000000 1.3937822174 0.0000000000 + 1267 4.0500000000 1.9133974596 0.0000000000 + 1268 4.3500000000 1.0866025404 0.0000000000 + 1269 4.4101403061 0.8099397330 0.0000000000 + 1270 3.5500000000 2.7401923789 0.0000000000 + 1271 4.1000000000 1.8267949192 0.0000000000 + 1272 4.4500000000 0.6062177826 0.0000000000 + 1273 3.5000000000 2.8267949192 0.0000000000 + 1274 4.5000000000 0.0000000000 0.0000000000 + 1275 4.1500000000 1.7401923789 0.0000000000 + 1276 4.5000000000 0.1732050808 0.0000000000 + 1277 4.3137538580 1.2941487064 0.0000000000 + 1278 4.4000000000 1.0000000000 0.0000000000 + 1279 4.5000000000 0.3464101615 0.0000000000 + 1280 4.2000000000 1.6535898385 0.0000000000 + 1281 3.4500000000 2.9133974596 0.0000000000 + 1282 4.2500000000 1.5669872981 0.0000000000 + 1283 4.5000000000 0.5196152423 0.0000000000 + 1284 3.9000000000 2.3071796770 0.0000000000 + 1285 3.9500000000 2.2205771366 0.0000000000 + 1286 3.8500000000 2.3937822174 0.0000000000 + 1287 4.0000000000 2.1339745962 0.0000000000 + 1288 3.4000000000 3.0000000000 0.0000000000 + 1289 4.4788548753 0.7106066903 0.0000000000 + 1290 3.8000000000 2.4803847577 0.0000000000 + 1291 4.3832175926 1.1891054236 0.0000000000 + 1292 4.4500000000 0.9133974596 0.0000000000 + 1293 3.7500000000 2.5669872981 0.0000000000 + 1294 4.3000000000 1.4803847577 0.0000000000 + 1295 4.5500000000 0.0866025404 0.0000000000 + 1296 3.7000000000 2.6535898385 0.0000000000 + 1297 4.5500000000 0.2598076211 0.0000000000 + 1298 4.1000000000 2.0000000000 0.0000000000 + 1299 3.6500000000 2.7401923789 0.0000000000 + 1300 4.3500000000 1.3937822174 0.0000000000 + 1301 4.1500000000 1.9133974596 0.0000000000 + 1302 4.5500000000 0.4330127019 0.0000000000 + 1303 4.5000000000 0.8267949192 0.0000000000 + 1304 3.6000000000 2.8267949192 0.0000000000 + 1305 4.2000000000 1.8267949192 0.0000000000 + 1306 4.4500000000 1.0866025404 0.0000000000 + 1307 4.5500000000 0.6062177826 0.0000000000 + 1308 3.5500000000 2.9133974596 0.0000000000 + 1309 4.2500000000 1.7401923789 0.0000000000 + 1310 4.6000000000 0.0000000000 0.0000000000 + 1311 4.6000000000 0.1732050808 0.0000000000 + 1312 4.4201388889 1.2880992656 0.0000000000 + 1313 4.3000000000 1.6535898385 0.0000000000 + 1314 4.1000000000 2.1013004951 0.0000000000 + 1315 3.5000000000 3.0000000000 0.0000000000 + 1316 4.5000000000 1.0000000000 0.0000000000 + 1317 4.6000000000 0.3464101615 0.0000000000 + 1318 4.0000000000 2.3071796770 0.0000000000 + 1319 3.9500000000 2.3937822174 0.0000000000 + 1320 4.0500000000 2.2205771366 0.0000000000 + 1321 3.9000000000 2.4803847577 0.0000000000 + 1322 4.3500000000 1.5669872981 0.0000000000 + 1323 3.8500000000 2.5669872981 0.0000000000 + 1324 4.6000000000 0.5196152423 0.0000000000 + 1325 3.8000000000 2.6535898385 0.0000000000 + 1326 4.5800807823 0.7115240544 0.0000000000 + 1327 4.5500000000 0.9133974596 0.0000000000 + 1328 4.4000000000 1.4803847577 0.0000000000 + 1329 3.7500000000 2.7401923789 0.0000000000 + 1330 4.5000000000 1.1732050808 0.0000000000 + 1331 4.6500000000 0.0866025404 0.0000000000 + 1332 4.2000000000 2.0000000000 0.0000000000 + 1333 3.7000000000 2.8267949192 0.0000000000 + 1334 4.6500000000 0.2598076211 0.0000000000 + 1335 4.2500000000 1.9133974596 0.0000000000 + 1336 4.4500000000 1.3937822174 0.0000000000 + 1337 4.6500000000 0.4330127019 0.0000000000 + 1338 3.6500000000 2.9133974596 0.0000000000 + 1339 4.3000000000 1.8267949192 0.0000000000 + 1340 4.6000000000 0.8267949192 0.0000000000 + 1341 4.5500000000 1.0866025404 0.0000000000 + 1342 4.3500000000 1.7401923789 0.0000000000 + 1343 3.6000000000 3.0000000000 0.0000000000 + 1344 4.6500000000 0.6062177826 0.0000000000 + 1345 4.7000000000 0.0000000000 0.0000000000 + 1346 4.4000000000 1.6535898385 0.0000000000 + 1347 4.5208333333 1.2874413204 0.0000000000 + 1348 4.7000000000 0.1732050808 0.0000000000 + 1349 4.0500000000 2.3937822174 0.0000000000 + 1350 4.1000000000 2.3071796770 0.0000000000 + 1351 4.0000000000 2.4803847577 0.0000000000 + 1352 4.1500000000 2.2205771366 0.0000000000 + 1353 4.6000000000 1.0000000000 0.0000000000 + 1354 3.9500000000 2.5669872981 0.0000000000 + 1355 4.7000000000 0.3464101615 0.0000000000 + 1356 3.9000000000 2.6535898385 0.0000000000 + 1357 4.4500000000 1.5669872981 0.0000000000 + 1358 4.2200000168 2.1095800744 0.0000000000 + 1359 3.8500000000 2.7401923789 0.0000000000 + 1360 4.7000000000 0.5196152423 0.0000000000 + 1361 4.6800134637 0.7117282969 0.0000000000 + 1362 3.8000000000 2.8267949192 0.0000000000 + 1363 4.5000000000 1.4803847577 0.0000000000 + 1364 4.6500000000 0.9133974596 0.0000000000 + 1365 4.3000000000 2.0000000000 0.0000000000 + 1366 4.6000000000 1.1732050808 0.0000000000 + 1367 3.7500000000 2.9133974596 0.0000000000 + 1368 4.7500000000 0.0866025404 0.0000000000 + 1369 4.3500000000 1.9133974596 0.0000000000 + 1370 4.7500000000 0.2598076211 0.0000000000 + 1371 4.5500000000 1.3937822174 0.0000000000 + 1372 3.7000000000 3.0000000000 0.0000000000 + 1373 4.4000000000 1.8267949192 0.0000000000 + 1374 4.7500000000 0.4330127019 0.0000000000 + 1375 4.7000000000 0.8267949192 0.0000000000 + 1376 4.6500000000 1.0866025404 0.0000000000 + 1377 4.4500000000 1.7401923789 0.0000000000 + 1378 4.7500000000 0.6062177826 0.0000000000 + 1379 4.1500000000 2.3937822174 0.0000000000 + 1380 4.1000000000 2.4803847577 0.0000000000 + 1381 4.2000000000 2.3071796770 0.0000000000 + 1382 4.5000000000 1.6535898385 0.0000000000 + 1383 4.0500000000 2.5669872981 0.0000000000 + 1384 4.2500000000 2.2205771366 0.0000000000 + 1385 4.8000000000 0.0000000000 0.0000000000 + 1386 4.0000000000 2.6535898385 0.0000000000 + 1387 4.6280092593 1.2806425531 0.0000000000 + 1388 4.8000000000 0.1732050808 0.0000000000 + 1389 4.7000000000 1.0000000000 0.0000000000 + 1390 3.9500000000 2.7401923789 0.0000000000 + 1391 4.3200001010 2.1150256782 0.0000000000 + 1392 4.5500000000 1.5669872981 0.0000000000 + 1393 4.8000000000 0.3464101615 0.0000000000 + 1394 3.9000000000 2.8267949192 0.0000000000 + 1395 4.8000000000 0.5196152423 0.0000000000 + 1396 3.8500000000 2.9133974596 0.0000000000 + 1397 4.6000000000 1.4803847577 0.0000000000 + 1398 4.4000000000 2.0000000000 0.0000000000 + 1399 4.7500000000 0.9133974596 0.0000000000 + 1400 3.8000000000 3.0000000000 0.0000000000 + 1401 4.4500000000 1.9133974596 0.0000000000 + 1402 4.7000000000 1.1732050808 0.0000000000 + 1403 4.8000000000 0.6928203230 0.0000000000 + 1404 4.8500000000 0.0866025404 0.0000000000 + 1405 4.5000000000 1.8267949192 0.0000000000 + 1406 4.8500000000 0.2598076211 0.0000000000 + 1407 4.6638888889 1.3806233130 0.0000000000 + 1408 4.8500000000 0.4330127019 0.0000000000 + 1409 4.8000000000 0.8267949192 0.0000000000 + 1410 4.5500000000 1.7401923789 0.0000000000 + 1411 4.7500000000 1.0866025404 0.0000000000 + 1412 4.2000000000 2.4803847577 0.0000000000 + 1413 4.2500000000 2.3937822174 0.0000000000 + 1414 4.1500000000 2.5669872981 0.0000000000 + 1415 4.3000000000 2.3071796770 0.0000000000 + 1416 4.1000000000 2.6535898385 0.0000000000 + 1417 4.3500000000 2.2205771366 0.0000000000 + 1418 4.8500000000 0.6062177826 0.0000000000 + 1419 4.6000000000 1.6535898385 0.0000000000 + 1420 4.0500000000 2.7401923789 0.0000000000 + 1421 4.0000000000 2.8267949192 0.0000000000 + 1422 4.4200006058 2.1150251999 0.0000000000 + 1423 4.9000000000 0.0000000000 0.0000000000 + 1424 4.7333333333 1.2755983064 0.0000000000 + 1425 4.9000000000 0.1732050808 0.0000000000 + 1426 4.8000000000 1.0000000000 0.0000000000 + 1427 4.6500000000 1.5669872981 0.0000000000 + 1428 3.9500000000 2.9133974596 0.0000000000 + 1429 4.9000000000 0.3464101615 0.0000000000 + 1430 3.9000000000 3.0000000000 0.0000000000 + 1431 4.5000000000 2.0000000000 0.0000000000 + 1432 4.9000000000 0.5196152423 0.0000000000 + 1433 4.7000000000 1.4803847577 0.0000000000 + 1434 4.8500000000 0.9133974596 0.0000000000 + 1435 4.5500000000 1.9133974596 0.0000000000 + 1436 4.8000000000 1.1732050808 0.0000000000 + 1437 4.9000000000 0.6928203230 0.0000000000 + 1438 4.6000000000 1.8267949192 0.0000000000 + 1439 4.9500000000 0.0866025404 0.0000000000 + 1440 4.9500000000 0.2598076211 0.0000000000 + 1441 4.3000000000 2.4803847577 0.0000000000 + 1442 4.6500000000 1.7401923789 0.0000000000 + 1443 4.2500000000 2.5669872981 0.0000000000 + 1444 4.3500000000 2.3937822174 0.0000000000 + 1445 4.7750000000 1.3700961894 0.0000000000 + 1446 4.2000000000 2.6535898385 0.0000000000 + 1447 4.4000000000 2.3071796770 0.0000000000 + 1448 4.9500000000 0.4330127019 0.0000000000 + 1449 4.9000000000 0.8267949192 0.0000000000 + 1450 4.8500000000 1.0866025404 0.0000000000 + 1451 4.1500000000 2.7401923789 0.0000000000 + 1452 4.4500000000 2.2205771366 0.0000000000 + 1453 4.1000000000 2.8267949192 0.0000000000 + 1454 4.7000000000 1.6535898385 0.0000000000 + 1455 4.9500000000 0.6062177826 0.0000000000 + 1456 4.0500000000 2.9133974596 0.0000000000 + 1457 4.5200036348 2.1150223302 0.0000000000 + 1458 5.0000000000 0.0000000000 0.0000000000 + 1459 4.0000000000 3.0000000000 0.0000000000 + 1460 4.9000000000 1.0000000000 0.0000000000 + 1461 4.7500000000 1.5669872981 0.0000000000 + 1462 5.0000000000 0.1732050808 0.0000000000 + 1463 4.8402777778 1.2690188542 0.0000000000 + 1464 5.0000000000 0.3464101615 0.0000000000 + 1465 4.6000000000 2.0000000000 0.0000000000 + 1466 4.8000000000 1.4803847577 0.0000000000 + 1467 5.0000000000 0.5196152423 0.0000000000 + 1468 4.6500000000 1.9133974596 0.0000000000 + 1469 4.9500000000 0.9133974596 0.0000000000 + 1470 4.9000000000 1.1732050808 0.0000000000 + 1471 4.7000000000 1.8267949192 0.0000000000 + 1472 5.0000000000 0.6928203230 0.0000000000 + 1473 5.0500000000 0.0866025404 0.0000000000 + 1474 4.3500000000 2.5669872981 0.0000000000 + 1475 4.4000000000 2.4803847577 0.0000000000 + 1476 4.3000000000 2.6535898385 0.0000000000 + 1477 4.4500000000 2.3937822174 0.0000000000 + 1478 5.0500000000 0.2598076211 0.0000000000 + 1479 4.2500000000 2.7401923789 0.0000000000 + 1480 4.5000000000 2.3071796770 0.0000000000 + 1481 4.7500000000 1.7401923789 0.0000000000 + 1482 4.2000000000 2.8267949192 0.0000000000 + 1483 4.5500000000 2.2205771366 0.0000000000 + 1484 4.9500000000 1.0866025404 0.0000000000 + 1485 5.0000000000 0.8267949192 0.0000000000 + 1486 5.0500000000 0.4330127019 0.0000000000 + 1487 4.8833333333 1.3622008468 0.0000000000 + 1488 4.1500000000 2.9133974596 0.0000000000 + 1489 4.8000000000 1.6535898385 0.0000000000 + 1490 4.1000000000 3.0000000000 0.0000000000 + 1491 4.6200218086 2.1150051116 0.0000000000 + 1492 5.0500000000 0.6062177826 0.0000000000 + 1493 4.8500000000 1.5669872981 0.0000000000 + 1494 5.0000000000 1.0000000000 0.0000000000 + 1495 5.1000000000 0.0000000000 0.0000000000 + 1496 5.1000000000 0.1732050808 0.0000000000 + 1497 4.9500000000 1.2598076211 0.0000000000 + 1498 4.7000000000 2.0000000000 0.0000000000 + 1499 5.1000000000 0.3464101615 0.0000000000 + 1500 4.7500000000 1.9133974596 0.0000000000 + 1501 5.1000000000 0.5196152423 0.0000000000 + 1502 4.9187500000 1.4626202368 0.0000000000 + 1503 5.0500000000 0.9133974596 0.0000000000 + 1504 5.0000000000 1.1732050808 0.0000000000 + 1505 4.8000000000 1.8267949192 0.0000000000 + 1506 4.4500000000 2.5669872981 0.0000000000 + 1507 4.4000000000 2.6535898385 0.0000000000 + 1508 4.5000000000 2.4803847577 0.0000000000 + 1509 4.3500000000 2.7401923789 0.0000000000 + 1510 4.5500000000 2.3937822174 0.0000000000 + 1511 4.3000000000 2.8267949192 0.0000000000 + 1512 4.6000000000 2.3071796770 0.0000000000 + 1513 5.1000000000 0.6928203230 0.0000000000 + 1514 5.1500000000 0.0866025404 0.0000000000 + 1515 4.2500000000 2.9133974596 0.0000000000 + 1516 4.8500000000 1.7401923789 0.0000000000 + 1517 4.6500000000 2.2205771366 0.0000000000 + 1518 5.1500000000 0.2598076211 0.0000000000 + 1519 4.2000000000 3.0000000000 0.0000000000 + 1520 5.0500000000 1.0866025404 0.0000000000 + 1521 5.1000000000 0.8267949192 0.0000000000 + 1522 5.1500000000 0.4330127019 0.0000000000 + 1523 4.9000000000 1.6535898385 0.0000000000 + 1524 4.7201308513 2.1149017999 0.0000000000 + 1525 5.0000000000 1.3464101615 0.0000000000 + 1526 5.1500000000 0.6062177826 0.0000000000 + 1527 4.9500000000 1.5669872981 0.0000000000 + 1528 5.1000000000 1.0000000000 0.0000000000 + 1529 5.2000000000 0.0000000000 0.0000000000 + 1530 4.8000000000 2.0000000000 0.0000000000 + 1531 5.2000000000 0.1732050808 0.0000000000 + 1532 5.0500000000 1.2598076211 0.0000000000 + 1533 5.2000000000 0.3464101615 0.0000000000 + 1534 4.8500000000 1.9133974596 0.0000000000 + 1535 4.5000000000 2.6535898385 0.0000000000 + 1536 4.5500000000 2.5669872981 0.0000000000 + 1537 5.2000000000 0.5196152423 0.0000000000 + 1538 4.4500000000 2.7401923789 0.0000000000 + 1539 4.6000000000 2.4803847577 0.0000000000 + 1540 4.9000000000 1.8267949192 0.0000000000 + 1541 4.4000000000 2.8267949192 0.0000000000 + 1542 4.6500000000 2.3937822174 0.0000000000 + 1543 5.1500000000 0.9133974596 0.0000000000 + 1544 5.1000000000 1.1732050808 0.0000000000 + 1545 5.0291666667 1.4527510585 0.0000000000 + 1546 4.3500000000 2.9133974596 0.0000000000 + 1547 4.7000000000 2.3071796770 0.0000000000 + 1548 4.3000000000 3.0000000000 0.0000000000 + 1549 4.7500000000 2.2205771366 0.0000000000 + 1550 5.2000000000 0.6928203230 0.0000000000 + 1551 4.9500000000 1.7401923789 0.0000000000 + 1552 5.2500000000 0.0866025404 0.0000000000 + 1553 5.2500000000 0.2598076211 0.0000000000 + 1554 5.1500000000 1.0866025404 0.0000000000 + 1555 4.8207851080 2.1142819303 0.0000000000 + 1556 5.2000000000 0.8267949192 0.0000000000 + 1557 5.0000000000 1.6535898385 0.0000000000 + 1558 5.2500000000 0.4330127019 0.0000000000 + 1559 5.1000000000 1.3464101615 0.0000000000 + 1560 5.2500000000 0.6062177826 0.0000000000 + 1561 4.9000000000 2.0000000000 0.0000000000 + 1562 5.2000000000 1.0000000000 0.0000000000 + 1563 5.0626478909 1.5550041662 0.0000000000 + 1564 5.3000000000 0.0000000000 0.0000000000 + 1565 5.1500000000 1.2598076211 0.0000000000 + 1566 5.3000000000 0.1732050808 0.0000000000 + 1567 4.9500000000 1.9133974596 0.0000000000 + 1568 4.6000000000 2.6535898385 0.0000000000 + 1569 5.3000000000 0.3464101615 0.0000000000 + 1570 4.5500000000 2.7401923789 0.0000000000 + 1571 4.6500000000 2.5669872981 0.0000000000 + 1572 4.5000000000 2.8267949192 0.0000000000 + 1573 4.7000000000 2.4803847577 0.0000000000 + 1574 4.4500000000 2.9133974596 0.0000000000 + 1575 4.7500000000 2.3937822174 0.0000000000 + 1576 5.0000000000 1.8267949192 0.0000000000 + 1577 4.4000000000 3.0000000000 0.0000000000 + 1578 5.3000000000 0.5196152423 0.0000000000 + 1579 4.8000000000 2.3071796770 0.0000000000 + 1580 5.2500000000 0.9133974596 0.0000000000 + 1581 5.2000000000 1.1732050808 0.0000000000 + 1582 5.1298611111 1.4520931133 0.0000000000 + 1583 4.8500000000 2.2205771366 0.0000000000 + 1584 5.0500000000 1.7401923789 0.0000000000 + 1585 5.3000000000 0.6928203230 0.0000000000 + 1586 5.3500000000 0.0866025404 0.0000000000 + 1587 5.3500000000 0.2598076211 0.0000000000 + 1588 4.9247106481 2.1105627121 0.0000000000 + 1589 5.2500000000 1.0866025404 0.0000000000 + 1590 5.1000000000 1.6535898385 0.0000000000 + 1591 5.3500000000 0.4330127019 0.0000000000 + 1592 5.2000000000 1.3464101615 0.0000000000 + 1593 5.3166666667 0.8188467370 0.0000000000 + 1594 5.3500000000 0.6062177826 0.0000000000 + 1595 5.0000000000 2.0000000000 0.0000000000 + 1596 5.3000000000 1.0000000000 0.0000000000 + 1597 5.1668595679 1.5510138503 0.0000000000 + 1598 4.6500000000 2.7401923789 0.0000000000 + 1599 4.7000000000 2.6535898385 0.0000000000 + 1600 5.2500000000 1.2598076211 0.0000000000 + 1601 4.6000000000 2.8267949192 0.0000000000 + 1602 4.7500000000 2.5669872981 0.0000000000 + 1603 5.4000000000 0.0000000000 0.0000000000 + 1604 5.0500000000 1.9133974596 0.0000000000 + 1605 5.4000000000 0.1732050808 0.0000000000 + 1606 4.5500000000 2.9133974596 0.0000000000 + 1607 4.8000000000 2.4803847577 0.0000000000 + 1608 4.5000000000 3.0000000000 0.0000000000 + 1609 4.8500000000 2.3937822174 0.0000000000 + 1610 5.4000000000 0.3464101615 0.0000000000 + 1611 4.9000000000 2.3071796770 0.0000000000 + 1612 5.1000000000 1.8267949192 0.0000000000 + 1613 5.4000000000 0.5196152423 0.0000000000 + 1614 5.3500000000 0.9133974596 0.0000000000 + 1615 5.3000000000 1.1732050808 0.0000000000 + 1616 4.9625000000 2.2087341226 0.0000000000 + 1617 5.1500000000 1.7401923789 0.0000000000 + 1618 5.2500000000 1.4330127019 0.0000000000 + 1619 5.4000000000 0.7254944242 0.0000000000 + 1620 5.4500000000 0.0866025404 0.0000000000 + 1621 5.0357638889 2.1000904174 0.0000000000 + 1622 5.4500000000 0.2598076211 0.0000000000 + 1623 5.2000000000 1.6535898385 0.0000000000 + 1624 5.3500000000 1.0866025404 0.0000000000 + 1625 5.4000000000 0.8411758364 0.0000000000 + 1626 5.4500000000 0.4330127019 0.0000000000 + 1627 5.3000000000 1.3464101615 0.0000000000 + 1628 5.1000000000 2.0000000000 0.0000000000 + 1629 5.4500000000 0.6062177826 0.0000000000 + 1630 4.7500000000 2.7401923789 0.0000000000 + 1631 4.7000000000 2.8267949192 0.0000000000 + 1632 4.8000000000 2.6535898385 0.0000000000 + 1633 4.6500000000 2.9133974596 0.0000000000 + 1634 4.8500000000 2.5669872981 0.0000000000 + 1635 4.6000000000 3.0000000000 0.0000000000 + 1636 5.4000000000 1.0000000000 0.0000000000 + 1637 4.9000000000 2.4803847577 0.0000000000 + 1638 5.2712962963 1.5468103114 0.0000000000 + 1639 5.1500000000 1.9133974596 0.0000000000 + 1640 5.3500000000 1.2598076211 0.0000000000 + 1641 4.9500000000 2.3937822174 0.0000000000 + 1642 5.5000000000 0.0000000000 0.0000000000 + 1643 5.5000000000 0.1732050808 0.0000000000 + 1644 5.0000000000 2.3071796770 0.0000000000 + 1645 5.5000000000 0.3464101615 0.0000000000 + 1646 5.2000000000 1.8267949192 0.0000000000 + 1647 5.5000000000 0.5196152423 0.0000000000 + 1648 5.4000000000 1.1732050808 0.0000000000 + 1649 5.4500000000 0.9133974596 0.0000000000 + 1650 5.0712384259 2.2004549786 0.0000000000 + 1651 5.2500000000 1.7401923789 0.0000000000 + 1652 5.3500000000 1.4330127019 0.0000000000 + 1653 5.5500000000 0.0866025404 0.0000000000 + 1654 5.3000000000 1.6535898385 0.0000000000 + 1655 5.5500000000 0.2598076211 0.0000000000 + 1656 5.1500000000 2.0866025404 0.0000000000 + 1657 5.4500000000 1.0866025404 0.0000000000 + 1658 5.5000000000 0.8267949192 0.0000000000 + 1659 5.4000000000 1.3464101615 0.0000000000 + 1660 5.5199999908 0.7172148096 0.0000000000 + 1661 5.5500000000 0.4330127019 0.0000000000 + 1662 4.8000000000 2.8267949192 0.0000000000 + 1663 4.8500000000 2.7401923789 0.0000000000 + 1664 5.2000000000 2.0000000000 0.0000000000 + 1665 4.7500000000 2.9133974596 0.0000000000 + 1666 4.9000000000 2.6535898385 0.0000000000 + 1667 4.7000000000 3.0000000000 0.0000000000 + 1668 4.9500000000 2.5669872981 0.0000000000 + 1669 5.0000000000 2.4803847577 0.0000000000 + 1670 5.5500000000 0.6062177826 0.0000000000 + 1671 5.2500000000 1.9133974596 0.0000000000 + 1672 5.0500000000 2.3937822174 0.0000000000 + 1673 5.5000000000 1.0000000000 0.0000000000 + 1674 5.4500000000 1.2598076211 0.0000000000 + 1675 5.3777777778 1.5406694893 0.0000000000 + 1676 5.1000000000 2.3071796770 0.0000000000 + 1677 5.6000000000 0.0000000000 0.0000000000 + 1678 5.6000000000 0.1732050808 0.0000000000 + 1679 5.3000000000 1.8267949192 0.0000000000 + 1680 5.6000000000 0.3464101615 0.0000000000 + 1681 5.5000000000 1.1732050808 0.0000000000 + 1682 5.6000000000 0.5196152423 0.0000000000 + 1683 5.1791666667 2.1929434374 0.0000000000 + 1684 5.5500000000 0.9133974596 0.0000000000 + 1685 5.3500000000 1.7401923789 0.0000000000 + 1686 5.4500000000 1.4330127019 0.0000000000 + 1687 5.2500000000 2.0866025404 0.0000000000 + 1688 5.5899999893 0.8182280995 0.0000000000 + 1689 5.6500000000 0.0866025404 0.0000000000 + 1690 5.5500000000 1.0866025404 0.0000000000 + 1691 5.6500000000 0.2598076211 0.0000000000 + 1692 4.9000000000 2.8267949192 0.0000000000 + 1693 4.8500000000 2.9133974596 0.0000000000 + 1694 4.9500000000 2.7401923789 0.0000000000 + 1695 5.4166666667 1.6377991532 0.0000000000 + 1696 4.8000000000 3.0000000000 0.0000000000 + 1697 5.0000000000 2.6535898385 0.0000000000 + 1698 5.5000000000 1.3464101615 0.0000000000 + 1699 5.3000000000 2.0000000000 0.0000000000 + 1700 5.6199999450 0.7117690298 0.0000000000 + 1701 5.0500000000 2.5669872981 0.0000000000 + 1702 5.6500000000 0.4330127019 0.0000000000 + 1703 5.1000000000 2.4803847577 0.0000000000 + 1704 5.1500000000 2.3937822174 0.0000000000 + 1705 5.3500000000 1.9133974596 0.0000000000 + 1706 5.6500000000 0.6062177826 0.0000000000 + 1707 5.6000000000 1.0000000000 0.0000000000 + 1708 5.5500000000 1.2598076211 0.0000000000 + 1709 5.4878472222 1.5311292836 0.0000000000 + 1710 5.2173611111 2.2907310465 0.0000000000 + 1711 5.7000000000 0.0000000000 0.0000000000 + 1712 5.4000000000 1.8267949192 0.0000000000 + 1713 5.7000000000 0.1732050808 0.0000000000 + 1714 5.7000000000 0.3464101615 0.0000000000 + 1715 5.4500000000 1.7401923789 0.0000000000 + 1716 5.6000000000 1.1732050808 0.0000000000 + 1717 5.6500000000 0.9133974596 0.0000000000 + 1718 5.7000000000 0.5196152423 0.0000000000 + 1719 5.3000000000 2.1732050808 0.0000000000 + 1720 5.5500000000 1.4330127019 0.0000000000 + 1721 5.3500000000 2.0866025404 0.0000000000 + 1722 4.9500000000 2.9133974596 0.0000000000 + 1723 5.0000000000 2.8267949192 0.0000000000 + 1724 4.9000000000 3.0000000000 0.0000000000 + 1725 5.0500000000 2.7401923789 0.0000000000 + 1726 5.1000000000 2.6535898385 0.0000000000 + 1727 5.7500000000 0.0866025404 0.0000000000 + 1728 5.6500000000 1.0866025404 0.0000000000 + 1729 5.1500000000 2.5669872981 0.0000000000 + 1730 5.7500000000 0.2598076211 0.0000000000 + 1731 5.4000000000 2.0000000000 0.0000000000 + 1732 5.6000000000 1.3464101615 0.0000000000 + 1733 5.7000000000 0.8267949192 0.0000000000 + 1734 5.2000000000 2.4803847577 0.0000000000 + 1735 5.7199996702 0.7117684522 0.0000000000 + 1736 5.5326388889 1.6226664131 0.0000000000 + 1737 5.7500000000 0.4330127019 0.0000000000 + 1738 5.2500000000 2.3937822174 0.0000000000 + 1739 5.4500000000 1.9133974596 0.0000000000 + 1740 5.7500000000 0.6062177826 0.0000000000 + 1741 5.7000000000 1.0000000000 0.0000000000 + 1742 5.6500000000 1.2598076211 0.0000000000 + 1743 5.3250000000 2.2834936491 0.0000000000 + 1744 5.8000000000 0.0000000000 0.0000000000 + 1745 5.5090277778 1.8182416314 0.0000000000 + 1746 5.6000000000 1.5196152423 0.0000000000 + 1747 5.8000000000 0.1732050808 0.0000000000 + 1748 5.8000000000 0.3464101615 0.0000000000 + 1749 5.7000000000 1.1732050808 0.0000000000 + 1750 5.4000000000 2.1732050808 0.0000000000 + 1751 5.7500000000 0.9133974596 0.0000000000 + 1752 5.8000000000 0.5196152423 0.0000000000 + 1753 5.6500000000 1.4330127019 0.0000000000 + 1754 5.0500000000 2.9133974596 0.0000000000 + 1755 5.0000000000 3.0000000000 0.0000000000 + 1756 5.1000000000 2.8267949192 0.0000000000 + 1757 5.1500000000 2.7401923789 0.0000000000 + 1758 5.4500000000 2.0866025404 0.0000000000 + 1759 5.5791666667 1.7125586796 0.0000000000 + 1760 5.2000000000 2.6535898385 0.0000000000 + 1761 5.2500000000 2.5669872981 0.0000000000 + 1762 5.8500000000 0.0866025404 0.0000000000 + 1763 5.3000000000 2.4803847577 0.0000000000 + 1764 5.7500000000 1.0866025404 0.0000000000 + 1765 5.5000000000 2.0000000000 0.0000000000 + 1766 5.8500000000 0.2598076211 0.0000000000 + 1767 5.7000000000 1.3464101615 0.0000000000 + 1768 5.8000000000 0.8267949192 0.0000000000 + 1769 5.8199980214 0.7117649862 0.0000000000 + 1770 5.8500000000 0.4330127019 0.0000000000 + 1771 5.3629436728 2.3815188495 0.0000000000 + 1772 5.6500000000 1.6062177826 0.0000000000 + 1773 5.5584490741 1.9053924594 0.0000000000 + 1774 5.8500000000 0.6062177826 0.0000000000 + 1775 5.8000000000 1.0000000000 0.0000000000 + 1776 5.7500000000 1.2598076211 0.0000000000 + 1777 5.4325231481 2.2763659092 0.0000000000 + 1778 5.7000000000 1.5196152423 0.0000000000 + 1779 5.9000000000 0.0000000000 0.0000000000 + 1780 5.9000000000 0.1732050808 0.0000000000 + 1781 5.6250000000 1.8031088913 0.0000000000 + 1782 5.9000000000 0.3464101615 0.0000000000 + 1783 5.5000000000 2.1732050808 0.0000000000 + 1784 5.1000000000 3.0000000000 0.0000000000 + 1785 5.1500000000 2.9133974596 0.0000000000 + 1786 5.8000000000 1.1732050808 0.0000000000 + 1787 5.2000000000 2.8267949192 0.0000000000 + 1788 5.8500000000 0.9133974596 0.0000000000 + 1789 5.2500000000 2.7401923789 0.0000000000 + 1790 5.9000000000 0.5196152423 0.0000000000 + 1791 5.7500000000 1.4330127019 0.0000000000 + 1792 5.3000000000 2.6535898385 0.0000000000 + 1793 5.5500000000 2.0866025404 0.0000000000 + 1794 5.3500000000 2.5669872981 0.0000000000 + 1795 5.4000000000 2.4803847577 0.0000000000 + 1796 5.7000000000 1.6928203230 0.0000000000 + 1797 5.6000000000 2.0000000000 0.0000000000 + 1798 5.8500000000 1.0866025404 0.0000000000 + 1799 5.9500000000 0.0866025404 0.0000000000 + 1800 5.8000000000 1.3464101615 0.0000000000 + 1801 5.9500000000 0.2598076211 0.0000000000 + 1802 5.9000000000 0.8267949192 0.0000000000 + 1803 5.9199881285 0.7117441906 0.0000000000 + 1804 5.4701388889 2.3747018060 0.0000000000 + 1805 5.9500000000 0.4330127019 0.0000000000 + 1806 5.7500000000 1.6062177826 0.0000000000 + 1807 5.6666666667 1.8976067743 0.0000000000 + 1808 5.9500000000 0.6062177826 0.0000000000 + 1809 5.8500000000 1.2598076211 0.0000000000 + 1810 5.9000000000 1.0000000000 0.0000000000 + 1811 5.5378086420 2.2713582150 0.0000000000 + 1812 5.8000000000 1.5196152423 0.0000000000 + 1813 6.0000000000 0.0000000000 0.0000000000 + 1814 6.0000000000 0.1732050808 0.0000000000 + 1815 5.2000000000 3.0000000000 0.0000000000 + 1816 5.2500000000 2.9133974596 0.0000000000 + 1817 5.3000000000 2.8267949192 0.0000000000 + 1818 5.6000000000 2.1732050808 0.0000000000 + 1819 6.0000000000 0.3464101615 0.0000000000 + 1820 5.7365740741 1.7921431377 0.0000000000 + 1821 5.3500000000 2.7401923789 0.0000000000 + 1822 5.9000000000 1.1732050808 0.0000000000 + 1823 5.4000000000 2.6535898385 0.0000000000 + 1824 5.9500000000 0.9133974596 0.0000000000 + 1825 6.0000000000 0.5196152423 0.0000000000 + 1826 5.8500000000 1.4330127019 0.0000000000 + 1827 5.6500000000 2.0866025404 0.0000000000 + 1828 5.4500000000 2.5669872981 0.0000000000 + 1829 5.5000000000 2.4803847577 0.0000000000 + 1830 5.7000000000 2.0000000000 0.0000000000 + 1831 5.8000000000 1.6928203230 0.0000000000 + 1832 5.9500000000 1.0866025404 0.0000000000 + 1833 6.0500000000 0.0866025404 0.0000000000 + 1834 5.9000000000 1.3464101615 0.0000000000 + 1835 6.0500000000 0.2598076211 0.0000000000 + 1836 6.0000000000 0.8267949192 0.0000000000 + 1837 5.5741898148 2.3708637922 0.0000000000 + 1838 6.0199287709 0.7116194170 0.0000000000 + 1839 6.0500000000 0.4330127019 0.0000000000 + 1840 5.8500000000 1.6062177826 0.0000000000 + 1841 5.7777777778 1.8870796508 0.0000000000 + 1842 6.0500000000 0.6062177826 0.0000000000 + 1843 5.9500000000 1.2598076211 0.0000000000 + 1844 6.0000000000 1.0000000000 0.0000000000 + 1845 5.6500000000 2.2598076211 0.0000000000 + 1846 5.3000000000 3.0000000000 0.0000000000 + 1847 5.3500000000 2.9133974596 0.0000000000 + 1848 5.9000000000 1.5196152423 0.0000000000 + 1849 5.4000000000 2.8267949192 0.0000000000 + 1850 6.1000000000 0.0000000000 0.0000000000 + 1851 5.4500000000 2.7401923789 0.0000000000 + 1852 5.7000000000 2.1732050808 0.0000000000 + 1853 6.1000000000 0.1732050808 0.0000000000 + 1854 5.5000000000 2.6535898385 0.0000000000 + 1855 6.1000000000 0.3464101615 0.0000000000 + 1856 6.0000000000 1.1732050808 0.0000000000 + 1857 5.8500000000 1.7794228634 0.0000000000 + 1858 5.5500000000 2.5669872981 0.0000000000 + 1859 5.7500000000 2.0866025404 0.0000000000 + 1860 6.0500000000 0.9133974596 0.0000000000 + 1861 5.9500000000 1.4330127019 0.0000000000 + 1862 6.1000000000 0.5196152423 0.0000000000 + 1863 5.6000000000 2.4803847577 0.0000000000 + 1864 5.8000000000 2.0000000000 0.0000000000 + 1865 5.9000000000 1.6928203230 0.0000000000 + 1866 6.0500000000 1.0866025404 0.0000000000 + 1867 6.0000000000 1.3464101615 0.0000000000 + 1868 5.6750000000 2.3700961894 0.0000000000 + 1869 6.1500000000 0.0866025404 0.0000000000 + 1870 6.1500000000 0.2598076211 0.0000000000 + 1871 6.1000000000 0.8267949192 0.0000000000 + 1872 6.1195726253 0.7108707751 0.0000000000 + 1873 5.9500000000 1.6062177826 0.0000000000 + 1874 6.1500000000 0.4330127019 0.0000000000 + 1875 5.8796296296 1.8853251302 0.0000000000 + 1876 5.7452380952 2.2697649290 0.0000000000 + 1877 5.4000000000 3.0000000000 0.0000000000 + 1878 6.0500000000 1.2598076211 0.0000000000 + 1879 6.1500000000 0.6062177826 0.0000000000 + 1880 5.4500000000 2.9133974596 0.0000000000 + 1881 6.1000000000 1.0000000000 0.0000000000 + 1882 5.5000000000 2.8267949192 0.0000000000 + 1883 6.0000000000 1.5196152423 0.0000000000 + 1884 5.5500000000 2.7401923789 0.0000000000 + 1885 5.8000000000 2.1732050808 0.0000000000 + 1886 5.6000000000 2.6535898385 0.0000000000 + 1887 6.2000000000 0.0000000000 0.0000000000 + 1888 6.2000000000 0.1732050808 0.0000000000 + 1889 5.6500000000 2.5669872981 0.0000000000 + 1890 6.2000000000 0.3464101615 0.0000000000 + 1891 5.9500000000 1.7794228634 0.0000000000 + 1892 5.8500000000 2.0866025404 0.0000000000 + 1893 6.1000000000 1.1732050808 0.0000000000 + 1894 5.7000000000 2.4803847577 0.0000000000 + 1895 6.0500000000 1.4330127019 0.0000000000 + 1896 6.1500000000 0.9133974596 0.0000000000 + 1897 6.2000000000 0.5196152423 0.0000000000 + 1898 5.9000000000 2.0000000000 0.0000000000 + 1899 6.0000000000 1.6928203230 0.0000000000 + 1900 6.1500000000 1.0866025404 0.0000000000 + 1901 6.1000000000 1.3464101615 0.0000000000 + 1902 6.2500000000 0.0866025404 0.0000000000 + 1903 6.2000000000 0.8267949192 0.0000000000 + 1904 6.2500000000 0.2598076211 0.0000000000 + 1905 6.2174357521 0.7063789240 0.0000000000 + 1906 6.0500000000 1.6062177826 0.0000000000 + 1907 5.5000000000 3.0000000000 0.0000000000 + 1908 6.2500000000 0.4330127019 0.0000000000 + 1909 5.7952006079 2.3881597039 0.0000000000 + 1910 5.5500000000 2.9133974596 0.0000000000 + 1911 5.9799382716 1.8850327101 0.0000000000 + 1912 5.8500000000 2.2598076211 0.0000000000 + 1913 5.6000000000 2.8267949192 0.0000000000 + 1914 6.1500000000 1.2598076211 0.0000000000 + 1915 6.2500000000 0.6062177826 0.0000000000 + 1916 5.6500000000 2.7401923789 0.0000000000 + 1917 6.2000000000 1.0000000000 0.0000000000 + 1918 6.1000000000 1.5196152423 0.0000000000 + 1919 5.7000000000 2.6535898385 0.0000000000 + 1920 5.9000000000 2.1732050808 0.0000000000 + 1921 5.7500000000 2.5669872981 0.0000000000 + 1922 6.3000000000 0.0000000000 0.0000000000 + 1923 6.3000000000 0.1732050808 0.0000000000 + 1924 5.9500000000 2.0866025404 0.0000000000 + 1925 6.0500000000 1.7794228634 0.0000000000 + 1926 6.3000000000 0.3464101615 0.0000000000 + 1927 6.2000000000 1.1732050808 0.0000000000 + 1928 5.7992857143 2.4954424185 0.0000000000 + 1929 6.1500000000 1.4330127019 0.0000000000 + 1930 6.2500000000 0.9133974596 0.0000000000 + 1931 6.3000000000 0.5196152423 0.0000000000 + 1932 6.0000000000 2.0000000000 0.0000000000 + 1933 6.1000000000 1.6928203230 0.0000000000 + 1934 6.2899354371 0.8084285063 0.0000000000 + 1935 6.2500000000 1.0866025404 0.0000000000 + 1936 6.2000000000 1.3464101615 0.0000000000 + 1937 6.3500000000 0.0866025404 0.0000000000 + 1938 5.6000000000 3.0000000000 0.0000000000 + 1939 6.3500000000 0.2598076211 0.0000000000 + 1940 6.3175850340 0.7000539972 0.0000000000 + 1941 6.1500000000 1.6062177826 0.0000000000 + 1942 5.6500000000 2.9133974596 0.0000000000 + 1943 5.7000000000 2.8267949192 0.0000000000 + 1944 5.9500000000 2.2598076211 0.0000000000 + 1945 6.3500000000 0.4330127019 0.0000000000 + 1946 6.0799897119 1.8904296570 0.0000000000 + 1947 5.7500000000 2.7401923789 0.0000000000 + 1948 5.9142613980 2.3685086926 0.0000000000 + 1949 6.2500000000 1.2598076211 0.0000000000 + 1950 5.8000000000 2.6535898385 0.0000000000 + 1951 6.3000000000 1.0000000000 0.0000000000 + 1952 6.3500000000 0.6062177826 0.0000000000 + 1953 5.8826190476 2.4731133191 0.0000000000 + 1954 6.0000000000 2.1732050808 0.0000000000 + 1955 6.2000000000 1.5196152423 0.0000000000 + 1956 5.8500000000 2.5669872981 0.0000000000 + 1957 6.0500000000 2.0866025404 0.0000000000 + 1958 6.4000000000 0.0000000000 0.0000000000 + 1959 6.1500000000 1.7794228634 0.0000000000 + 1960 6.4000000000 0.1732050808 0.0000000000 + 1961 6.3000000000 1.1732050808 0.0000000000 + 1962 6.4000000000 0.3464101615 0.0000000000 + 1963 6.2500000000 1.4330127019 0.0000000000 + 1964 6.3500000000 0.9133974596 0.0000000000 + 1965 6.1000000000 2.0000000000 0.0000000000 + 1966 6.4000000000 0.5196152423 0.0000000000 + 1967 6.2000000000 1.6928203230 0.0000000000 + 1968 6.4009183673 0.6777248979 0.0000000000 + 1969 5.7000000000 3.0000000000 0.0000000000 + 1970 6.3000000000 1.3464101615 0.0000000000 + 1971 6.3500000000 1.0866025404 0.0000000000 + 1972 5.7500000000 2.9133974596 0.0000000000 + 1973 6.4500000000 0.0866025404 0.0000000000 + 1974 5.8000000000 2.8267949192 0.0000000000 + 1975 6.2500000000 1.6062177826 0.0000000000 + 1976 6.4045918367 0.7905482780 0.0000000000 + 1977 6.4500000000 0.2598076211 0.0000000000 + 1978 6.0500000000 2.2598076211 0.0000000000 + 1979 5.8500000000 2.7401923789 0.0000000000 + 1980 6.4500000000 0.4330127019 0.0000000000 + 1981 6.0199996691 2.3653577847 0.0000000000 + 1982 5.9000000000 2.6535898385 0.0000000000 + 1983 6.3500000000 1.2598076211 0.0000000000 + 1984 6.1000000000 2.1732050808 0.0000000000 + 1985 5.9865210997 2.4704978287 0.0000000000 + 1986 6.4000000000 1.0000000000 0.0000000000 + 1987 6.4500000000 0.6062177826 0.0000000000 + 1988 5.9500000000 2.5669872981 0.0000000000 + 1989 6.3000000000 1.5196152423 0.0000000000 + 1990 6.2000000000 1.8986995049 0.0000000000 + 1991 6.1500000000 2.0866025404 0.0000000000 + 1992 6.2500000000 1.7794228634 0.0000000000 + 1993 6.5000000000 0.0000000000 0.0000000000 + 1994 6.5000000000 0.1732050808 0.0000000000 + 1995 6.4000000000 1.1732050808 0.0000000000 + 1996 6.5000000000 0.3464101615 0.0000000000 + 1997 6.3500000000 1.4330127019 0.0000000000 + 1998 6.4500000000 0.9133974596 0.0000000000 + 1999 6.2000000000 2.0000000000 0.0000000000 + 2000 6.5000000000 0.5196152423 0.0000000000 + 2001 6.3000000000 1.6928203230 0.0000000000 + 2002 5.8000000000 3.0000000000 0.0000000000 + 2003 5.8500000000 2.9133974596 0.0000000000 + 2004 6.5000000000 0.6928203230 0.0000000000 + 2005 6.4000000000 1.3464101615 0.0000000000 + 2006 6.4500000000 1.0866025404 0.0000000000 + 2007 5.9000000000 2.8267949192 0.0000000000 + 2008 6.3500000000 1.6062177826 0.0000000000 + 2009 6.5500000000 0.0866025404 0.0000000000 + 2010 5.9500000000 2.7401923789 0.0000000000 + 2011 6.1500000000 2.2598076211 0.0000000000 + 2012 6.5500000000 0.2598076211 0.0000000000 + 2013 6.0000000000 2.6535898385 0.0000000000 + 2014 6.1199980149 2.3653517891 0.0000000000 + 2015 6.5500000000 0.4330127019 0.0000000000 + 2016 6.2000000000 2.1732050808 0.0000000000 + 2017 6.3000000000 1.8660254038 0.0000000000 + 2018 6.4500000000 1.2598076211 0.0000000000 + 2019 6.0500000000 2.5669872981 0.0000000000 + 2020 6.5000000000 1.0000000000 0.0000000000 + 2021 6.4000000000 1.5196152423 0.0000000000 + 2022 6.5500000000 0.6062177826 0.0000000000 + 2023 6.5329081633 0.7957460314 0.0000000000 + 2024 6.1000000000 2.4803847577 0.0000000000 + 2025 6.2500000000 2.0866025404 0.0000000000 + 2026 6.3500000000 1.7794228634 0.0000000000 + 2027 6.6000000000 0.0000000000 0.0000000000 + 2028 6.6000000000 0.1732050808 0.0000000000 + 2029 6.5000000000 1.1732050808 0.0000000000 + 2030 6.4500000000 1.4330127019 0.0000000000 + 2031 6.6000000000 0.3464101615 0.0000000000 + 2032 6.3000000000 2.0000000000 0.0000000000 + 2033 5.9000000000 3.0000000000 0.0000000000 + 2034 6.4000000000 1.6928203230 0.0000000000 + 2035 6.6000000000 0.5196152423 0.0000000000 + 2036 5.9500000000 2.9133974596 0.0000000000 + 2037 6.0000000000 2.8267949192 0.0000000000 + 2038 6.6000000000 0.6928203230 0.0000000000 + 2039 6.5000000000 1.3464101615 0.0000000000 + 2040 6.5500000000 1.0866025404 0.0000000000 + 2041 6.0500000000 2.7401923789 0.0000000000 + 2042 6.2500000000 2.2598076211 0.0000000000 + 2043 6.4500000000 1.6062177826 0.0000000000 + 2044 6.6500000000 0.0866025404 0.0000000000 + 2045 6.1000000000 2.6535898385 0.0000000000 + 2046 6.2199880891 2.3653158152 0.0000000000 + 2047 6.5928571429 0.9054669415 0.0000000000 + 2048 6.6500000000 0.2598076211 0.0000000000 + 2049 6.6500000000 0.4330127019 0.0000000000 + 2050 6.1500000000 2.5669872981 0.0000000000 + 2051 6.3000000000 2.1732050808 0.0000000000 + 2052 6.4000000000 1.8660254038 0.0000000000 + 2053 6.5500000000 1.2598076211 0.0000000000 + 2054 6.5000000000 1.5196152423 0.0000000000 + 2055 6.6000000000 1.0000000000 0.0000000000 + 2056 6.6500000000 0.6062177826 0.0000000000 + 2057 6.2000000000 2.4803847577 0.0000000000 + 2058 6.3500000000 2.0866025404 0.0000000000 + 2059 6.4500000000 1.7794228634 0.0000000000 + 2060 6.6500000000 0.7794228634 0.0000000000 + 2061 6.7000000000 0.0000000000 0.0000000000 + 2062 6.7000000000 0.1732050808 0.0000000000 + 2063 6.6000000000 1.1732050808 0.0000000000 + 2064 6.5500000000 1.4330127019 0.0000000000 + 2065 6.4000000000 2.0000000000 0.0000000000 + 2066 6.0000000000 3.0000000000 0.0000000000 + 2067 6.7000000000 0.3464101615 0.0000000000 + 2068 6.0500000000 2.9133974596 0.0000000000 + 2069 6.5000000000 1.6928203230 0.0000000000 + 2070 6.7000000000 0.5196152423 0.0000000000 + 2071 6.1000000000 2.8267949192 0.0000000000 + 2072 6.1500000000 2.7401923789 0.0000000000 + 2073 6.7000000000 0.6928203230 0.0000000000 + 2074 6.6000000000 1.3464101615 0.0000000000 + 2075 6.6500000000 1.0866025404 0.0000000000 + 2076 6.3500000000 2.2598076211 0.0000000000 + 2077 6.2000000000 2.6535898385 0.0000000000 + 2078 6.5500000000 1.6062177826 0.0000000000 + 2079 6.3199285347 2.3650999720 0.0000000000 + 2080 6.7500000000 0.0866025404 0.0000000000 + 2081 6.7500000000 0.2598076211 0.0000000000 + 2082 6.2500000000 2.5669872981 0.0000000000 + 2083 6.4000000000 2.1732050808 0.0000000000 + 2084 6.5000000000 1.8660254038 0.0000000000 + 2085 6.7500000000 0.4330127019 0.0000000000 + 2086 6.6500000000 1.2598076211 0.0000000000 + 2087 6.3000000000 2.4803847577 0.0000000000 + 2088 6.6000000000 1.5196152423 0.0000000000 + 2089 6.7000000000 1.0000000000 0.0000000000 + 2090 6.7500000000 0.6062177826 0.0000000000 + 2091 6.7188095238 0.8915478157 0.0000000000 + 2092 6.4500000000 2.0866025404 0.0000000000 + 2093 6.5500000000 1.7794228634 0.0000000000 + 2094 6.7500000000 0.7794228634 0.0000000000 + 2095 6.1000000000 3.0000000000 0.0000000000 + 2096 6.8000000000 0.0000000000 0.0000000000 + 2097 6.5000000000 2.0000000000 0.0000000000 + 2098 6.7000000000 1.1732050808 0.0000000000 + 2099 6.8000000000 0.1732050808 0.0000000000 + 2100 6.6500000000 1.4330127019 0.0000000000 + 2101 6.1500000000 2.9133974596 0.0000000000 + 2102 6.8000000000 0.3464101615 0.0000000000 + 2103 6.6000000000 1.6928203230 0.0000000000 + 2104 6.2000000000 2.8267949192 0.0000000000 + 2105 6.8000000000 0.5196152423 0.0000000000 + 2106 6.2500000000 2.7401923789 0.0000000000 + 2107 6.7000000000 1.3464101615 0.0000000000 + 2108 6.4500000000 2.2598076211 0.0000000000 + 2109 6.8000000000 0.6928203230 0.0000000000 + 2110 6.3000000000 2.6535898385 0.0000000000 + 2111 6.7500000000 1.0866025404 0.0000000000 + 2112 6.4195712081 2.3638049126 0.0000000000 + 2113 6.6500000000 1.6062177826 0.0000000000 + 2114 6.3500000000 2.5669872981 0.0000000000 + 2115 6.8500000000 0.0866025404 0.0000000000 + 2116 6.5000000000 2.1732050808 0.0000000000 + 2117 6.8500000000 0.2598076211 0.0000000000 + 2118 6.6000000000 1.8660254038 0.0000000000 + 2119 6.8500000000 0.4330127019 0.0000000000 + 2120 6.4000000000 2.4803847577 0.0000000000 + 2121 6.7500000000 1.2598076211 0.0000000000 + 2122 6.7000000000 1.5196152423 0.0000000000 + 2123 6.8000000000 1.0000000000 0.0000000000 + 2124 6.5500000000 2.0866025404 0.0000000000 + 2125 6.8500000000 0.6062177826 0.0000000000 + 2126 6.8200000000 0.8849742261 0.0000000000 + 2127 6.6500000000 1.7794228634 0.0000000000 + 2128 6.2000000000 3.0000000000 0.0000000000 + 2129 6.8500000000 0.7794228634 0.0000000000 + 2130 6.2500000000 2.9133974596 0.0000000000 + 2131 6.6000000000 2.0000000000 0.0000000000 + 2132 6.9000000000 0.0000000000 0.0000000000 + 2133 6.7500000000 1.4330127019 0.0000000000 + 2134 6.8000000000 1.1732050808 0.0000000000 + 2135 6.9000000000 0.1732050808 0.0000000000 + 2136 6.3000000000 2.8267949192 0.0000000000 + 2137 6.9000000000 0.3464101615 0.0000000000 + 2138 6.7000000000 1.6928203230 0.0000000000 + 2139 6.3500000000 2.7401923789 0.0000000000 + 2140 6.9000000000 0.5196152423 0.0000000000 + 2141 6.4000000000 2.6535898385 0.0000000000 + 2142 6.5500000000 2.2598076211 0.0000000000 + 2143 6.5174272487 2.3560345566 0.0000000000 + 2144 6.8000000000 1.3464101615 0.0000000000 + 2145 6.9000000000 0.6928203230 0.0000000000 + 2146 6.8500000000 1.0866025404 0.0000000000 + 2147 6.7500000000 1.6062177826 0.0000000000 + 2148 6.4902603248 2.4629309733 0.0000000000 + 2149 6.4500000000 2.5669872981 0.0000000000 + 2150 6.6000000000 2.1732050808 0.0000000000 + 2151 6.9500000000 0.0866025404 0.0000000000 + 2152 6.9500000000 0.2598076211 0.0000000000 + 2153 6.7000000000 1.8660254038 0.0000000000 + 2154 6.9500000000 0.4330127019 0.0000000000 + 2155 6.8500000000 1.2598076211 0.0000000000 + 2156 6.8000000000 1.5196152423 0.0000000000 + 2157 6.6500000000 2.0866025404 0.0000000000 + 2158 6.9000000000 1.0000000000 0.0000000000 + 2159 6.9199999998 0.8849742259 0.0000000000 + 2160 6.9500000000 0.6062177826 0.0000000000 + 2161 6.3000000000 3.0000000000 0.0000000000 + 2162 6.7500000000 1.7794228634 0.0000000000 + 2163 6.3500000000 2.9133974596 0.0000000000 + 2164 6.7000000000 2.0000000000 0.0000000000 + 2165 6.9500000000 0.7794228634 0.0000000000 + 2166 6.4000000000 2.8267949192 0.0000000000 + 2167 6.8500000000 1.4330127019 0.0000000000 + 2168 6.9000000000 1.1732050808 0.0000000000 + 2169 7.0000000000 0.0000000000 0.0000000000 + 2170 7.0000000000 0.1732050808 0.0000000000 + 2171 6.6000000000 2.3464101615 0.0000000000 + 2172 6.8000000000 1.6928203230 0.0000000000 + 2173 6.4500000000 2.7401923789 0.0000000000 + 2174 7.0000000000 0.3464101615 0.0000000000 + 2175 7.0000000000 0.5196152423 0.0000000000 + 2176 6.5000000000 2.6535898385 0.0000000000 + 2177 6.6500000000 2.2598076211 0.0000000000 + 2178 6.9000000000 1.3464101615 0.0000000000 + 2179 7.0000000000 0.6928203230 0.0000000000 + 2180 6.9500000000 1.0866025404 0.0000000000 + 2181 6.5500000000 2.5669872981 0.0000000000 + 2182 6.8500000000 1.6062177826 0.0000000000 + 2183 6.6045634921 2.4433870166 0.0000000000 + 2184 6.7000000000 2.1732050808 0.0000000000 + 2185 7.0500000000 0.0866025404 0.0000000000 + 2186 6.8000000000 1.8660254038 0.0000000000 + 2187 7.0500000000 0.2598076211 0.0000000000 + 2188 6.9500000000 1.2598076211 0.0000000000 + 2189 7.0500000000 0.4330127019 0.0000000000 + 2190 6.7500000000 2.0866025404 0.0000000000 + 2191 6.9000000000 1.5196152423 0.0000000000 + 2192 6.4000000000 3.0000000000 0.0000000000 + 2193 7.0000000000 1.0000000000 0.0000000000 + 2194 7.0199999990 0.8849742245 0.0000000000 + 2195 7.0500000000 0.6062177826 0.0000000000 + 2196 6.8500000000 1.7794228634 0.0000000000 + 2197 6.4500000000 2.9133974596 0.0000000000 + 2198 6.8000000000 2.0000000000 0.0000000000 + 2199 6.5000000000 2.8267949192 0.0000000000 + 2200 7.0500000000 0.7794228634 0.0000000000 + 2201 6.9500000000 1.4330127019 0.0000000000 + 2202 7.0000000000 1.1732050808 0.0000000000 + 2203 6.7000000000 2.3464101615 0.0000000000 + 2204 7.1000000000 0.0000000000 0.0000000000 + 2205 6.5500000000 2.7401923789 0.0000000000 + 2206 7.1000000000 0.1732050808 0.0000000000 + 2207 6.9000000000 1.6928203230 0.0000000000 + 2208 7.1000000000 0.3464101615 0.0000000000 + 2209 6.6000000000 2.6535898385 0.0000000000 + 2210 6.7500000000 2.2598076211 0.0000000000 + 2211 7.1000000000 0.5196152423 0.0000000000 + 2212 7.0000000000 1.3464101615 0.0000000000 + 2213 6.6569444444 2.5604078459 0.0000000000 + 2214 6.9500000000 1.6062177826 0.0000000000 + 2215 7.0500000000 1.0866025404 0.0000000000 + 2216 7.1000000000 0.6928203230 0.0000000000 + 2217 6.8000000000 2.1732050808 0.0000000000 + 2218 6.9000000000 1.8660254038 0.0000000000 + 2219 7.1500000000 0.0866025404 0.0000000000 + 2220 7.1500000000 0.2598076211 0.0000000000 + 2221 6.5000000000 3.0000000000 0.0000000000 + 2222 6.7250000000 2.4566987298 0.0000000000 + 2223 6.8500000000 2.0866025404 0.0000000000 + 2224 7.0500000000 1.2598076211 0.0000000000 + 2225 7.0000000000 1.5196152423 0.0000000000 + 2226 7.1500000000 0.4330127019 0.0000000000 + 2227 6.5500000000 2.9133974596 0.0000000000 + 2228 7.1000000000 1.0000000000 0.0000000000 + 2229 6.9500000000 1.7794228634 0.0000000000 + 2230 7.1199999940 0.8849742167 0.0000000000 + 2231 7.1500000000 0.6062177826 0.0000000000 + 2232 6.6000000000 2.8267949192 0.0000000000 + 2233 6.9000000000 2.0000000000 0.0000000000 + 2234 7.1500000000 0.7794228634 0.0000000000 + 2235 6.6500000000 2.7401923789 0.0000000000 + 2236 6.8000000000 2.3464101615 0.0000000000 + 2237 7.0500000000 1.4330127019 0.0000000000 + 2238 7.1000000000 1.1732050808 0.0000000000 + 2239 7.2000000000 0.0000000000 0.0000000000 + 2240 7.0000000000 1.6928203230 0.0000000000 + 2241 7.2000000000 0.1732050808 0.0000000000 + 2242 6.7000000000 2.6535898385 0.0000000000 + 2243 7.2000000000 0.3464101615 0.0000000000 + 2244 6.8500000000 2.2598076211 0.0000000000 + 2245 7.2000000000 0.5196152423 0.0000000000 + 2246 7.1000000000 1.3464101615 0.0000000000 + 2247 7.0500000000 1.6062177826 0.0000000000 + 2248 6.7666666667 2.5511966128 0.0000000000 + 2249 7.1500000000 1.0866025404 0.0000000000 + 2250 7.2000000000 0.6928203230 0.0000000000 + 2251 6.9000000000 2.1732050808 0.0000000000 + 2252 7.0000000000 1.8660254038 0.0000000000 + 2253 6.6000000000 3.0000000000 0.0000000000 + 2254 7.2500000000 0.0866025404 0.0000000000 + 2255 7.2500000000 0.2598076211 0.0000000000 + 2256 6.9500000000 2.0866025404 0.0000000000 + 2257 7.1500000000 1.2598076211 0.0000000000 + 2258 6.6500000000 2.9133974596 0.0000000000 + 2259 6.8361111111 2.4461716063 0.0000000000 + 2260 7.1000000000 1.5196152423 0.0000000000 + 2261 7.2500000000 0.4330127019 0.0000000000 + 2262 7.2000000000 1.0000000000 0.0000000000 + 2263 7.0500000000 1.7794228634 0.0000000000 + 2264 6.7000000000 2.8267949192 0.0000000000 + 2265 7.2199999643 0.8849741694 0.0000000000 + 2266 7.2500000000 0.6062177826 0.0000000000 + 2267 7.0000000000 2.0000000000 0.0000000000 + 2268 6.7500000000 2.7401923789 0.0000000000 + 2269 6.9000000000 2.3464101615 0.0000000000 + 2270 7.2500000000 0.7794228634 0.0000000000 + 2271 7.1500000000 1.4330127019 0.0000000000 + 2272 7.2000000000 1.1732050808 0.0000000000 + 2273 7.1000000000 1.6928203230 0.0000000000 + 2274 7.3000000000 0.0000000000 0.0000000000 + 2275 7.3000000000 0.1732050808 0.0000000000 + 2276 6.8104166667 2.6437206602 0.0000000000 + 2277 6.9500000000 2.2598076211 0.0000000000 + 2278 7.3000000000 0.3464101615 0.0000000000 + 2279 7.3000000000 0.5196152423 0.0000000000 + 2280 7.2000000000 1.3464101615 0.0000000000 + 2281 7.1500000000 1.6062177826 0.0000000000 + 2282 7.0000000000 2.1732050808 0.0000000000 + 2283 7.2500000000 1.0866025404 0.0000000000 + 2284 7.3000000000 0.6928203230 0.0000000000 + 2285 6.8806712963 2.5379280509 0.0000000000 + 2286 6.7000000000 3.0000000000 0.0000000000 + 2287 7.1000000000 1.8660254038 0.0000000000 + 2288 7.3500000000 0.0866025404 0.0000000000 + 2289 6.7500000000 2.9133974596 0.0000000000 + 2290 7.0500000000 2.0866025404 0.0000000000 + 2291 7.3500000000 0.2598076211 0.0000000000 + 2292 7.2000000000 1.5196152423 0.0000000000 + 2293 7.2500000000 1.2598076211 0.0000000000 + 2294 7.3500000000 0.4330127019 0.0000000000 + 2295 6.9500000000 2.4330127019 0.0000000000 + 2296 6.8000000000 2.8267949192 0.0000000000 + 2297 7.1500000000 1.7794228634 0.0000000000 + 2298 7.3000000000 1.0000000000 0.0000000000 + 2299 7.3199997857 0.8849738857 0.0000000000 + 2300 7.3500000000 0.6062177826 0.0000000000 + 2301 7.1000000000 2.0000000000 0.0000000000 + 2302 6.8500000000 2.7401923789 0.0000000000 + 2303 7.0000000000 2.3464101615 0.0000000000 + 2304 7.2500000000 1.4330127019 0.0000000000 + 2305 7.3500000000 0.7794228634 0.0000000000 + 2306 7.3000000000 1.1732050808 0.0000000000 + 2307 7.2000000000 1.6928203230 0.0000000000 + 2308 7.4000000000 0.0000000000 0.0000000000 + 2309 7.4000000000 0.1732050808 0.0000000000 + 2310 7.0500000000 2.2598076211 0.0000000000 + 2311 6.9208333333 2.6338514819 0.0000000000 + 2312 7.4000000000 0.3464101615 0.0000000000 + 2313 7.4000000000 0.5196152423 0.0000000000 + 2314 7.3000000000 1.3464101615 0.0000000000 + 2315 7.1000000000 2.1732050808 0.0000000000 + 2316 7.2500000000 1.6062177826 0.0000000000 + 2317 7.3500000000 1.0866025404 0.0000000000 + 2318 6.8000000000 3.0000000000 0.0000000000 + 2319 7.4000000000 0.6928203230 0.0000000000 + 2320 7.2000000000 1.8660254038 0.0000000000 + 2321 7.0000000000 2.5196152423 0.0000000000 + 2322 6.8500000000 2.9133974596 0.0000000000 + 2323 7.1500000000 2.0866025404 0.0000000000 + 2324 7.4500000000 0.0866025404 0.0000000000 + 2325 7.4500000000 0.2598076211 0.0000000000 + 2326 7.3000000000 1.5196152423 0.0000000000 + 2327 6.9000000000 2.8267949192 0.0000000000 + 2328 7.3500000000 1.2598076211 0.0000000000 + 2329 7.0500000000 2.4330127019 0.0000000000 + 2330 7.4500000000 0.4330127019 0.0000000000 + 2331 7.4000000000 1.0000000000 0.0000000000 + 2332 7.4199987140 0.8849721834 0.0000000000 + 2333 7.2000000000 2.0000000000 0.0000000000 + 2334 7.2558686654 1.7889585391 0.0000000000 + 2335 7.4500000000 0.6062177826 0.0000000000 + 2336 7.1000000000 2.3464101615 0.0000000000 + 2337 6.9630787037 2.7278010772 0.0000000000 + 2338 7.3500000000 1.4330127019 0.0000000000 + 2339 7.4500000000 0.7794228634 0.0000000000 + 2340 7.4000000000 1.1732050808 0.0000000000 + 2341 7.3000000000 1.6928203230 0.0000000000 + 2342 7.1500000000 2.2598076211 0.0000000000 + 2343 7.5000000000 0.0000000000 0.0000000000 + 2344 7.5000000000 0.1732050808 0.0000000000 + 2345 7.0326388889 2.6226664131 0.0000000000 + 2346 7.5000000000 0.3464101615 0.0000000000 + 2347 7.5000000000 0.5196152423 0.0000000000 + 2348 7.2000000000 2.1732050808 0.0000000000 + 2349 7.4000000000 1.3464101615 0.0000000000 + 2350 7.3500000000 1.6062177826 0.0000000000 + 2351 6.9000000000 3.0000000000 0.0000000000 + 2352 7.4500000000 1.0866025404 0.0000000000 + 2353 7.5000000000 0.6928203230 0.0000000000 + 2354 7.1000000000 2.5196152423 0.0000000000 + 2355 6.9500000000 2.9133974596 0.0000000000 + 2356 7.3008583134 1.8785310442 0.0000000000 + 2357 7.2500000000 2.0866025404 0.0000000000 + 2358 7.0000000000 2.8267949192 0.0000000000 + 2359 7.5500000000 0.0866025404 0.0000000000 + 2360 7.1500000000 2.4330127019 0.0000000000 + 2361 7.4000000000 1.5196152423 0.0000000000 + 2362 7.5500000000 0.2598076211 0.0000000000 + 2363 7.4500000000 1.2598076211 0.0000000000 + 2364 7.5500000000 0.4330127019 0.0000000000 + 2365 7.5000000000 1.0000000000 0.0000000000 + 2366 7.3000000000 2.0000000000 0.0000000000 + 2367 7.5199922840 0.8849619695 0.0000000000 + 2368 7.2000000000 2.3464101615 0.0000000000 + 2369 7.5500000000 0.6062177826 0.0000000000 + 2370 7.0750000000 2.7165063509 0.0000000000 + 2371 7.4500000000 1.4330127019 0.0000000000 + 2372 7.5500000000 0.7794228634 0.0000000000 + 2373 7.5000000000 1.1732050808 0.0000000000 + 2374 7.2500000000 2.2598076211 0.0000000000 + 2375 7.6000000000 0.0000000000 0.0000000000 + 2376 7.6000000000 0.1732050808 0.0000000000 + 2377 7.4089784655 1.7023216405 0.0000000000 + 2378 7.3843536793 1.8241312769 0.0000000000 + 2379 7.6000000000 0.3464101615 0.0000000000 + 2380 7.1500000000 2.6062177826 0.0000000000 + 2381 7.0000000000 3.0000000000 0.0000000000 + 2382 7.3000000000 2.1732050808 0.0000000000 + 2383 7.3699378877 1.9230756771 0.0000000000 + 2384 7.6000000000 0.5196152423 0.0000000000 + 2385 7.5000000000 1.3464101615 0.0000000000 + 2386 7.4500000000 1.6062177826 0.0000000000 + 2387 7.5500000000 1.0866025404 0.0000000000 + 2388 7.2000000000 2.5196152423 0.0000000000 + 2389 7.0500000000 2.9133974596 0.0000000000 + 2390 7.6000000000 0.6928203230 0.0000000000 + 2391 7.4818632795 1.5112426357 0.0000000000 + 2392 7.3500000000 2.0866025404 0.0000000000 + 2393 7.2500000000 2.4330127019 0.0000000000 + 2394 7.6500000000 0.0866025404 0.0000000000 + 2395 7.1166666667 2.8110042340 0.0000000000 + 2396 7.5500000000 1.2598076211 0.0000000000 + 2397 7.6500000000 0.2598076211 0.0000000000 + 2398 7.6500000000 0.4330127019 0.0000000000 + 2399 7.4000000000 2.0000000000 0.0000000000 + 2400 7.6000000000 1.0000000000 0.0000000000 + 2401 7.3000000000 2.3464101615 0.0000000000 + 2402 7.6199537037 0.8849006864 0.0000000000 + 2403 7.6500000000 0.6062177826 0.0000000000 + 2404 7.1861111111 2.7059792274 0.0000000000 + 2405 7.5423290994 1.4473674518 0.0000000000 + 2406 7.4922486183 1.6972634639 0.0000000000 + 2407 7.4483710993 1.9018602979 0.0000000000 + 2408 7.4772684952 1.7872792140 0.0000000000 + 2409 7.3500000000 2.2598076211 0.0000000000 + 2410 7.6500000000 0.7794228634 0.0000000000 + 2411 7.6000000000 1.1732050808 0.0000000000 + 2412 7.7000000000 0.0000000000 0.0000000000 + 2413 7.7000000000 0.1732050808 0.0000000000 + 2414 7.2500000000 2.6062177826 0.0000000000 + 2415 7.1000000000 3.0000000000 0.0000000000 + 2416 7.7000000000 0.3464101615 0.0000000000 + 2417 7.4000000000 2.1732050808 0.0000000000 + 2418 7.7000000000 0.5196152423 0.0000000000 + 2419 7.6000000000 1.3464101615 0.0000000000 + 2420 7.1500000000 2.9133974596 0.0000000000 + 2421 7.3000000000 2.5196152423 0.0000000000 + 2422 7.5669872981 1.5500000000 0.0000000000 + 2423 7.6500000000 1.0866025404 0.0000000000 + 2424 7.7000000000 0.6928203230 0.0000000000 + 2425 7.4500000000 2.0866025404 0.0000000000 + 2426 7.3500000000 2.4330127019 0.0000000000 + 2427 7.5669872981 1.6500000000 0.0000000000 + 2428 7.2250000000 2.8031088913 0.0000000000 + 2429 7.7500000000 0.0866025404 0.0000000000 + 2430 7.6500000000 1.2598076211 0.0000000000 + 2431 7.7500000000 0.2598076211 0.0000000000 + 2432 7.5000000000 2.0000000000 0.0000000000 + 2433 7.7500000000 0.4330127019 0.0000000000 + 2434 7.4000000000 2.3464101615 0.0000000000 + 2435 7.7000000000 1.0000000000 0.0000000000 + 2436 7.5669872981 1.7500000000 0.0000000000 + 2437 7.7197222222 0.8845329880 0.0000000000 + 2438 7.7500000000 0.6062177826 0.0000000000 + 2439 7.3000000000 2.6928203230 0.0000000000 + 2440 7.5586665334 1.8766756195 0.0000000000 + 2441 7.7000000000 1.1732050808 0.0000000000 + 2442 7.7500000000 0.7794228634 0.0000000000 + 2443 7.4611645497 2.2604059275 0.0000000000 + 2444 7.3500000000 2.6062177826 0.0000000000 + 2445 7.6535898385 1.5000000000 0.0000000000 + 2446 7.2000000000 3.0000000000 0.0000000000 + 2447 7.8000000000 0.0000000000 0.0000000000 + 2448 7.8000000000 0.1732050808 0.0000000000 + 2449 7.8000000000 0.3464101615 0.0000000000 + 2450 7.5000000000 2.1732050808 0.0000000000 + 2451 7.4000000000 2.5196152423 0.0000000000 + 2452 7.8000000000 0.5196152423 0.0000000000 + 2453 7.6535898385 1.6000000000 0.0000000000 + 2454 7.7500000000 1.0866025404 0.0000000000 + 2455 7.2696428571 2.9002326926 0.0000000000 + 2456 7.8000000000 0.6928203230 0.0000000000 + 2457 7.5500000000 2.0866025404 0.0000000000 + 2458 7.6535898385 1.7000000000 0.0000000000 + 2459 7.7401923789 1.2500000000 0.0000000000 + 2460 7.4617949192 2.4351345418 0.0000000000 + 2461 7.7401923789 1.3500000000 0.0000000000 + 2462 7.3500000000 2.7794228634 0.0000000000 + 2463 7.6000000000 2.0000000000 0.0000000000 + 2464 7.8583333333 0.0888354503 0.0000000000 + 2465 7.6535898385 1.8000000000 0.0000000000 + 2466 7.8000000000 1.0000000000 0.0000000000 + 2467 7.8183333333 0.8823267973 0.0000000000 + 2468 7.8583333333 0.4275105849 0.0000000000 + 2469 7.8500000000 0.6062177826 0.0000000000 + 2470 7.4000000000 2.6928203230 0.0000000000 + 2471 7.7401923789 1.4500000000 0.0000000000 + 2472 7.5556303696 2.2433247420 0.0000000000 + 2473 7.8785714286 0.2570054437 0.0000000000 + 2474 7.7968252168 1.1714446475 0.0000000000 + 2475 7.6500000000 1.9133974596 0.0000000000 + 2476 7.3000000000 3.0000000000 0.0000000000 + 2477 7.4559676785 2.5921628878 0.0000000000 + 2478 7.7401923789 1.5500000000 0.0000000000 + 2479 7.4867949192 2.5117691454 0.0000000000 + 2480 7.9000000000 0.0000000000 0.0000000000 + 2481 7.9000000000 0.1732050808 0.0000000000 + 2482 7.8630555556 0.7860799934 0.0000000000 + 2483 7.6000000000 2.1732050808 0.0000000000 + 2484 7.7401923789 1.6500000000 0.0000000000 + 2485 7.9073809524 0.3461852380 0.0000000000 + 2486 7.9000000000 0.5196152423 0.0000000000 + 2487 7.5669872981 2.3500000000 0.0000000000 + 2488 7.8500000000 1.0866025404 0.0000000000 + 2489 7.6500000000 2.0866025404 0.0000000000 + 2490 7.9000000000 0.6928203230 0.0000000000 + 2491 7.8267949192 1.3000000000 0.0000000000 + 2492 7.7401923789 1.7500000000 0.0000000000 + 2493 7.3956632653 2.9035862605 0.0000000000 + 2494 7.8267949192 1.4000000000 0.0000000000 + 2495 7.4500000000 2.7794228634 0.0000000000 + 2496 7.7328953426 1.8605662433 0.0000000000 + 2497 7.5669872981 2.4500000000 0.0000000000 + 2498 7.7000000000 2.0000000000 0.0000000000 + 2499 7.9100000000 0.8690896534 0.0000000000 + 2500 7.9000000000 1.0000000000 0.0000000000 + 2501 7.8267949192 1.5000000000 0.0000000000 + 2502 7.6500000000 2.2598076211 0.0000000000 + 2503 7.4000000000 3.0000000000 0.0000000000 + 2504 7.5669872981 2.5500000000 0.0000000000 + 2505 7.8267949192 1.6000000000 0.0000000000 + 2506 7.5320238536 2.6725548332 0.0000000000 + 2507 7.9120445353 1.1616094376 0.0000000000 + 2508 8.0000000000 0.0000000000 0.0000000000 + 2509 8.0000000000 0.1000000000 0.0000000000 + 2510 7.7000000000 2.1732050808 0.0000000000 + 2511 8.0000000000 0.2000000000 0.0000000000 + 2512 8.0000000000 0.3000000000 0.0000000000 + 2513 7.8267949192 1.7000000000 0.0000000000 + 2514 8.0000000000 0.4000000000 0.0000000000 + 2515 7.9133974596 1.2500000000 0.0000000000 + 2516 8.0000000000 0.5000000000 0.0000000000 + 2517 7.6535898385 2.4000000000 0.0000000000 + 2518 8.0000000000 0.6000000000 0.0000000000 + 2519 7.7500000000 2.0866025404 0.0000000000 + 2520 7.9133974596 1.3500000000 0.0000000000 + 2521 8.0000000000 0.7000000000 0.0000000000 + 2522 7.8267949192 1.8000000000 0.0000000000 + 2523 8.0000000000 0.8000000000 0.0000000000 + 2524 7.9133974596 1.4500000000 0.0000000000 + 2525 7.5500000000 2.7794228634 0.0000000000 + 2526 8.0000000000 0.9000000000 0.0000000000 + 2527 7.6535898385 2.5000000000 0.0000000000 + 2528 7.8000000000 2.0000000000 0.0000000000 + 2529 7.8267949192 1.9000000000 0.0000000000 + 2530 7.5199378280 2.8908344497 0.0000000000 + 2531 8.0000000000 1.0000000000 0.0000000000 + 2532 7.9133974596 1.5500000000 0.0000000000 + 2533 7.7500000000 2.2598076211 0.0000000000 + 2534 8.0000000000 1.1000000000 0.0000000000 + 2535 7.5000000000 3.0000000000 0.0000000000 + 2536 7.6535898385 2.6000000000 0.0000000000 + 2537 7.9133974596 1.6500000000 0.0000000000 + 2538 7.7401923789 2.3500000000 0.0000000000 + 2539 8.0000000000 1.2000000000 0.0000000000 + 2540 7.9133974596 1.7500000000 0.0000000000 + 2541 8.0000000000 1.3000000000 0.0000000000 + 2542 7.6449313814 2.7086629494 0.0000000000 + 2543 7.8128846256 2.1899175519 0.0000000000 + 2544 7.7401923789 2.4500000000 0.0000000000 + 2545 8.0000000000 1.4000000000 0.0000000000 + 2546 7.8500000000 2.0866025404 0.0000000000 + 2547 7.9111645497 1.8583333333 0.0000000000 + 2548 8.0000000000 1.5000000000 0.0000000000 + 2549 7.9000000000 2.0000000000 0.0000000000 + 2550 7.7401923789 2.5500000000 0.0000000000 + 2551 7.6535898385 2.8000000000 0.0000000000 + 2552 7.6239637029 2.8825747112 0.0000000000 + 2553 7.8267949192 2.3000000000 0.0000000000 + 2554 8.0000000000 1.6000000000 0.0000000000 + 2555 7.6000000000 3.0000000000 0.0000000000 + 2556 8.0000000000 1.7000000000 0.0000000000 + 2557 7.7401923789 2.6500000000 0.0000000000 + 2558 7.8267949192 2.4000000000 0.0000000000 + 2559 7.9000000000 2.1732050808 0.0000000000 + 2560 8.0000000000 1.8000000000 0.0000000000 + 2561 7.7401923789 2.7500000000 0.0000000000 + 2562 7.8267949192 2.5000000000 0.0000000000 + 2563 8.0000000000 1.9000000000 0.0000000000 + 2564 7.9133974596 2.2500000000 0.0000000000 + 2565 8.0000000000 2.0000000000 0.0000000000 + 2566 7.8267949192 2.6000000000 0.0000000000 + 2567 7.9133974596 2.3500000000 0.0000000000 + 2568 7.7387622512 2.8760821016 0.0000000000 + 2569 7.7000000000 3.0000000000 0.0000000000 + 2570 8.0000000000 2.1000000000 0.0000000000 + 2571 7.8267949192 2.7000000000 0.0000000000 + 2572 7.9133974596 2.4500000000 0.0000000000 + 2573 8.0000000000 2.2000000000 0.0000000000 + 2574 7.8267949192 2.8000000000 0.0000000000 + 2575 7.9133974596 2.5500000000 0.0000000000 + 2576 8.0000000000 2.3000000000 0.0000000000 + 2577 7.9133974596 2.6500000000 0.0000000000 + 2578 7.8267949192 2.9000000000 0.0000000000 + 2579 8.0000000000 2.4000000000 0.0000000000 + 2580 7.8000000000 3.0000000000 0.0000000000 + 2581 7.9133974596 2.7500000000 0.0000000000 + 2582 8.0000000000 2.5000000000 0.0000000000 + 2583 7.9111645497 2.8583333333 0.0000000000 + 2584 8.0000000000 2.6000000000 0.0000000000 + 2585 8.0000000000 2.7000000000 0.0000000000 + 2586 7.9000000000 3.0000000000 0.0000000000 + 2587 8.0000000000 2.8000000000 0.0000000000 + 2588 8.0000000000 2.9000000000 0.0000000000 + 2589 8.0000000000 3.0000000000 0.0000000000 +End Nodes + + +Begin Elements Element2D3N// GUI group identifier: Volume + 1 0 219 197 215 + 2 0 132 113 129 + 3 0 68 56 70 + 4 0 32 27 38 + 5 0 129 113 112 + 6 0 70 56 60 + 7 0 32 38 43 + 8 0 112 113 95 + 9 0 60 56 47 + 10 0 43 38 49 + 11 0 112 95 96 + 12 0 49 38 51 + 13 0 49 51 63 + 14 0 43 49 57 + 15 0 96 95 81 + 16 0 57 49 63 + 17 0 43 57 50 + 18 0 96 81 82 + 19 0 50 57 64 + 20 0 43 50 39 + 21 0 82 81 68 + 22 0 64 57 71 + 23 0 39 50 47 + 24 0 82 68 70 + 25 0 71 57 63 + 26 0 47 50 60 + 27 0 60 50 64 + 28 0 60 64 74 + 29 0 74 64 79 + 30 0 60 74 70 + 31 0 79 64 71 + 32 0 74 79 88 + 33 0 70 74 86 + 34 0 79 71 87 + 35 0 88 79 97 + 36 0 86 74 88 + 37 0 87 71 78 + 38 0 97 79 87 + 39 0 97 87 105 + 40 0 105 87 94 + 41 0 97 105 119 + 42 0 119 105 134 + 43 0 97 119 106 + 44 0 106 119 126 + 45 0 97 106 88 + 46 0 126 119 139 + 47 0 88 106 103 + 48 0 139 119 134 + 49 0 126 139 148 + 50 0 103 106 122 + 51 0 148 139 161 + 52 0 126 148 142 + 53 0 122 106 126 + 54 0 161 139 156 + 55 0 142 148 164 + 56 0 122 126 142 + 57 0 164 148 173 + 58 0 142 164 160 + 59 0 173 148 161 + 60 0 164 173 188 + 61 0 160 164 184 + 62 0 173 161 183 + 63 0 188 173 198 + 64 0 184 164 188 + 65 0 160 184 179 + 66 0 183 161 180 + 67 0 183 180 205 + 68 0 183 205 198 + 69 0 198 173 183 + 70 0 184 188 207 + 71 0 179 184 201 + 72 0 207 188 216 + 73 0 184 207 201 + 74 0 216 188 198 + 75 0 207 216 235 + 76 0 201 207 229 + 77 0 216 198 222 + 78 0 222 198 205 + 79 0 216 222 244 + 80 0 132 129 147 + 81 0 147 129 146 + 82 0 132 147 151 + 83 0 146 129 130 + 84 0 147 146 166 + 85 0 151 147 169 + 86 0 130 129 112 + 87 0 166 146 168 + 88 0 147 166 169 + 89 0 130 112 115 + 90 0 168 146 149 + 91 0 169 166 190 + 92 0 115 112 96 + 93 0 130 115 135 + 94 0 149 146 130 + 95 0 190 166 189 + 96 0 115 96 99 + 97 0 135 115 118 + 98 0 189 166 168 + 99 0 190 189 214 + 100 0 99 96 82 + 101 0 118 115 99 + 102 0 189 168 191 + 103 0 99 82 86 + 104 0 118 99 103 + 105 0 191 168 170 + 106 0 189 191 218 + 107 0 86 82 70 + 108 0 103 99 86 + 109 0 170 168 149 + 110 0 170 149 155 + 111 0 155 149 135 + 112 0 135 149 130 + 113 0 155 135 138 + 114 0 138 135 118 + 115 0 155 138 160 + 116 0 138 118 122 + 117 0 160 138 142 + 118 0 155 160 179 + 119 0 122 118 103 + 120 0 142 138 122 + 121 0 155 179 170 + 122 0 170 179 196 + 123 0 196 179 201 + 124 0 170 196 191 + 125 0 196 201 225 + 126 0 191 196 221 + 127 0 38 27 41 + 128 0 88 103 86 + 129 0 172 151 169 + 130 0 172 169 193 + 131 0 193 169 190 + 132 0 172 193 197 + 133 0 193 190 213 + 134 0 197 193 215 + 135 0 25 23 31 + 136 0 25 31 30 + 137 0 30 31 41 + 138 0 30 41 27 + 139 0 30 27 25 + 140 0 43 39 32 + 141 0 63 78 71 + 142 0 134 156 139 + 143 0 224 241 222 + 144 0 41 51 38 + 145 0 94 114 105 + 146 0 105 114 134 + 147 0 78 94 87 + 148 0 156 180 161 + 149 0 241 262 252 + 150 0 205 224 222 + 151 0 229 225 201 + 152 0 214 213 190 + 153 0 244 235 216 + 154 0 221 218 191 + 155 0 252 244 222 + 156 0 225 221 196 + 157 0 213 215 193 + 158 0 235 229 207 + 159 0 218 214 189 + 160 0 241 252 222 + 161 0 202 204 177 + 162 0 239 250 224 + 163 0 109 128 121 + 164 0 121 128 141 + 165 0 109 121 100 + 166 0 141 128 152 + 167 0 121 141 133 + 168 0 100 121 111 + 169 0 141 152 165 + 170 0 133 141 157 + 171 0 111 121 133 + 172 0 165 152 177 + 173 0 157 141 165 + 174 0 165 177 204 + 175 0 157 165 181 + 176 0 181 165 204 + 177 0 157 181 178 + 178 0 178 206 209 + 179 0 157 178 144 + 180 0 144 178 162 + 181 0 157 144 133 + 182 0 162 178 186 + 183 0 144 162 140 + 184 0 133 144 124 + 185 0 162 186 182 + 186 0 140 162 158 + 187 0 124 144 140 + 188 0 182 186 211 + 189 0 158 162 182 + 190 0 140 158 136 + 191 0 158 182 176 + 192 0 136 158 154 + 193 0 140 136 120 + 194 0 176 182 199 + 195 0 154 158 176 + 196 0 136 154 134 + 197 0 120 136 117 + 198 0 199 182 211 + 199 0 117 136 134 + 200 0 120 117 101 + 201 0 101 117 94 + 202 0 120 101 104 + 203 0 104 101 85 + 204 0 120 104 124 + 205 0 85 101 78 + 206 0 104 85 92 + 207 0 124 104 111 + 208 0 120 124 140 + 209 0 92 85 76 + 210 0 104 92 111 + 211 0 76 85 63 + 212 0 111 92 100 + 213 0 100 92 83 + 214 0 83 92 76 + 215 0 100 83 90 + 216 0 83 76 67 + 217 0 90 83 73 + 218 0 100 90 109 + 219 0 67 76 62 + 220 0 73 83 67 + 221 0 62 76 63 + 222 0 73 67 59 + 223 0 59 67 52 + 224 0 52 67 62 + 225 0 59 52 45 + 226 0 52 62 51 + 227 0 51 62 63 + 228 0 45 52 41 + 229 0 211 220 199 + 230 0 206 178 181 + 231 0 23 35 31 + 232 0 35 45 41 + 233 0 35 41 31 + 234 0 186 178 209 + 235 0 176 199 195 + 236 0 195 199 226 + 237 0 176 195 171 + 238 0 171 195 192 + 239 0 176 171 154 + 240 0 192 195 217 + 241 0 171 192 180 + 242 0 180 192 205 + 243 0 205 192 217 + 244 0 154 171 156 + 245 0 217 195 226 + 246 0 226 233 217 + 247 0 133 124 111 + 248 0 204 206 181 + 249 0 250 262 241 + 250 0 250 241 224 + 251 0 220 226 199 + 252 0 209 211 186 + 253 0 233 239 217 + 254 0 180 156 171 + 255 0 94 78 101 + 256 0 224 205 217 + 257 0 134 114 117 + 258 0 117 114 94 + 259 0 156 134 154 + 260 0 78 63 85 + 261 0 51 41 52 + 262 0 217 239 224 + 263 0 727 688 702 + 264 0 702 688 661 + 265 0 661 688 643 + 266 0 661 643 629 + 267 0 702 661 681 + 268 0 681 661 629 + 269 0 629 643 601 + 270 0 629 601 586 + 271 0 586 601 558 + 272 0 586 558 543 + 273 0 629 586 616 + 274 0 543 558 517 + 275 0 586 543 575 + 276 0 543 517 502 + 277 0 502 517 476 + 278 0 502 476 462 + 279 0 543 502 534 + 280 0 616 586 575 + 281 0 616 575 631 + 282 0 629 616 655 + 283 0 462 476 434 + 284 0 462 434 418 + 285 0 502 462 490 + 286 0 575 543 534 + 287 0 575 534 571 + 288 0 418 434 393 + 289 0 418 393 381 + 290 0 462 418 447 + 291 0 534 502 490 + 292 0 381 393 359 + 293 0 381 359 345 + 294 0 418 381 410 + 295 0 534 490 524 + 296 0 490 462 447 + 297 0 571 534 524 + 298 0 575 571 631 + 299 0 490 447 482 + 300 0 345 359 324 + 301 0 345 324 315 + 302 0 381 345 375 + 303 0 447 418 410 + 304 0 524 490 482 + 305 0 447 410 440 + 306 0 315 324 293 + 307 0 315 293 289 + 308 0 345 315 338 + 309 0 410 381 375 + 310 0 482 447 440 + 311 0 410 375 401 + 312 0 375 345 338 + 313 0 289 293 273 + 314 0 289 273 270 + 315 0 315 289 310 + 316 0 440 410 401 + 317 0 375 338 367 + 318 0 315 310 338 + 319 0 338 310 333 + 320 0 289 270 287 + 321 0 401 375 367 + 322 0 270 273 254 + 323 0 270 254 251 + 324 0 251 254 236 + 325 0 270 251 267 + 326 0 251 236 232 + 327 0 310 289 287 + 328 0 267 251 247 + 329 0 310 287 303 + 330 0 303 287 284 + 331 0 310 303 333 + 332 0 284 287 267 + 333 0 303 284 302 + 334 0 267 287 270 + 335 0 302 284 279 + 336 0 236 219 232 + 337 0 338 333 367 + 338 0 303 302 330 + 339 0 330 302 327 + 340 0 303 330 333 + 341 0 327 302 298 + 342 0 330 327 360 + 343 0 360 327 356 + 344 0 330 360 362 + 345 0 356 327 320 + 346 0 360 356 389 + 347 0 362 360 392 + 348 0 330 362 333 + 349 0 360 389 392 + 350 0 362 392 398 + 351 0 333 362 367 + 352 0 392 389 427 + 353 0 362 398 367 + 354 0 427 389 424 + 355 0 392 427 431 + 356 0 424 389 387 + 357 0 427 424 459 + 358 0 431 427 464 + 359 0 387 389 356 + 360 0 459 424 465 + 361 0 431 464 469 + 362 0 465 424 419 + 363 0 459 465 497 + 364 0 469 464 508 + 365 0 419 424 387 + 366 0 497 465 520 + 367 0 497 520 535 + 368 0 497 535 505 + 369 0 505 535 547 + 370 0 497 505 459 + 371 0 505 547 508 + 372 0 508 464 505 + 373 0 469 508 510 + 374 0 510 508 559 + 375 0 469 510 475 + 376 0 475 510 515 + 377 0 469 475 435 + 378 0 515 510 548 + 379 0 475 515 482 + 380 0 435 475 440 + 381 0 548 510 559 + 382 0 515 548 554 + 383 0 554 548 594 + 384 0 515 554 524 + 385 0 464 427 459 + 386 0 464 459 505 + 387 0 465 419 457 + 388 0 457 419 415 + 389 0 465 457 520 + 390 0 419 387 382 + 391 0 398 392 431 + 392 0 398 431 435 + 393 0 435 431 469 + 394 0 398 435 401 + 395 0 387 356 349 + 396 0 284 267 263 + 397 0 367 398 401 + 398 0 482 440 475 + 399 0 440 401 435 + 400 0 571 524 554 + 401 0 524 482 515 + 402 0 494 501 455 + 403 0 594 615 554 + 404 0 511 520 457 + 405 0 559 580 548 + 406 0 548 580 594 + 407 0 631 655 616 + 408 0 501 511 457 + 409 0 547 559 508 + 410 0 615 631 571 + 411 0 655 681 629 + 412 0 279 298 302 + 413 0 382 415 419 + 414 0 247 263 267 + 415 0 320 349 356 + 416 0 232 247 251 + 417 0 298 320 327 + 418 0 415 455 457 + 419 0 263 279 284 + 420 0 349 382 387 + 421 0 571 554 615 + 422 0 455 501 457 + 423 0 843 829 811 + 424 0 743 735 681 + 425 0 710 746 713 + 426 0 713 746 748 + 427 0 710 713 673 + 428 0 748 746 776 + 429 0 713 748 716 + 430 0 673 713 677 + 431 0 748 776 783 + 432 0 716 748 750 + 433 0 677 713 716 + 434 0 783 776 811 + 435 0 750 748 783 + 436 0 783 811 829 + 437 0 750 783 786 + 438 0 786 783 829 + 439 0 750 786 757 + 440 0 757 786 797 + 441 0 750 757 720 + 442 0 720 757 723 + 443 0 750 720 716 + 444 0 723 757 761 + 445 0 720 723 684 + 446 0 716 720 680 + 447 0 723 761 734 + 448 0 684 723 691 + 449 0 680 720 684 + 450 0 734 761 788 + 451 0 691 723 734 + 452 0 684 691 647 + 453 0 691 734 692 + 454 0 647 691 651 + 455 0 684 647 644 + 456 0 692 734 737 + 457 0 651 691 692 + 458 0 647 651 594 + 459 0 644 647 611 + 460 0 737 734 788 + 461 0 611 647 594 + 462 0 644 611 605 + 463 0 605 611 559 + 464 0 644 605 639 + 465 0 639 605 591 + 466 0 644 639 680 + 467 0 591 605 547 + 468 0 639 591 636 + 469 0 680 639 677 + 470 0 644 680 684 + 471 0 636 591 597 + 472 0 639 636 677 + 473 0 597 591 535 + 474 0 677 636 673 + 475 0 673 636 633 + 476 0 633 636 597 + 477 0 673 633 672 + 478 0 633 597 596 + 479 0 672 633 635 + 480 0 673 672 710 + 481 0 596 597 563 + 482 0 635 633 596 + 483 0 563 597 535 + 484 0 635 596 602 + 485 0 602 596 562 + 486 0 562 596 563 + 487 0 602 562 567 + 488 0 562 563 520 + 489 0 520 563 535 + 490 0 567 562 511 + 491 0 788 772 737 + 492 0 814 797 786 + 493 0 494 529 501 + 494 0 529 567 511 + 495 0 529 511 501 + 496 0 761 757 797 + 497 0 692 737 705 + 498 0 705 737 765 + 499 0 692 705 662 + 500 0 662 705 674 + 501 0 692 662 651 + 502 0 674 705 712 + 503 0 662 674 631 + 504 0 631 674 655 + 505 0 655 674 712 + 506 0 651 662 615 + 507 0 712 705 765 + 508 0 765 754 712 + 509 0 716 680 677 + 510 0 829 814 786 + 511 0 735 727 702 + 512 0 735 702 681 + 513 0 772 765 737 + 514 0 797 788 761 + 515 0 754 743 712 + 516 0 631 615 662 + 517 0 559 547 605 + 518 0 681 655 712 + 519 0 594 580 611 + 520 0 611 580 559 + 521 0 615 594 651 + 522 0 547 535 591 + 523 0 520 511 562 + 524 0 712 743 681 + 525 0 262 272 252 + 526 0 318 342 314 + 527 0 430 463 423 + 528 0 314 342 334 + 529 0 318 314 290 + 530 0 423 463 455 + 531 0 334 342 369 + 532 0 290 314 288 + 533 0 318 290 300 + 534 0 334 369 363 + 535 0 288 314 308 + 536 0 300 290 278 + 537 0 363 369 399 + 538 0 308 314 334 + 539 0 288 308 285 + 540 0 278 290 271 + 541 0 308 334 329 + 542 0 285 308 301 + 543 0 288 285 269 + 544 0 271 290 288 + 545 0 301 308 329 + 546 0 288 269 271 + 547 0 301 329 326 + 548 0 271 269 253 + 549 0 326 329 357 + 550 0 253 269 249 + 551 0 357 329 363 + 552 0 326 357 350 + 553 0 249 269 265 + 554 0 363 329 334 + 555 0 350 357 386 + 556 0 265 269 285 + 557 0 386 357 390 + 558 0 350 386 382 + 559 0 390 357 363 + 560 0 386 390 423 + 561 0 390 363 399 + 562 0 423 390 430 + 563 0 386 423 415 + 564 0 430 390 399 + 565 0 249 265 246 + 566 0 246 265 261 + 567 0 249 246 225 + 568 0 261 265 281 + 569 0 281 265 285 + 570 0 261 281 275 + 571 0 275 281 297 + 572 0 261 275 258 + 573 0 297 281 301 + 574 0 258 275 274 + 575 0 301 281 285 + 576 0 297 301 326 + 577 0 274 275 294 + 578 0 297 326 319 + 579 0 294 275 297 + 580 0 319 326 350 + 581 0 294 297 319 + 582 0 319 350 349 + 583 0 294 319 320 + 584 0 274 294 298 + 585 0 286 300 278 + 586 0 286 278 266 + 587 0 266 278 255 + 588 0 286 266 272 + 589 0 255 278 271 + 590 0 266 255 244 + 591 0 272 266 252 + 592 0 255 271 253 + 593 0 255 253 235 + 594 0 246 261 243 + 595 0 243 261 258 + 596 0 246 243 221 + 597 0 243 258 240 + 598 0 240 258 256 + 599 0 243 240 218 + 600 0 256 258 274 + 601 0 240 256 237 + 602 0 256 274 279 + 603 0 237 256 263 + 604 0 240 237 214 + 605 0 253 249 229 + 606 0 463 494 455 + 607 0 219 215 232 + 608 0 232 215 230 + 609 0 230 215 213 + 610 0 232 230 247 + 611 0 230 213 237 + 612 0 247 230 237 + 613 0 235 244 255 + 614 0 320 298 294 + 615 0 218 221 243 + 616 0 455 415 423 + 617 0 213 214 237 + 618 0 279 263 256 + 619 0 225 229 249 + 620 0 382 349 350 + 621 0 244 252 266 + 622 0 298 279 274 + 623 0 221 225 246 + 624 0 415 382 386 + 625 0 214 218 240 + 626 0 263 247 237 + 627 0 229 235 253 + 628 0 349 320 319 + 629 0 632 667 668 + 630 0 2579 2582 2572 + 631 0 981 957 941 + 632 0 2572 2582 2575 + 633 0 2579 2572 2567 + 634 0 941 957 906 + 635 0 2575 2582 2584 + 636 0 2567 2572 2558 + 637 0 2575 2584 2577 + 638 0 2558 2572 2562 + 639 0 2567 2558 2553 + 640 0 2577 2584 2585 + 641 0 2562 2572 2575 + 642 0 2553 2558 2538 + 643 0 2577 2585 2581 + 644 0 2562 2575 2566 + 645 0 2538 2558 2544 + 646 0 2581 2585 2587 + 647 0 2566 2575 2577 + 648 0 2544 2558 2562 + 649 0 2581 2587 2583 + 650 0 2544 2562 2550 + 651 0 2583 2587 2588 + 652 0 2550 2562 2566 + 653 0 2544 2550 2527 + 654 0 2550 2566 2557 + 655 0 2527 2550 2536 + 656 0 2544 2527 2517 + 657 0 2557 2566 2571 + 658 0 2536 2550 2557 + 659 0 2517 2527 2497 + 660 0 2571 2566 2577 + 661 0 2536 2557 2542 + 662 0 2497 2527 2504 + 663 0 2571 2577 2581 + 664 0 2542 2557 2561 + 665 0 2504 2527 2536 + 666 0 2561 2557 2571 + 667 0 2542 2561 2551 + 668 0 2561 2571 2574 + 669 0 2551 2561 2568 + 670 0 2574 2571 2581 + 671 0 2561 2574 2568 + 672 0 2568 2574 2578 + 673 0 2578 2574 2583 + 674 0 2568 2580 2569 + 675 0 2583 2574 2581 + 676 0 2578 2583 2586 + 677 0 1664 1699 1687 + 678 0 1687 1699 1721 + 679 0 1664 1687 1656 + 680 0 1721 1699 1731 + 681 0 1656 1687 1683 + 682 0 1721 1731 1758 + 683 0 1683 1687 1719 + 684 0 1758 1731 1765 + 685 0 1721 1758 1750 + 686 0 1719 1687 1721 + 687 0 1750 1758 1783 + 688 0 1721 1750 1719 + 689 0 1783 1758 1793 + 690 0 1750 1783 1777 + 691 0 1719 1750 1743 + 692 0 1783 1793 1818 + 693 0 1777 1783 1811 + 694 0 1743 1750 1777 + 695 0 1818 1793 1827 + 696 0 1811 1783 1818 + 697 0 1827 1793 1797 + 698 0 1818 1827 1852 + 699 0 1811 1818 1845 + 700 0 1797 1793 1765 + 701 0 1852 1827 1859 + 702 0 1845 1818 1852 + 703 0 1765 1793 1758 + 704 0 1859 1827 1830 + 705 0 1845 1852 1876 + 706 0 1859 1830 1864 + 707 0 1876 1852 1885 + 708 0 1859 1864 1892 + 709 0 1885 1852 1859 + 710 0 1876 1885 1912 + 711 0 1892 1864 1898 + 712 0 1912 1885 1920 + 713 0 1876 1912 1909 + 714 0 1892 1898 1924 + 715 0 1920 1885 1892 + 716 0 1909 1912 1948 + 717 0 1924 1898 1932 + 718 0 1892 1885 1859 + 719 0 1948 1912 1944 + 720 0 1944 1912 1920 + 721 0 1948 1944 1981 + 722 0 1944 1920 1954 + 723 0 1981 1944 1978 + 724 0 1954 1920 1924 + 725 0 1944 1954 1978 + 726 0 1924 1920 1892 + 727 0 1978 1954 1984 + 728 0 1984 1954 1957 + 729 0 1978 1984 2011 + 730 0 1957 1954 1924 + 731 0 1984 1957 1991 + 732 0 2011 1984 2016 + 733 0 1957 1924 1932 + 734 0 1991 1957 1965 + 735 0 2016 1984 1991 + 736 0 1965 1957 1932 + 737 0 1991 1965 1999 + 738 0 2016 1991 2025 + 739 0 1991 1999 2025 + 740 0 2016 2025 2051 + 741 0 2025 1999 2032 + 742 0 2051 2025 2058 + 743 0 2016 2051 2042 + 744 0 2025 2032 2058 + 745 0 2042 2051 2076 + 746 0 2058 2032 2065 + 747 0 2076 2051 2083 + 748 0 2042 2076 2079 + 749 0 2058 2065 2092 + 750 0 2083 2051 2058 + 751 0 2079 2076 2112 + 752 0 2092 2065 2097 + 753 0 2083 2058 2092 + 754 0 2112 2076 2108 + 755 0 2092 2097 2124 + 756 0 2083 2092 2116 + 757 0 2108 2076 2083 + 758 0 2124 2097 2131 + 759 0 2116 2092 2124 + 760 0 2124 2131 2157 + 761 0 2157 2131 2164 + 762 0 2124 2157 2150 + 763 0 2157 2164 2190 + 764 0 2150 2157 2184 + 765 0 2124 2150 2116 + 766 0 2190 2164 2198 + 767 0 2184 2157 2190 + 768 0 2116 2150 2142 + 769 0 2142 2150 2177 + 770 0 2116 2142 2108 + 771 0 2177 2150 2184 + 772 0 2108 2142 2143 + 773 0 2116 2108 2083 + 774 0 2177 2184 2210 + 775 0 2143 2142 2171 + 776 0 2210 2184 2217 + 777 0 2177 2210 2203 + 778 0 2171 2142 2177 + 779 0 2217 2184 2190 + 780 0 2203 2210 2236 + 781 0 2171 2177 2203 + 782 0 2236 2210 2244 + 783 0 2203 2236 2222 + 784 0 2244 2210 2217 + 785 0 2236 2244 2269 + 786 0 2222 2236 2259 + 787 0 2244 2217 2251 + 788 0 2269 2244 2277 + 789 0 2259 2236 2269 + 790 0 2251 2217 2223 + 791 0 2277 2244 2251 + 792 0 2259 2269 2295 + 793 0 2223 2217 2190 + 794 0 2295 2269 2303 + 795 0 2259 2295 2285 + 796 0 2303 2269 2277 + 797 0 2295 2303 2329 + 798 0 2285 2295 2321 + 799 0 2303 2277 2310 + 800 0 2329 2303 2336 + 801 0 2321 2295 2329 + 802 0 2310 2277 2282 + 803 0 2336 2303 2310 + 804 0 2321 2329 2354 + 805 0 2282 2277 2251 + 806 0 2354 2329 2360 + 807 0 2321 2354 2345 + 808 0 2360 2329 2336 + 809 0 2354 2360 2388 + 810 0 2345 2354 2380 + 811 0 2360 2336 2368 + 812 0 2388 2360 2393 + 813 0 2380 2354 2388 + 814 0 2368 2336 2342 + 815 0 2393 2360 2368 + 816 0 2380 2388 2414 + 817 0 2342 2336 2310 + 818 0 2414 2388 2421 + 819 0 2380 2414 2404 + 820 0 2421 2388 2393 + 821 0 2414 2421 2444 + 822 0 2404 2414 2439 + 823 0 2421 2393 2426 + 824 0 2444 2421 2451 + 825 0 2439 2414 2444 + 826 0 2426 2393 2401 + 827 0 2451 2421 2426 + 828 0 2439 2444 2470 + 829 0 2401 2393 2368 + 830 0 2470 2444 2477 + 831 0 2439 2470 2462 + 832 0 2477 2444 2451 + 833 0 2470 2477 2506 + 834 0 2462 2470 2495 + 835 0 2477 2451 2479 + 836 0 2506 2477 2504 + 837 0 2495 2470 2506 + 838 0 2479 2451 2460 + 839 0 2495 2506 2525 + 840 0 2460 2451 2426 + 841 0 2525 2506 2542 + 842 0 2495 2525 2530 + 843 0 2460 2426 2434 + 844 0 2530 2525 2552 + 845 0 2495 2530 2493 + 846 0 2434 2426 2401 + 847 0 2552 2525 2551 + 848 0 2552 2551 2568 + 849 0 2493 2530 2535 + 850 0 2434 2401 2409 + 851 0 2409 2401 2374 + 852 0 2434 2409 2443 + 853 0 2374 2401 2368 + 854 0 2409 2374 2382 + 855 0 2443 2409 2417 + 856 0 2382 2374 2348 + 857 0 2409 2382 2417 + 858 0 2348 2374 2342 + 859 0 2417 2382 2392 + 860 0 2342 2374 2368 + 861 0 2348 2342 2315 + 862 0 2392 2382 2357 + 863 0 2315 2342 2310 + 864 0 2357 2382 2348 + 865 0 2392 2357 2366 + 866 0 2357 2348 2323 + 867 0 2366 2357 2333 + 868 0 2392 2366 2399 + 869 0 2323 2348 2315 + 870 0 2333 2357 2323 + 871 0 2392 2399 2425 + 872 0 2323 2315 2290 + 873 0 2425 2399 2432 + 874 0 2392 2425 2417 + 875 0 2290 2315 2282 + 876 0 2425 2432 2457 + 877 0 2417 2425 2450 + 878 0 2282 2315 2310 + 879 0 2457 2432 2463 + 880 0 2450 2425 2457 + 881 0 2457 2463 2489 + 882 0 2450 2457 2483 + 883 0 2489 2463 2498 + 884 0 2483 2457 2489 + 885 0 2450 2483 2472 + 886 0 2483 2489 2510 + 887 0 2472 2483 2502 + 888 0 2510 2489 2519 + 889 0 2483 2510 2502 + 890 0 2519 2489 2498 + 891 0 2502 2510 2533 + 892 0 2519 2498 2528 + 893 0 2533 2510 2543 + 894 0 2519 2528 2546 + 895 0 2543 2510 2519 + 896 0 2546 2528 2549 + 897 0 2519 2546 2543 + 898 0 2543 2546 2559 + 899 0 2559 2546 2570 + 900 0 2543 2564 2553 + 901 0 1877 1846 1847 + 902 0 1847 1846 1816 + 903 0 1877 1847 1880 + 904 0 1816 1846 1815 + 905 0 1847 1816 1817 + 906 0 1880 1847 1849 + 907 0 1816 1815 1785 + 908 0 1817 1816 1787 + 909 0 1849 1847 1817 + 910 0 1785 1815 1784 + 911 0 1787 1816 1785 + 912 0 1785 1784 1754 + 913 0 1787 1785 1756 + 914 0 1754 1784 1755 + 915 0 1756 1785 1754 + 916 0 1754 1755 1722 + 917 0 1756 1754 1723 + 918 0 1722 1755 1724 + 919 0 1723 1754 1722 + 920 0 1722 1724 1693 + 921 0 1723 1722 1692 + 922 0 1693 1724 1696 + 923 0 1722 1693 1692 + 924 0 1693 1696 1665 + 925 0 1692 1693 1662 + 926 0 1665 1696 1667 + 927 0 1693 1665 1662 + 928 0 1665 1667 1633 + 929 0 1662 1665 1631 + 930 0 1633 1667 1635 + 931 0 1665 1633 1631 + 932 0 1633 1635 1606 + 933 0 1631 1633 1601 + 934 0 1606 1635 1608 + 935 0 1633 1606 1601 + 936 0 1601 1606 1572 + 937 0 1572 1606 1574 + 938 0 1601 1572 1570 + 939 0 1574 1606 1608 + 940 0 1572 1574 1541 + 941 0 1570 1572 1538 + 942 0 1541 1574 1546 + 943 0 1572 1541 1538 + 944 0 1546 1574 1577 + 945 0 1538 1541 1509 + 946 0 1577 1574 1608 + 947 0 1546 1577 1548 + 948 0 1509 1541 1511 + 949 0 1546 1548 1515 + 950 0 1511 1541 1546 + 951 0 1515 1548 1519 + 952 0 1546 1515 1511 + 953 0 1515 1519 1488 + 954 0 1511 1515 1482 + 955 0 1488 1519 1490 + 956 0 1482 1515 1488 + 957 0 1511 1482 1479 + 958 0 1488 1490 1456 + 959 0 1482 1488 1453 + 960 0 1479 1482 1451 + 961 0 1456 1490 1459 + 962 0 1453 1488 1456 + 963 0 1451 1482 1453 + 964 0 1453 1456 1421 + 965 0 1451 1453 1420 + 966 0 1421 1456 1428 + 967 0 1453 1421 1420 + 968 0 1428 1456 1459 + 969 0 1420 1421 1390 + 970 0 1428 1459 1430 + 971 0 1390 1421 1394 + 972 0 1428 1430 1396 + 973 0 1394 1421 1428 + 974 0 1390 1394 1359 + 975 0 1396 1430 1400 + 976 0 1394 1428 1396 + 977 0 1359 1394 1362 + 978 0 1394 1396 1362 + 979 0 1359 1362 1329 + 980 0 1362 1396 1367 + 981 0 1329 1362 1333 + 982 0 1359 1329 1325 + 983 0 1367 1396 1400 + 984 0 1333 1362 1367 + 985 0 1325 1329 1296 + 986 0 1333 1367 1338 + 987 0 1296 1329 1299 + 988 0 1338 1367 1372 + 989 0 1333 1338 1304 + 990 0 1299 1329 1333 + 991 0 1372 1367 1400 + 992 0 1304 1338 1308 + 993 0 1299 1333 1304 + 994 0 1308 1338 1343 + 995 0 1304 1308 1273 + 996 0 1343 1338 1372 + 997 0 1308 1343 1315 + 998 0 1273 1308 1281 + 999 0 1308 1315 1281 + 1000 0 1273 1281 1246 + 1001 0 1281 1315 1288 + 1002 0 1246 1281 1250 + 1003 0 1273 1246 1241 + 1004 0 1281 1288 1250 + 1005 0 1241 1246 1210 + 1006 0 1250 1288 1261 + 1007 0 1210 1246 1215 + 1008 0 1241 1210 1205 + 1009 0 1250 1261 1224 + 1010 0 1215 1246 1250 + 1011 0 1205 1210 1175 + 1012 0 1224 1261 1232 + 1013 0 1175 1210 1182 + 1014 0 1205 1175 1172 + 1015 0 1224 1232 1196 + 1016 0 1182 1210 1215 + 1017 0 1172 1175 1139 + 1018 0 1196 1232 1206 + 1019 0 1139 1175 1146 + 1020 0 1172 1139 1136 + 1021 0 1196 1206 1170 + 1022 0 1146 1175 1182 + 1023 0 1136 1139 1105 + 1024 0 1170 1206 1177 + 1025 0 1146 1182 1152 + 1026 0 1105 1139 1111 + 1027 0 1170 1177 1142 + 1028 0 1152 1182 1187 + 1029 0 1111 1139 1146 + 1030 0 1142 1177 1150 + 1031 0 1187 1182 1215 + 1032 0 1152 1187 1160 + 1033 0 1142 1150 1114 + 1034 0 1187 1215 1224 + 1035 0 1160 1187 1196 + 1036 0 1114 1150 1125 + 1037 0 1224 1215 1250 + 1038 0 1187 1224 1196 + 1039 0 1114 1125 1089 + 1040 0 1089 1125 1101 + 1041 0 1114 1089 1080 + 1042 0 1089 1101 1062 + 1043 0 1080 1089 1053 + 1044 0 1062 1101 1074 + 1045 0 1089 1062 1053 + 1046 0 1062 1074 1040 + 1047 0 1053 1062 1023 + 1048 0 1040 1074 1052 + 1049 0 1062 1040 1023 + 1050 0 1040 1052 1014 + 1051 0 1023 1040 1002 + 1052 0 1014 1052 1024 + 1053 0 1040 1014 1002 + 1054 0 1014 1024 987 + 1055 0 1002 1014 978 + 1056 0 987 1024 1004 + 1057 0 1014 987 978 + 1058 0 978 987 947 + 1059 0 947 987 962 + 1060 0 978 947 939 + 1061 0 962 987 1004 + 1062 0 947 962 924 + 1063 0 939 947 913 + 1064 0 962 1004 981 + 1065 0 924 962 941 + 1066 0 913 947 924 + 1067 0 962 981 941 + 1068 0 913 924 885 + 1069 0 885 924 902 + 1070 0 913 885 877 + 1071 0 902 924 941 + 1072 0 885 902 847 + 1073 0 877 885 853 + 1074 0 853 885 847 + 1075 0 877 853 839 + 1076 0 839 853 819 + 1077 0 877 839 861 + 1078 0 861 839 832 + 1079 0 877 861 897 + 1080 0 832 839 802 + 1081 0 861 832 855 + 1082 0 897 861 887 + 1083 0 802 839 819 + 1084 0 832 802 796 + 1085 0 855 832 821 + 1086 0 887 861 855 + 1087 0 796 802 763 + 1088 0 832 796 821 + 1089 0 887 855 880 + 1090 0 821 796 784 + 1091 0 880 855 845 + 1092 0 887 880 914 + 1093 0 784 796 760 + 1094 0 821 784 807 + 1095 0 845 855 821 + 1096 0 914 880 903 + 1097 0 760 796 763 + 1098 0 807 784 771 + 1099 0 903 880 865 + 1100 0 914 903 943 + 1101 0 771 784 742 + 1102 0 807 771 798 + 1103 0 865 880 845 + 1104 0 943 903 925 + 1105 0 742 784 760 + 1106 0 798 771 755 + 1107 0 925 903 891 + 1108 0 943 925 967 + 1109 0 755 771 729 + 1110 0 798 755 782 + 1111 0 891 903 865 + 1112 0 967 925 959 + 1113 0 729 771 742 + 1114 0 782 755 730 + 1115 0 959 925 920 + 1116 0 967 959 993 + 1117 0 920 925 891 + 1118 0 959 920 949 + 1119 0 993 959 986 + 1120 0 967 993 1007 + 1121 0 949 920 916 + 1122 0 959 949 986 + 1123 0 1007 993 1028 + 1124 0 916 920 886 + 1125 0 986 949 982 + 1126 0 1028 993 1022 + 1127 0 1007 1028 1046 + 1128 0 886 920 891 + 1129 0 982 949 945 + 1130 0 1022 993 986 + 1131 0 1046 1028 1069 + 1132 0 886 891 859 + 1133 0 945 949 916 + 1134 0 1022 986 1019 + 1135 0 1069 1028 1060 + 1136 0 859 891 865 + 1137 0 1019 986 982 + 1138 0 1022 1019 1054 + 1139 0 1060 1028 1022 + 1140 0 859 865 833 + 1141 0 1054 1019 1048 + 1142 0 1022 1054 1060 + 1143 0 833 865 845 + 1144 0 1048 1019 1011 + 1145 0 1060 1054 1088 + 1146 0 833 845 807 + 1147 0 1011 1019 982 + 1148 0 1048 1011 1043 + 1149 0 1088 1054 1082 + 1150 0 807 845 821 + 1151 0 1043 1011 1006 + 1152 0 1048 1043 1075 + 1153 0 1082 1054 1048 + 1154 0 1006 1011 977 + 1155 0 1075 1043 1070 + 1156 0 1048 1075 1082 + 1157 0 977 1011 982 + 1158 0 1006 977 970 + 1159 0 1070 1043 1037 + 1160 0 1082 1075 1111 + 1161 0 970 977 940 + 1162 0 1006 970 1000 + 1163 0 1037 1043 1006 + 1164 0 1111 1075 1105 + 1165 0 940 977 945 + 1166 0 1000 970 953 + 1167 0 1105 1075 1070 + 1168 0 945 977 982 + 1169 0 953 970 921 + 1170 0 1000 953 984 + 1171 0 921 970 940 + 1172 0 984 953 936 + 1173 0 1000 984 1027 + 1174 0 1027 984 1025 + 1175 0 1000 1027 1037 + 1176 0 1025 984 966 + 1177 0 1027 1025 1061 + 1178 0 1037 1027 1064 + 1179 0 1061 1025 1059 + 1180 0 1027 1061 1064 + 1181 0 1037 1064 1070 + 1182 0 1059 1025 1001 + 1183 0 1064 1061 1096 + 1184 0 1070 1064 1102 + 1185 0 1096 1061 1093 + 1186 0 1064 1096 1102 + 1187 0 1070 1102 1105 + 1188 0 1093 1061 1059 + 1189 0 1102 1096 1130 + 1190 0 1105 1102 1136 + 1191 0 1093 1059 1090 + 1192 0 1130 1096 1127 + 1193 0 1136 1102 1130 + 1194 0 1090 1059 1030 + 1195 0 1127 1096 1093 + 1196 0 1130 1127 1161 + 1197 0 1127 1093 1124 + 1198 0 1161 1127 1157 + 1199 0 1130 1161 1166 + 1200 0 1124 1093 1090 + 1201 0 1157 1127 1124 + 1202 0 1161 1157 1192 + 1203 0 1166 1161 1194 + 1204 0 1124 1090 1121 + 1205 0 1192 1157 1191 + 1206 0 1161 1192 1194 + 1207 0 1121 1090 1063 + 1208 0 1191 1157 1155 + 1209 0 1194 1192 1228 + 1210 0 1155 1157 1124 + 1211 0 1191 1155 1190 + 1212 0 1228 1192 1225 + 1213 0 1194 1228 1230 + 1214 0 1155 1124 1121 + 1215 0 1190 1155 1154 + 1216 0 1225 1192 1191 + 1217 0 1230 1228 1262 + 1218 0 1154 1155 1121 + 1219 0 1190 1154 1188 + 1220 0 1225 1191 1223 + 1221 0 1262 1228 1259 + 1222 0 1188 1154 1131 + 1223 0 1190 1188 1220 + 1224 0 1223 1191 1190 + 1225 0 1259 1228 1225 + 1226 0 1220 1188 1221 + 1227 0 1190 1220 1223 + 1228 0 1259 1225 1256 + 1229 0 1221 1188 1164 + 1230 0 1223 1220 1254 + 1231 0 1256 1225 1223 + 1232 0 1259 1256 1290 + 1233 0 1254 1220 1252 + 1234 0 1223 1254 1256 + 1235 0 1290 1256 1286 + 1236 0 1252 1220 1221 + 1237 0 1256 1254 1286 + 1238 0 1290 1286 1321 + 1239 0 1252 1221 1255 + 1240 0 1286 1254 1284 + 1241 0 1321 1286 1319 + 1242 0 1290 1321 1323 + 1243 0 1255 1221 1198 + 1244 0 1284 1254 1252 + 1245 0 1319 1286 1284 + 1246 0 1323 1321 1354 + 1247 0 1284 1252 1285 + 1248 0 1319 1284 1318 + 1249 0 1354 1321 1351 + 1250 0 1323 1354 1356 + 1251 0 1285 1252 1255 + 1252 0 1318 1284 1285 + 1253 0 1351 1321 1319 + 1254 0 1356 1354 1386 + 1255 0 1285 1255 1287 + 1256 0 1318 1285 1320 + 1257 0 1386 1354 1383 + 1258 0 1356 1386 1390 + 1259 0 1287 1255 1231 + 1260 0 1320 1285 1287 + 1261 0 1383 1354 1351 + 1262 0 1390 1386 1420 + 1263 0 1320 1287 1314 + 1264 0 1420 1386 1416 + 1265 0 1314 1287 1264 + 1266 0 1416 1386 1383 + 1267 0 1420 1416 1451 + 1268 0 1416 1383 1414 + 1269 0 1451 1416 1446 + 1270 0 1416 1414 1446 + 1271 0 1446 1414 1443 + 1272 0 1443 1414 1412 + 1273 0 1446 1443 1476 + 1274 0 1412 1414 1380 + 1275 0 1443 1412 1441 + 1276 0 1476 1443 1474 + 1277 0 1380 1414 1383 + 1278 0 1412 1380 1379 + 1279 0 1441 1412 1413 + 1280 0 1474 1443 1441 + 1281 0 1379 1380 1349 + 1282 0 1412 1379 1413 + 1283 0 1474 1441 1475 + 1284 0 1349 1380 1351 + 1285 0 1413 1379 1381 + 1286 0 1475 1441 1444 + 1287 0 1474 1475 1506 + 1288 0 1351 1380 1383 + 1289 0 1381 1379 1350 + 1290 0 1444 1441 1413 + 1291 0 1506 1475 1508 + 1292 0 1350 1379 1349 + 1293 0 1444 1413 1415 + 1294 0 1508 1475 1477 + 1295 0 1350 1349 1318 + 1296 0 1415 1413 1381 + 1297 0 1477 1475 1444 + 1298 0 1508 1477 1510 + 1299 0 1318 1349 1319 + 1300 0 1415 1381 1384 + 1301 0 1477 1444 1447 + 1302 0 1510 1477 1480 + 1303 0 1319 1349 1351 + 1304 0 1415 1384 1417 + 1305 0 1447 1444 1415 + 1306 0 1480 1477 1447 + 1307 0 1417 1384 1391 + 1308 0 1415 1417 1447 + 1309 0 1480 1447 1452 + 1310 0 1391 1384 1358 + 1311 0 1447 1417 1452 + 1312 0 1358 1384 1352 + 1313 0 1391 1358 1365 + 1314 0 1452 1417 1422 + 1315 0 1352 1384 1381 + 1316 0 1358 1352 1314 + 1317 0 1422 1417 1391 + 1318 0 1452 1422 1457 + 1319 0 1314 1352 1320 + 1320 0 1358 1314 1332 + 1321 0 1457 1422 1431 + 1322 0 1452 1457 1483 + 1323 0 1320 1352 1350 + 1324 0 1483 1457 1491 + 1325 0 1452 1483 1480 + 1326 0 1350 1352 1381 + 1327 0 1491 1457 1465 + 1328 0 1483 1491 1517 + 1329 0 1480 1483 1512 + 1330 0 1517 1491 1524 + 1331 0 1483 1517 1512 + 1332 0 1524 1491 1498 + 1333 0 1512 1517 1547 + 1334 0 1547 1517 1549 + 1335 0 1512 1547 1542 + 1336 0 1549 1517 1524 + 1337 0 1547 1549 1579 + 1338 0 1542 1547 1575 + 1339 0 1549 1524 1555 + 1340 0 1579 1549 1583 + 1341 0 1575 1547 1579 + 1342 0 1542 1575 1573 + 1343 0 1555 1524 1530 + 1344 0 1583 1549 1555 + 1345 0 1573 1575 1607 + 1346 0 1542 1573 1539 + 1347 0 1583 1555 1588 + 1348 0 1607 1575 1609 + 1349 0 1539 1573 1571 + 1350 0 1542 1539 1510 + 1351 0 1588 1555 1561 + 1352 0 1609 1575 1579 + 1353 0 1571 1573 1602 + 1354 0 1510 1539 1508 + 1355 0 1609 1579 1611 + 1356 0 1602 1573 1607 + 1357 0 1571 1602 1599 + 1358 0 1508 1539 1536 + 1359 0 1611 1579 1583 + 1360 0 1602 1607 1634 + 1361 0 1599 1602 1632 + 1362 0 1536 1539 1571 + 1363 0 1611 1583 1616 + 1364 0 1634 1607 1637 + 1365 0 1632 1602 1634 + 1366 0 1536 1571 1568 + 1367 0 1616 1583 1588 + 1368 0 1637 1607 1609 + 1369 0 1568 1571 1599 + 1370 0 1536 1568 1535 + 1371 0 1637 1609 1641 + 1372 0 1568 1599 1598 + 1373 0 1535 1568 1570 + 1374 0 1641 1609 1611 + 1375 0 1598 1599 1630 + 1376 0 1568 1598 1570 + 1377 0 1641 1611 1644 + 1378 0 1630 1599 1632 + 1379 0 1570 1598 1601 + 1380 0 1644 1611 1616 + 1381 0 1641 1644 1672 + 1382 0 1630 1632 1663 + 1383 0 1601 1598 1631 + 1384 0 1672 1644 1676 + 1385 0 1663 1632 1666 + 1386 0 1630 1663 1662 + 1387 0 1631 1598 1630 + 1388 0 1672 1676 1704 + 1389 0 1666 1632 1634 + 1390 0 1662 1663 1692 + 1391 0 1631 1630 1662 + 1392 0 1704 1676 1710 + 1393 0 1666 1634 1668 + 1394 0 1692 1663 1694 + 1395 0 1704 1710 1738 + 1396 0 1668 1634 1637 + 1397 0 1694 1663 1666 + 1398 0 1692 1694 1723 + 1399 0 1738 1710 1743 + 1400 0 1668 1637 1669 + 1401 0 1694 1666 1697 + 1402 0 1723 1694 1725 + 1403 0 1669 1637 1641 + 1404 0 1668 1669 1701 + 1405 0 1697 1666 1668 + 1406 0 1725 1694 1697 + 1407 0 1701 1669 1703 + 1408 0 1668 1701 1697 + 1409 0 1725 1697 1726 + 1410 0 1703 1669 1672 + 1411 0 1697 1701 1726 + 1412 0 1672 1669 1641 + 1413 0 1703 1672 1704 + 1414 0 1726 1701 1729 + 1415 0 1703 1704 1734 + 1416 0 1729 1701 1703 + 1417 0 1726 1729 1760 + 1418 0 1734 1704 1738 + 1419 0 1729 1703 1734 + 1420 0 1760 1729 1761 + 1421 0 1726 1760 1757 + 1422 0 1734 1738 1763 + 1423 0 1761 1729 1734 + 1424 0 1760 1761 1792 + 1425 0 1757 1760 1789 + 1426 0 1763 1738 1771 + 1427 0 1792 1761 1794 + 1428 0 1760 1792 1789 + 1429 0 1771 1738 1743 + 1430 0 1794 1761 1763 + 1431 0 1789 1792 1821 + 1432 0 1763 1761 1734 + 1433 0 1794 1763 1795 + 1434 0 1821 1792 1823 + 1435 0 1789 1821 1817 + 1436 0 1795 1763 1771 + 1437 0 1823 1792 1794 + 1438 0 1821 1823 1851 + 1439 0 1817 1821 1849 + 1440 0 1795 1771 1804 + 1441 0 1823 1794 1828 + 1442 0 1851 1823 1854 + 1443 0 1849 1821 1851 + 1444 0 1795 1804 1829 + 1445 0 1828 1794 1795 + 1446 0 1854 1823 1828 + 1447 0 1849 1851 1882 + 1448 0 1829 1804 1837 + 1449 0 1828 1795 1829 + 1450 0 1854 1828 1858 + 1451 0 1882 1851 1884 + 1452 0 1837 1804 1811 + 1453 0 1828 1829 1858 + 1454 0 1884 1851 1854 + 1455 0 1858 1829 1863 + 1456 0 1884 1854 1886 + 1457 0 1863 1829 1837 + 1458 0 1858 1863 1889 + 1459 0 1886 1854 1858 + 1460 0 1884 1886 1916 + 1461 0 1889 1863 1894 + 1462 0 1858 1889 1886 + 1463 0 1916 1886 1919 + 1464 0 1894 1863 1868 + 1465 0 1886 1889 1919 + 1466 0 1916 1919 1947 + 1467 0 1868 1863 1837 + 1468 0 1919 1889 1921 + 1469 0 1947 1919 1950 + 1470 0 1916 1947 1943 + 1471 0 1921 1889 1894 + 1472 0 1919 1921 1950 + 1473 0 1943 1947 1974 + 1474 0 1921 1894 1928 + 1475 0 1950 1921 1956 + 1476 0 1974 1947 1979 + 1477 0 1943 1974 1972 + 1478 0 1956 1921 1928 + 1479 0 1974 1979 2007 + 1480 0 1972 1974 2003 + 1481 0 2007 1979 2010 + 1482 0 1974 2007 2003 + 1483 0 2010 1979 1982 + 1484 0 2003 2007 2036 + 1485 0 1982 1979 1950 + 1486 0 2010 1982 2013 + 1487 0 2036 2007 2037 + 1488 0 1950 1979 1947 + 1489 0 2013 1982 1988 + 1490 0 2037 2007 2010 + 1491 0 1988 1982 1956 + 1492 0 2037 2010 2041 + 1493 0 1956 1982 1950 + 1494 0 2041 2010 2013 + 1495 0 2037 2041 2071 + 1496 0 2041 2013 2045 + 1497 0 2071 2041 2072 + 1498 0 2045 2013 2019 + 1499 0 2041 2045 2072 + 1500 0 2019 2013 1988 + 1501 0 2072 2045 2077 + 1502 0 2019 1988 1985 + 1503 0 2077 2045 2050 + 1504 0 1985 1988 1953 + 1505 0 2019 1985 2024 + 1506 0 2050 2045 2019 + 1507 0 1953 1988 1956 + 1508 0 2024 1985 1981 + 1509 0 1953 1956 1928 + 1510 0 1953 1928 1909 + 1511 0 1928 1894 1909 + 1512 0 2072 2077 2106 + 1513 0 2106 2077 2110 + 1514 0 2072 2106 2104 + 1515 0 2110 2077 2082 + 1516 0 2106 2110 2139 + 1517 0 2104 2106 2136 + 1518 0 2082 2077 2050 + 1519 0 2106 2139 2136 + 1520 0 2082 2050 2057 + 1521 0 2136 2139 2166 + 1522 0 2057 2050 2024 + 1523 0 2082 2057 2087 + 1524 0 2166 2139 2173 + 1525 0 2024 2050 2019 + 1526 0 2087 2046 2079 + 1527 0 2173 2139 2141 + 1528 0 2141 2139 2110 + 1529 0 2173 2141 2176 + 1530 0 2141 2110 2114 + 1531 0 2176 2141 2149 + 1532 0 2114 2110 2082 + 1533 0 2149 2141 2114 + 1534 0 2114 2082 2087 + 1535 0 2114 2087 2120 + 1536 0 2120 2087 2079 + 1537 0 2114 2120 2149 + 1538 0 2149 2120 2148 + 1539 0 2148 2120 2112 + 1540 0 2072 2104 2071 + 1541 0 2071 2104 2101 + 1542 0 2101 2104 2130 + 1543 0 2071 2101 2068 + 1544 0 2130 2104 2136 + 1545 0 2068 2101 2095 + 1546 0 2130 2136 2163 + 1547 0 2095 2101 2128 + 1548 0 2163 2136 2166 + 1549 0 2128 2101 2130 + 1550 0 2163 2166 2197 + 1551 0 2128 2130 2161 + 1552 0 2197 2166 2199 + 1553 0 2161 2130 2163 + 1554 0 2197 2199 2227 + 1555 0 2161 2163 2192 + 1556 0 2227 2199 2232 + 1557 0 2197 2227 2221 + 1558 0 2192 2163 2197 + 1559 0 2227 2232 2258 + 1560 0 2221 2227 2253 + 1561 0 2258 2232 2264 + 1562 0 2227 2258 2253 + 1563 0 2264 2232 2235 + 1564 0 2253 2258 2286 + 1565 0 2235 2232 2205 + 1566 0 2264 2235 2268 + 1567 0 2286 2258 2289 + 1568 0 2205 2232 2199 + 1569 0 2268 2235 2242 + 1570 0 2289 2258 2264 + 1571 0 2205 2199 2173 + 1572 0 2242 2235 2209 + 1573 0 2289 2264 2296 + 1574 0 2173 2199 2166 + 1575 0 2209 2235 2205 + 1576 0 2296 2264 2268 + 1577 0 2209 2205 2176 + 1578 0 2296 2268 2302 + 1579 0 2176 2205 2173 + 1580 0 2209 2176 2181 + 1581 0 2302 2268 2276 + 1582 0 2181 2176 2149 + 1583 0 2276 2268 2242 + 1584 0 2302 2276 2311 + 1585 0 2181 2149 2148 + 1586 0 2276 2242 2248 + 1587 0 2311 2276 2285 + 1588 0 2248 2242 2213 + 1589 0 2276 2248 2285 + 1590 0 2213 2242 2209 + 1591 0 2248 2213 2222 + 1592 0 2213 2209 2181 + 1593 0 2213 2181 2183 + 1594 0 2183 2181 2148 + 1595 0 2213 2183 2222 + 1596 0 2183 2148 2143 + 1597 0 2192 2197 2221 + 1598 0 1664 1656 1628 + 1599 0 1628 1656 1621 + 1600 0 1621 1656 1650 + 1601 0 1628 1621 1595 + 1602 0 1650 1656 1683 + 1603 0 1621 1650 1616 + 1604 0 1595 1621 1588 + 1605 0 1650 1683 1676 + 1606 0 2222 2259 2248 + 1607 0 1877 1880 1907 + 1608 0 1907 1880 1910 + 1609 0 1910 1880 1882 + 1610 0 1907 1910 1938 + 1611 0 1882 1880 1849 + 1612 0 1938 1910 1942 + 1613 0 1942 1910 1913 + 1614 0 1938 1942 1969 + 1615 0 1913 1910 1882 + 1616 0 1942 1913 1943 + 1617 0 1969 1942 1972 + 1618 0 1943 1913 1916 + 1619 0 1942 1943 1972 + 1620 0 1916 1913 1884 + 1621 0 1884 1913 1882 + 1622 0 1318 1320 1350 + 1623 0 1131 1164 1188 + 1624 0 2381 2351 2355 + 1625 0 2355 2351 2322 + 1626 0 2381 2355 2389 + 1627 0 2322 2351 2318 + 1628 0 2355 2322 2327 + 1629 0 2389 2355 2358 + 1630 0 2322 2318 2289 + 1631 0 2355 2327 2358 + 1632 0 2289 2318 2286 + 1633 0 2358 2327 2337 + 1634 0 2337 2327 2302 + 1635 0 2358 2337 2370 + 1636 0 2302 2327 2296 + 1637 0 2337 2302 2311 + 1638 0 2370 2337 2345 + 1639 0 2296 2327 2322 + 1640 0 2337 2311 2345 + 1641 0 2296 2322 2289 + 1642 0 2381 2389 2415 + 1643 0 2415 2389 2420 + 1644 0 2420 2389 2395 + 1645 0 2415 2420 2446 + 1646 0 2395 2389 2358 + 1647 0 2446 2420 2455 + 1648 0 2395 2358 2370 + 1649 0 2455 2420 2428 + 1650 0 2395 2370 2404 + 1651 0 2428 2420 2395 + 1652 0 2455 2428 2462 + 1653 0 2428 2395 2404 + 1654 0 2446 2455 2476 + 1655 0 2476 2455 2493 + 1656 0 2517 2497 2487 + 1657 0 2487 2497 2460 + 1658 0 2517 2487 2502 + 1659 0 967 1007 980 + 1660 0 980 1007 1017 + 1661 0 967 980 943 + 1662 0 1017 1007 1046 + 1663 0 980 1017 988 + 1664 0 943 980 948 + 1665 0 1017 1046 1053 + 1666 0 988 1017 1023 + 1667 0 948 980 988 + 1668 0 1017 1053 1023 + 1669 0 1053 1046 1080 + 1670 0 1080 1046 1069 + 1671 0 1080 1069 1106 + 1672 0 1106 1069 1095 + 1673 0 1080 1106 1114 + 1674 0 1095 1069 1060 + 1675 0 1114 1106 1142 + 1676 0 1095 1060 1088 + 1677 0 1142 1106 1133 + 1678 0 1095 1088 1123 + 1679 0 1133 1106 1095 + 1680 0 1123 1088 1116 + 1681 0 1095 1123 1133 + 1682 0 1116 1088 1082 + 1683 0 1123 1116 1152 + 1684 0 1133 1123 1160 + 1685 0 1152 1116 1146 + 1686 0 1160 1123 1152 + 1687 0 1133 1160 1170 + 1688 0 1146 1116 1111 + 1689 0 1170 1160 1196 + 1690 0 1111 1116 1082 + 1691 0 948 988 961 + 1692 0 961 988 1002 + 1693 0 948 961 922 + 1694 0 1002 988 1023 + 1695 0 961 1002 978 + 1696 0 922 961 939 + 1697 0 948 922 914 + 1698 0 961 978 939 + 1699 0 922 939 897 + 1700 0 948 914 943 + 1701 0 897 939 913 + 1702 0 897 913 877 + 1703 0 914 922 887 + 1704 0 887 922 897 + 1705 0 2198 2233 2223 + 1706 0 2223 2233 2256 + 1707 0 2198 2223 2190 + 1708 0 2256 2233 2267 + 1709 0 2223 2256 2251 + 1710 0 2256 2267 2290 + 1711 0 2251 2256 2282 + 1712 0 2290 2267 2301 + 1713 0 2256 2290 2282 + 1714 0 2290 2301 2323 + 1715 0 2323 2301 2333 + 1716 0 2462 2495 2493 + 1717 0 2462 2493 2455 + 1718 0 1241 1205 1236 + 1719 0 1236 1205 1201 + 1720 0 1241 1236 1270 + 1721 0 1201 1205 1172 + 1722 0 1236 1201 1230 + 1723 0 1270 1236 1265 + 1724 0 1201 1172 1166 + 1725 0 1236 1230 1265 + 1726 0 1166 1172 1136 + 1727 0 1201 1166 1194 + 1728 0 1265 1230 1262 + 1729 0 1166 1136 1130 + 1730 0 1201 1194 1230 + 1731 0 1265 1262 1296 + 1732 0 1296 1262 1293 + 1733 0 1265 1296 1299 + 1734 0 1293 1262 1259 + 1735 0 1296 1293 1325 + 1736 0 1265 1299 1270 + 1737 0 1293 1259 1290 + 1738 0 1325 1293 1323 + 1739 0 1270 1299 1304 + 1740 0 1323 1293 1290 + 1741 0 1325 1323 1356 + 1742 0 1270 1304 1273 + 1743 0 1325 1356 1359 + 1744 0 1270 1273 1241 + 1745 0 1359 1356 1390 + 1746 0 875 905 921 + 1747 0 763 731 760 + 1748 0 1985 1953 1948 + 1749 0 2580 2568 2578 + 1750 0 2079 2112 2120 + 1751 0 2345 2380 2370 + 1752 0 1509 1511 1479 + 1753 0 1509 1479 1476 + 1754 0 1476 1479 1446 + 1755 0 1509 1476 1507 + 1756 0 1446 1479 1451 + 1757 0 1507 1476 1474 + 1758 0 1509 1507 1538 + 1759 0 1507 1474 1506 + 1760 0 1538 1507 1535 + 1761 0 1507 1506 1535 + 1762 0 1538 1535 1570 + 1763 0 1535 1506 1536 + 1764 0 1536 1506 1508 + 1765 0 1398 1431 1422 + 1766 0 1827 1797 1830 + 1767 0 833 807 798 + 1768 0 833 798 828 + 1769 0 828 798 782 + 1770 0 833 828 859 + 1771 0 828 782 808 + 1772 0 859 828 854 + 1773 0 808 782 762 + 1774 0 828 808 854 + 1775 0 854 808 836 + 1776 0 836 808 791 + 1777 0 854 836 881 + 1778 0 881 836 862 + 1779 0 854 881 886 + 1780 0 862 836 818 + 1781 0 881 862 909 + 1782 0 886 881 916 + 1783 0 854 886 859 + 1784 0 909 862 889 + 1785 0 881 909 916 + 1786 0 889 862 846 + 1787 0 916 909 945 + 1788 0 945 909 940 + 1789 0 940 909 889 + 1790 0 940 889 921 + 1791 0 921 889 875 + 1792 0 2502 2533 2538 + 1793 0 2538 2533 2553 + 1794 0 2553 2533 2543 + 1795 0 1723 1725 1756 + 1796 0 1756 1725 1757 + 1797 0 1757 1725 1726 + 1798 0 1756 1757 1787 + 1799 0 1787 1757 1789 + 1800 0 1787 1789 1817 + 1801 0 762 791 808 + 1802 0 2583 2588 2586 + 1803 0 2003 2036 2033 + 1804 0 2033 2036 2066 + 1805 0 2003 2033 2002 + 1806 0 2066 2036 2068 + 1807 0 2003 2002 1972 + 1808 0 2068 2036 2037 + 1809 0 2066 2068 2095 + 1810 0 1972 2002 1969 + 1811 0 2068 2037 2071 + 1812 0 876 847 902 + 1813 0 2285 2321 2311 + 1814 0 1644 1616 1650 + 1815 0 1264 1298 1314 + 1816 0 2497 2504 2479 + 1817 0 2479 2504 2477 + 1818 0 2497 2479 2460 + 1819 0 1001 1030 1059 + 1820 0 2503 2476 2493 + 1821 0 2112 2108 2143 + 1822 0 2112 2143 2148 + 1823 0 2404 2439 2428 + 1824 0 1530 1561 1555 + 1825 0 2042 2079 2046 + 1826 0 2046 2087 2057 + 1827 0 2042 2046 2011 + 1828 0 2011 2046 2014 + 1829 0 2042 2011 2016 + 1830 0 2014 2046 2057 + 1831 0 2011 2014 1978 + 1832 0 1978 2014 1981 + 1833 0 1981 2014 2024 + 1834 0 1006 1000 1037 + 1835 0 2565 2570 2549 + 1836 0 1894 1868 1909 + 1837 0 696 730 755 + 1838 0 937 906 957 + 1839 0 1868 1837 1845 + 1840 0 1198 1231 1255 + 1841 0 2544 2517 2538 + 1842 0 2538 2517 2502 + 1843 0 2530 2552 2555 + 1844 0 1510 1480 1512 + 1845 0 1510 1512 1542 + 1846 0 936 966 984 + 1847 0 695 668 699 + 1848 0 699 668 667 + 1849 0 695 742 760 + 1850 0 2057 2024 2014 + 1851 0 2555 2535 2530 + 1852 0 2434 2443 2487 + 1853 0 1465 1498 1491 + 1854 0 1948 1981 1985 + 1855 0 2546 2549 2570 + 1856 0 818 846 862 + 1857 0 819 792 802 + 1858 0 2589 2586 2588 + 1859 0 1332 1365 1358 + 1860 0 1743 1777 1771 + 1861 0 2450 2472 2443 + 1862 0 2443 2472 2487 + 1863 0 2487 2472 2502 + 1864 0 2450 2443 2417 + 1865 0 1063 1097 1121 + 1866 0 1845 1876 1868 + 1867 0 1710 1676 1683 + 1868 0 1909 1948 1953 + 1869 0 1154 1121 1097 + 1870 0 2573 2576 2564 + 1871 0 2564 2576 2567 + 1872 0 2573 2564 2559 + 1873 0 2559 2564 2543 + 1874 0 2567 2576 2579 + 1875 0 2564 2567 2553 + 1876 0 667 696 729 + 1877 0 2504 2536 2506 + 1878 0 2506 2536 2542 + 1879 0 1683 1719 1710 + 1880 0 1164 1198 1221 + 1881 0 1133 1170 1142 + 1882 0 905 936 953 + 1883 0 731 695 760 + 1884 0 2569 2555 2552 + 1885 0 729 742 699 + 1886 0 699 742 695 + 1887 0 1431 1465 1457 + 1888 0 1777 1811 1804 + 1889 0 791 818 836 + 1890 0 847 819 853 + 1891 0 1298 1332 1314 + 1892 0 1804 1771 1777 + 1893 0 1030 1063 1090 + 1894 0 755 729 696 + 1895 0 2171 2203 2183 + 1896 0 2460 2434 2487 + 1897 0 1561 1595 1588 + 1898 0 2570 2573 2559 + 1899 0 730 762 782 + 1900 0 906 876 902 + 1901 0 953 921 905 + 1902 0 1876 1909 1868 + 1903 0 2259 2285 2248 + 1904 0 1231 1264 1287 + 1905 0 2542 2551 2525 + 1906 0 1616 1588 1621 + 1907 0 966 1001 1025 + 1908 0 902 941 906 + 1909 0 2535 2503 2493 + 1910 0 2143 2171 2183 + 1911 0 2380 2404 2370 + 1912 0 1498 1530 1524 + 1913 0 1811 1845 1837 + 1914 0 846 875 889 + 1915 0 792 763 802 + 1916 0 2586 2580 2578 + 1917 0 2321 2345 2311 + 1918 0 1676 1644 1650 + 1919 0 1365 1398 1391 + 1920 0 1719 1743 1710 + 1921 0 1097 1131 1154 + 1922 0 2439 2462 2428 + 1923 0 1422 1391 1398 + 1924 0 2203 2222 2183 + 1925 0 729 699 667 + 1926 0 2552 2568 2569 + 1927 0 385 368 420 + 1928 0 2308 2343 2324 + 1929 0 841 805 817 + 1930 0 2324 2343 2359 + 1931 0 2308 2324 2288 + 1932 0 817 805 781 + 1933 0 2359 2343 2375 + 1934 0 2288 2324 2309 + 1935 0 781 805 773 + 1936 0 2309 2324 2344 + 1937 0 2288 2309 2275 + 1938 0 2344 2324 2359 + 1939 0 2309 2344 2325 + 1940 0 2275 2309 2291 + 1941 0 2344 2359 2376 + 1942 0 2325 2344 2362 + 1943 0 2291 2309 2325 + 1944 0 2376 2359 2394 + 1945 0 2362 2344 2376 + 1946 0 2394 2359 2375 + 1947 0 2376 2394 2413 + 1948 0 2394 2375 2412 + 1949 0 2413 2394 2429 + 1950 0 2394 2412 2429 + 1951 0 2413 2429 2448 + 1952 0 2429 2412 2447 + 1953 0 2448 2429 2464 + 1954 0 2413 2448 2431 + 1955 0 2429 2447 2464 + 1956 0 2431 2448 2473 + 1957 0 2464 2447 2480 + 1958 0 2473 2448 2481 + 1959 0 2431 2473 2449 + 1960 0 2481 2448 2464 + 1961 0 2473 2511 2512 + 1962 0 2449 2473 2485 + 1963 0 2481 2464 2509 + 1964 0 2485 2473 2512 + 1965 0 2449 2485 2468 + 1966 0 2468 2485 2514 + 1967 0 2449 2468 2433 + 1968 0 2433 2468 2452 + 1969 0 2449 2433 2416 + 1970 0 2452 2468 2486 + 1971 0 2433 2452 2418 + 1972 0 2416 2433 2398 + 1973 0 2486 2468 2514 + 1974 0 2418 2452 2438 + 1975 0 2398 2433 2418 + 1976 0 2438 2452 2469 + 1977 0 2418 2438 2403 + 1978 0 2469 2452 2486 + 1979 0 2438 2469 2456 + 1980 0 2403 2438 2424 + 1981 0 2469 2486 2518 + 1982 0 2456 2469 2490 + 1983 0 2424 2438 2456 + 1984 0 2490 2469 2518 + 1985 0 2456 2490 2482 + 1986 0 2482 2490 2523 + 1987 0 2456 2482 2442 + 1988 0 2442 2482 2467 + 1989 0 2456 2442 2424 + 1990 0 2467 2482 2499 + 1991 0 2442 2467 2437 + 1992 0 2424 2442 2410 + 1993 0 2467 2499 2500 + 1994 0 2437 2467 2466 + 1995 0 2410 2442 2437 + 1996 0 2410 2437 2402 + 1997 0 2402 2437 2435 + 1998 0 2410 2402 2372 + 1999 0 2372 2402 2367 + 2000 0 2410 2372 2390 + 2001 0 2367 2402 2400 + 2002 0 2390 2372 2353 + 2003 0 2410 2390 2424 + 2004 0 2353 2372 2339 + 2005 0 2390 2353 2369 + 2006 0 2424 2390 2403 + 2007 0 2339 2372 2367 + 2008 0 2369 2353 2335 + 2009 0 2403 2390 2369 + 2010 0 2339 2367 2332 + 2011 0 2335 2353 2319 + 2012 0 2332 2367 2365 + 2013 0 2339 2332 2305 + 2014 0 2319 2353 2339 + 2015 0 2305 2332 2299 + 2016 0 2339 2305 2319 + 2017 0 2299 2332 2331 + 2018 0 2319 2305 2284 + 2019 0 2284 2305 2270 + 2020 0 2319 2284 2300 + 2021 0 2270 2305 2299 + 2022 0 2284 2270 2250 + 2023 0 2300 2284 2266 + 2024 0 2250 2270 2234 + 2025 0 2284 2250 2266 + 2026 0 2234 2270 2265 + 2027 0 2266 2250 2231 + 2028 0 2265 2270 2299 + 2029 0 2234 2265 2230 + 2030 0 2231 2250 2216 + 2031 0 2265 2299 2298 + 2032 0 2230 2265 2262 + 2033 0 2216 2250 2234 + 2034 0 2216 2234 2200 + 2035 0 2200 2234 2230 + 2036 0 2216 2200 2179 + 2037 0 2179 2200 2165 + 2038 0 2216 2179 2195 + 2039 0 2165 2200 2194 + 2040 0 2195 2179 2160 + 2041 0 2216 2195 2231 + 2042 0 2194 2200 2230 + 2043 0 2160 2179 2145 + 2044 0 2231 2195 2211 + 2045 0 2194 2230 2228 + 2046 0 2145 2179 2165 + 2047 0 2211 2195 2175 + 2048 0 2145 2165 2129 + 2049 0 2175 2195 2160 + 2050 0 2211 2175 2189 + 2051 0 2129 2165 2159 + 2052 0 2175 2160 2140 + 2053 0 2189 2175 2154 + 2054 0 2159 2165 2194 + 2055 0 2140 2160 2125 + 2056 0 2154 2175 2140 + 2057 0 2159 2194 2193 + 2058 0 2125 2160 2145 + 2059 0 2154 2140 2119 + 2060 0 2125 2145 2109 + 2061 0 2119 2140 2105 + 2062 0 2154 2119 2137 + 2063 0 2109 2145 2129 + 2064 0 2105 2140 2125 + 2065 0 2137 2119 2102 + 2066 0 2109 2129 2094 + 2067 0 2105 2125 2090 + 2068 0 2102 2119 2085 + 2069 0 2094 2129 2126 + 2070 0 2090 2125 2109 + 2071 0 2085 2119 2105 + 2072 0 2126 2129 2159 + 2073 0 2090 2109 2073 + 2074 0 2085 2105 2070 + 2075 0 2126 2159 2158 + 2076 0 2073 2109 2094 + 2077 0 2070 2105 2090 + 2078 0 2073 2094 2060 + 2079 0 2070 2090 2056 + 2080 0 2060 2094 2091 + 2081 0 2056 2090 2073 + 2082 0 2091 2094 2126 + 2083 0 2060 2091 2047 + 2084 0 2091 2126 2123 + 2085 0 2047 2091 2089 + 2086 0 1162 1200 1181 + 2087 0 1181 1200 1217 + 2088 0 1162 1181 1143 + 2089 0 1217 1200 1239 + 2090 0 1181 1217 1203 + 2091 0 1143 1181 1163 + 2092 0 1203 1217 1240 + 2093 0 1181 1203 1163 + 2094 0 1240 1217 1257 + 2095 0 1163 1203 1184 + 2096 0 1257 1217 1239 + 2097 0 1240 1257 1276 + 2098 0 1184 1203 1219 + 2099 0 1257 1239 1274 + 2100 0 1276 1257 1295 + 2101 0 1219 1203 1240 + 2102 0 1295 1257 1274 + 2103 0 1276 1295 1311 + 2104 0 1295 1274 1310 + 2105 0 1311 1295 1331 + 2106 0 1295 1310 1331 + 2107 0 1331 1310 1345 + 2108 0 1331 1345 1368 + 2109 0 1368 1345 1385 + 2110 0 1331 1368 1348 + 2111 0 1368 1385 1404 + 2112 0 1348 1368 1388 + 2113 0 1331 1348 1311 + 2114 0 1404 1385 1423 + 2115 0 1388 1368 1404 + 2116 0 1311 1348 1334 + 2117 0 1334 1348 1370 + 2118 0 1311 1334 1297 + 2119 0 1370 1348 1388 + 2120 0 1297 1334 1317 + 2121 0 1311 1297 1276 + 2122 0 1370 1388 1406 + 2123 0 1317 1334 1355 + 2124 0 1276 1297 1260 + 2125 0 1370 1406 1393 + 2126 0 1355 1334 1370 + 2127 0 1260 1297 1279 + 2128 0 1393 1406 1429 + 2129 0 1355 1370 1393 + 2130 0 1279 1297 1317 + 2131 0 1429 1406 1440 + 2132 0 1279 1317 1302 + 2133 0 1440 1406 1425 + 2134 0 1302 1317 1337 + 2135 0 1279 1302 1263 + 2136 0 1425 1406 1388 + 2137 0 1337 1317 1355 + 2138 0 1263 1302 1283 + 2139 0 1425 1388 1404 + 2140 0 1337 1355 1374 + 2141 0 1283 1302 1324 + 2142 0 1374 1355 1393 + 2143 0 1337 1374 1360 + 2144 0 1324 1302 1337 + 2145 0 1374 1393 1408 + 2146 0 1360 1374 1395 + 2147 0 1324 1337 1360 + 2148 0 1408 1393 1429 + 2149 0 1395 1374 1408 + 2150 0 1408 1429 1448 + 2151 0 1395 1408 1432 + 2152 0 1448 1429 1464 + 2153 0 1408 1448 1432 + 2154 0 1464 1429 1440 + 2155 0 1432 1448 1467 + 2156 0 1464 1440 1478 + 2157 0 1467 1448 1486 + 2158 0 1432 1467 1455 + 2159 0 1478 1440 1462 + 2160 0 1486 1448 1464 + 2161 0 1455 1467 1492 + 2162 0 1462 1440 1425 + 2163 0 1486 1464 1499 + 2164 0 1492 1467 1501 + 2165 0 1462 1425 1439 + 2166 0 1499 1464 1478 + 2167 0 1501 1467 1486 + 2168 0 1439 1425 1404 + 2169 0 1501 1486 1522 + 2170 0 1439 1404 1423 + 2171 0 1522 1486 1499 + 2172 0 1439 1423 1458 + 2173 0 1522 1499 1533 + 2174 0 1439 1458 1473 + 2175 0 1533 1499 1518 + 2176 0 1473 1458 1495 + 2177 0 1518 1499 1478 + 2178 0 1473 1495 1514 + 2179 0 1518 1478 1496 + 2180 0 1514 1495 1529 + 2181 0 1473 1514 1496 + 2182 0 1496 1478 1462 + 2183 0 1514 1529 1552 + 2184 0 1496 1514 1531 + 2185 0 1496 1462 1473 + 2186 0 1552 1529 1564 + 2187 0 1531 1514 1552 + 2188 0 1473 1462 1439 + 2189 0 1986 1951 1964 + 2190 0 1964 1951 1930 + 2191 0 1986 1964 1998 + 2192 0 1930 1951 1917 + 2193 0 1964 1930 1934 + 2194 0 1998 1964 1976 + 2195 0 1930 1917 1896 + 2196 0 1934 1930 1903 + 2197 0 1976 1964 1934 + 2198 0 1896 1917 1881 + 2199 0 1903 1930 1896 + 2200 0 1896 1881 1860 + 2201 0 1903 1896 1871 + 2202 0 1860 1881 1844 + 2203 0 1871 1896 1860 + 2204 0 1860 1844 1824 + 2205 0 1871 1860 1836 + 2206 0 1824 1844 1810 + 2207 0 1836 1860 1824 + 2208 0 1824 1810 1788 + 2209 0 1836 1824 1802 + 2210 0 1788 1810 1775 + 2211 0 1802 1824 1788 + 2212 0 1788 1775 1751 + 2213 0 1802 1788 1768 + 2214 0 1751 1775 1741 + 2215 0 1768 1788 1751 + 2216 0 1751 1741 1717 + 2217 0 1768 1751 1733 + 2218 0 1717 1741 1707 + 2219 0 1733 1751 1717 + 2220 0 1717 1707 1684 + 2221 0 1733 1717 1688 + 2222 0 1684 1707 1673 + 2223 0 1688 1717 1684 + 2224 0 1684 1673 1649 + 2225 0 1688 1684 1658 + 2226 0 1649 1673 1636 + 2227 0 1684 1649 1658 + 2228 0 1649 1636 1614 + 2229 0 1658 1649 1625 + 2230 0 1614 1636 1596 + 2231 0 1649 1614 1625 + 2232 0 1614 1596 1580 + 2233 0 1625 1614 1593 + 2234 0 1580 1596 1562 + 2235 0 1614 1580 1593 + 2236 0 1580 1562 1543 + 2237 0 1593 1580 1556 + 2238 0 1543 1562 1528 + 2239 0 1580 1543 1556 + 2240 0 1543 1528 1503 + 2241 0 1556 1543 1521 + 2242 0 1503 1528 1494 + 2243 0 1543 1503 1521 + 2244 0 1503 1494 1469 + 2245 0 1521 1503 1485 + 2246 0 1469 1494 1460 + 2247 0 1503 1469 1485 + 2248 0 1469 1460 1434 + 2249 0 1485 1469 1449 + 2250 0 1434 1460 1426 + 2251 0 1469 1434 1449 + 2252 0 1434 1426 1399 + 2253 0 1449 1434 1409 + 2254 0 1399 1426 1389 + 2255 0 1434 1399 1409 + 2256 0 1399 1389 1364 + 2257 0 1409 1399 1375 + 2258 0 1364 1389 1353 + 2259 0 1399 1364 1375 + 2260 0 1364 1353 1327 + 2261 0 1375 1364 1340 + 2262 0 1327 1353 1316 + 2263 0 1364 1327 1340 + 2264 0 1327 1316 1292 + 2265 0 1340 1327 1303 + 2266 0 1292 1316 1278 + 2267 0 1327 1292 1303 + 2268 0 1292 1278 1253 + 2269 0 1303 1292 1269 + 2270 0 1253 1278 1244 + 2271 0 1292 1253 1269 + 2272 0 1253 1244 1216 + 2273 0 1269 1253 1226 + 2274 0 1216 1244 1209 + 2275 0 1253 1216 1226 + 2276 0 1216 1209 1179 + 2277 0 1226 1216 1185 + 2278 0 1179 1209 1171 + 2279 0 1216 1179 1185 + 2280 0 1179 1171 1144 + 2281 0 1185 1179 1153 + 2282 0 1144 1171 1134 + 2283 0 1179 1144 1153 + 2284 0 1144 1134 1109 + 2285 0 1153 1144 1117 + 2286 0 1109 1134 1094 + 2287 0 1144 1109 1117 + 2288 0 1117 1109 1083 + 2289 0 1083 1109 1071 + 2290 0 1117 1083 1100 + 2291 0 1071 1109 1094 + 2292 0 1083 1071 1047 + 2293 0 1100 1083 1057 + 2294 0 1071 1094 1058 + 2295 0 1047 1071 1032 + 2296 0 1057 1083 1047 + 2297 0 1071 1058 1032 + 2298 0 1057 1047 1020 + 2299 0 1032 1058 1021 + 2300 0 1020 1047 1010 + 2301 0 1057 1020 1035 + 2302 0 1032 1021 994 + 2303 0 1010 1047 1032 + 2304 0 1035 1020 991 + 2305 0 994 1021 985 + 2306 0 991 1020 983 + 2307 0 1035 991 1016 + 2308 0 983 1020 1010 + 2309 0 991 983 955 + 2310 0 1016 991 972 + 2311 0 983 1010 971 + 2312 0 955 983 944 + 2313 0 972 991 955 + 2314 0 971 1010 994 + 2315 0 944 983 971 + 2316 0 972 955 927 + 2317 0 994 1010 1032 + 2318 0 927 955 918 + 2319 0 972 927 950 + 2320 0 918 955 944 + 2321 0 927 918 890 + 2322 0 950 927 910 + 2323 0 890 918 882 + 2324 0 927 890 910 + 2325 0 882 918 908 + 2326 0 910 890 872 + 2327 0 908 918 944 + 2328 0 882 908 869 + 2329 0 872 890 857 + 2330 0 910 872 888 + 2331 0 869 908 892 + 2332 0 882 869 848 + 2333 0 857 890 882 + 2334 0 888 872 851 + 2335 0 892 908 928 + 2336 0 848 869 834 + 2337 0 851 872 835 + 2338 0 888 851 870 + 2339 0 928 908 944 + 2340 0 834 869 860 + 2341 0 835 872 857 + 2342 0 870 851 831 + 2343 0 860 869 892 + 2344 0 834 860 826 + 2345 0 831 851 816 + 2346 0 870 831 850 + 2347 0 826 860 852 + 2348 0 834 826 799 + 2349 0 816 851 835 + 2350 0 850 831 806 + 2351 0 852 860 883 + 2352 0 799 826 793 + 2353 0 806 831 795 + 2354 0 850 806 827 + 2355 0 883 860 892 + 2356 0 793 826 817 + 2357 0 795 831 816 + 2358 0 827 806 777 + 2359 0 817 826 852 + 2360 0 793 817 781 + 2361 0 777 806 770 + 2362 0 827 777 789 + 2363 0 793 781 756 + 2364 0 770 806 795 + 2365 0 756 781 745 + 2366 0 793 756 767 + 2367 0 770 795 758 + 2368 0 745 781 773 + 2369 0 767 756 728 + 2370 0 793 767 799 + 2371 0 758 795 775 + 2372 0 745 773 738 + 2373 0 728 756 718 + 2374 0 799 767 774 + 2375 0 758 775 740 + 2376 0 718 756 745 + 2377 0 728 718 689 + 2378 0 774 767 739 + 2379 0 740 775 766 + 2380 0 718 745 707 + 2381 0 689 718 678 + 2382 0 739 767 728 + 2383 0 766 775 800 + 2384 0 707 745 738 + 2385 0 678 718 707 + 2386 0 739 728 694 + 2387 0 800 775 816 + 2388 0 707 738 697 + 2389 0 694 728 689 + 2390 0 739 694 714 + 2391 0 816 775 795 + 2392 0 707 697 664 + 2393 0 714 694 670 + 2394 0 739 714 753 + 2395 0 664 697 658 + 2396 0 707 664 678 + 2397 0 670 694 654 + 2398 0 753 714 726 + 2399 0 664 658 625 + 2400 0 678 664 630 + 2401 0 654 694 689 + 2402 0 726 714 686 + 2403 0 625 658 619 + 2404 0 630 664 625 + 2405 0 686 714 670 + 2406 0 726 686 698 + 2407 0 630 625 592 + 2408 0 698 686 656 + 2409 0 726 698 740 + 2410 0 592 625 587 + 2411 0 656 686 641 + 2412 0 698 656 675 + 2413 0 740 698 719 + 2414 0 587 625 619 + 2415 0 641 686 670 + 2416 0 675 656 627 + 2417 0 719 698 675 + 2418 0 587 619 581 + 2419 0 627 656 614 + 2420 0 675 627 650 + 2421 0 719 675 693 + 2422 0 587 581 545 + 2423 0 614 656 641 + 2424 0 650 627 608 + 2425 0 693 675 650 + 2426 0 545 581 541 + 2427 0 608 627 589 + 2428 0 650 608 620 + 2429 0 693 650 671 + 2430 0 545 541 504 + 2431 0 589 627 614 + 2432 0 620 608 585 + 2433 0 671 650 620 + 2434 0 504 541 499 + 2435 0 585 608 564 + 2436 0 620 585 583 + 2437 0 504 499 466 + 2438 0 564 608 589 + 2439 0 466 499 456 + 2440 0 504 466 472 + 2441 0 564 589 546 + 2442 0 472 466 433 + 2443 0 504 472 512 + 2444 0 546 589 572 + 2445 0 433 466 422 + 2446 0 472 433 439 + 2447 0 512 472 480 + 2448 0 572 589 614 + 2449 0 422 466 456 + 2450 0 439 433 397 + 2451 0 480 472 439 + 2452 0 422 456 420 + 2453 0 397 433 394 + 2454 0 439 397 407 + 2455 0 480 439 446 + 2456 0 422 420 368 + 2457 0 394 433 422 + 2458 0 407 397 371 + 2459 0 446 439 407 + 2460 0 394 422 368 + 2461 0 371 397 341 + 2462 0 407 371 376 + 2463 0 446 407 416 + 2464 0 376 371 332 + 2465 0 407 376 416 + 2466 0 446 416 458 + 2467 0 416 376 391 + 2468 0 458 416 432 + 2469 0 446 458 488 + 2470 0 391 376 354 + 2471 0 416 391 432 + 2472 0 488 458 500 + 2473 0 354 376 332 + 2474 0 432 391 403 + 2475 0 500 458 474 + 2476 0 488 500 531 + 2477 0 403 391 366 + 2478 0 432 403 442 + 2479 0 474 458 432 + 2480 0 531 500 544 + 2481 0 366 391 354 + 2482 0 442 403 417 + 2483 0 544 500 516 + 2484 0 531 544 573 + 2485 0 366 354 316 + 2486 0 417 403 378 + 2487 0 516 500 474 + 2488 0 573 544 588 + 2489 0 378 403 366 + 2490 0 417 378 395 + 2491 0 588 544 557 + 2492 0 573 588 613 + 2493 0 395 378 352 + 2494 0 417 395 436 + 2495 0 557 544 516 + 2496 0 613 588 626 + 2497 0 352 378 343 + 2498 0 436 395 412 + 2499 0 626 588 598 + 2500 0 613 626 654 + 2501 0 343 378 366 + 2502 0 412 395 374 + 2503 0 598 588 557 + 2504 0 654 626 670 + 2505 0 374 395 352 + 2506 0 412 374 408 + 2507 0 670 626 641 + 2508 0 374 352 339 + 2509 0 641 626 598 + 2510 0 339 352 309 + 2511 0 374 339 372 + 2512 0 2085 2070 2049 + 2513 0 2049 2070 2035 + 2514 0 2085 2049 2067 + 2515 0 2035 2070 2056 + 2516 0 2049 2035 2015 + 2517 0 2067 2049 2031 + 2518 0 2085 2067 2102 + 2519 0 2015 2035 2000 + 2520 0 2049 2015 2031 + 2521 0 2102 2067 2081 + 2522 0 2000 2035 2022 + 2523 0 2031 2015 1996 + 2524 0 2081 2067 2048 + 2525 0 2102 2081 2117 + 2526 0 2022 2035 2056 + 2527 0 1996 2015 1980 + 2528 0 2048 2067 2031 + 2529 0 2117 2081 2099 + 2530 0 2022 2056 2038 + 2531 0 1980 2015 2000 + 2532 0 2048 2031 2012 + 2533 0 2099 2081 2062 + 2534 0 2038 2056 2073 + 2535 0 2012 2031 1996 + 2536 0 2048 2012 2028 + 2537 0 2062 2081 2048 + 2538 0 2038 2073 2060 + 2539 0 2012 1996 1977 + 2540 0 2028 2012 1994 + 2541 0 2062 2048 2028 + 2542 0 2038 2060 2023 + 2543 0 1977 1996 1962 + 2544 0 1994 2012 1977 + 2545 0 2062 2028 2044 + 2546 0 2023 2060 2047 + 2547 0 1962 1996 1980 + 2548 0 1994 1977 1960 + 2549 0 2044 2028 2009 + 2550 0 2023 2047 1998 + 2551 0 1960 1977 1939 + 2552 0 1994 1960 1973 + 2553 0 2009 2028 1994 + 2554 0 1939 1977 1962 + 2555 0 1960 1939 1923 + 2556 0 1973 1960 1937 + 2557 0 1939 1962 1926 + 2558 0 1923 1939 1904 + 2559 0 1937 1960 1923 + 2560 0 1973 1937 1958 + 2561 0 1926 1962 1945 + 2562 0 1904 1939 1926 + 2563 0 1958 1937 1922 + 2564 0 1973 1958 1993 + 2565 0 1945 1962 1980 + 2566 0 1904 1926 1890 + 2567 0 1922 1937 1902 + 2568 0 1973 1993 2009 + 2569 0 1890 1926 1908 + 2570 0 1904 1890 1870 + 2571 0 1902 1937 1923 + 2572 0 2009 1993 2027 + 2573 0 1908 1926 1945 + 2574 0 1870 1890 1855 + 2575 0 2009 2027 2044 + 2576 0 1855 1890 1874 + 2577 0 1870 1855 1835 + 2578 0 2044 2027 2061 + 2579 0 1855 1874 1839 + 2580 0 1835 1855 1819 + 2581 0 2044 2061 2080 + 2582 0 1839 1874 1862 + 2583 0 1855 1839 1819 + 2584 0 2080 2061 2096 + 2585 0 1862 1874 1897 + 2586 0 1819 1839 1805 + 2587 0 2080 2096 2115 + 2588 0 1897 1874 1908 + 2589 0 1805 1839 1825 + 2590 0 2115 2096 2132 + 2591 0 1897 1908 1931 + 2592 0 1825 1839 1862 + 2593 0 1931 1908 1945 + 2594 0 1897 1931 1915 + 2595 0 1931 1945 1966 + 2596 0 1915 1931 1952 + 2597 0 1897 1915 1879 + 2598 0 1966 1945 1980 + 2599 0 1952 1931 1966 + 2600 0 1879 1915 1905 + 2601 0 1966 1980 2000 + 2602 0 1905 1915 1940 + 2603 0 1879 1905 1872 + 2604 0 1940 1915 1952 + 2605 0 1905 1940 1934 + 2606 0 1872 1905 1903 + 2607 0 1940 1952 1968 + 2608 0 1968 1952 1987 + 2609 0 1940 1968 1976 + 2610 0 1987 1952 1966 + 2611 0 1968 1987 2004 + 2612 0 1987 1966 2000 + 2613 0 2004 1987 2022 + 2614 0 1968 2004 1976 + 2615 0 2022 1987 2000 + 2616 0 2004 2022 2038 + 2617 0 2004 2038 2023 + 2618 0 2004 2023 1976 + 2619 0 1819 1805 1782 + 2620 0 1782 1805 1770 + 2621 0 1819 1782 1801 + 2622 0 1770 1805 1790 + 2623 0 1801 1782 1766 + 2624 0 1790 1805 1825 + 2625 0 1766 1782 1748 + 2626 0 1790 1825 1808 + 2627 0 1748 1782 1770 + 2628 0 1808 1825 1842 + 2629 0 1790 1808 1774 + 2630 0 1842 1825 1862 + 2631 0 1808 1842 1838 + 2632 0 1774 1808 1803 + 2633 0 1838 1842 1872 + 2634 0 1808 1838 1803 + 2635 0 1872 1842 1879 + 2636 0 1803 1838 1836 + 2637 0 1879 1842 1862 + 2638 0 1879 1862 1897 + 2639 0 1908 1874 1890 + 2640 0 1748 1770 1737 + 2641 0 1737 1770 1752 + 2642 0 1748 1737 1714 + 2643 0 1752 1770 1790 + 2644 0 1714 1737 1702 + 2645 0 1748 1714 1730 + 2646 0 1752 1790 1774 + 2647 0 1702 1737 1718 + 2648 0 1714 1702 1680 + 2649 0 1730 1714 1691 + 2650 0 1752 1774 1740 + 2651 0 1718 1737 1752 + 2652 0 1691 1714 1680 + 2653 0 1752 1740 1718 + 2654 0 1691 1680 1655 + 2655 0 1718 1740 1706 + 2656 0 1655 1680 1645 + 2657 0 1706 1740 1735 + 2658 0 1645 1680 1661 + 2659 0 1655 1645 1622 + 2660 0 1735 1740 1769 + 2661 0 1661 1680 1702 + 2662 0 1622 1645 1610 + 2663 0 1769 1740 1774 + 2664 0 1610 1645 1626 + 2665 0 1622 1610 1587 + 2666 0 1626 1645 1661 + 2667 0 1610 1626 1591 + 2668 0 1587 1610 1569 + 2669 0 1591 1626 1613 + 2670 0 1610 1591 1569 + 2671 0 1613 1626 1647 + 2672 0 1569 1591 1558 + 2673 0 1647 1626 1661 + 2674 0 1613 1647 1629 + 2675 0 1558 1591 1578 + 2676 0 1629 1647 1670 + 2677 0 1613 1629 1594 + 2678 0 1578 1591 1613 + 2679 0 1670 1647 1682 + 2680 0 1594 1629 1619 + 2681 0 1578 1613 1594 + 2682 0 1682 1647 1661 + 2683 0 1619 1629 1660 + 2684 0 1682 1661 1702 + 2685 0 1660 1629 1670 + 2686 0 1682 1702 1718 + 2687 0 1660 1670 1700 + 2688 0 1682 1718 1706 + 2689 0 1700 1670 1706 + 2690 0 1682 1706 1670 + 2691 0 1769 1774 1803 + 2692 0 1769 1803 1802 + 2693 0 1660 1700 1688 + 2694 0 1162 1143 1122 + 2695 0 1122 1143 1107 + 2696 0 1107 1143 1126 + 2697 0 1122 1107 1086 + 2698 0 1126 1143 1163 + 2699 0 1107 1126 1087 + 2700 0 1086 1107 1067 + 2701 0 1126 1163 1148 + 2702 0 1087 1126 1110 + 2703 0 1067 1107 1087 + 2704 0 1086 1067 1049 + 2705 0 1148 1163 1184 + 2706 0 1110 1126 1148 + 2707 0 1067 1087 1050 + 2708 0 1049 1067 1026 + 2709 0 1110 1148 1129 + 2710 0 1050 1087 1072 + 2711 0 1026 1067 1050 + 2712 0 1049 1026 1012 + 2713 0 1129 1148 1168 + 2714 0 1072 1087 1110 + 2715 0 1012 1026 989 + 2716 0 1168 1148 1184 + 2717 0 1129 1168 1151 + 2718 0 1072 1110 1091 + 2719 0 989 1026 1013 + 2720 0 1168 1184 1207 + 2721 0 1151 1168 1189 + 2722 0 1013 1026 1050 + 2723 0 1168 1207 1189 + 2724 0 1013 1050 1031 + 2725 0 1189 1207 1227 + 2726 0 1031 1050 1072 + 2727 0 1013 1031 992 + 2728 0 1227 1207 1243 + 2729 0 992 1031 1018 + 2730 0 1013 992 976 + 2731 0 1243 1207 1219 + 2732 0 1018 1031 1055 + 2733 0 976 992 956 + 2734 0 1219 1207 1184 + 2735 0 1055 1031 1072 + 2736 0 956 992 974 + 2737 0 1055 1072 1091 + 2738 0 974 992 1018 + 2739 0 1055 1091 1078 + 2740 0 974 1018 990 + 2741 0 1078 1091 1113 + 2742 0 1055 1078 1041 + 2743 0 990 1018 1041 + 2744 0 1113 1091 1129 + 2745 0 1041 1078 1056 + 2746 0 1041 1018 1055 + 2747 0 1129 1091 1110 + 2748 0 1056 1078 1099 + 2749 0 1099 1078 1113 + 2750 0 1056 1099 1079 + 2751 0 1099 1113 1137 + 2752 0 1079 1099 1118 + 2753 0 1137 1113 1151 + 2754 0 1118 1099 1137 + 2755 0 1151 1113 1129 + 2756 0 1118 1137 1159 + 2757 0 1159 1137 1174 + 2758 0 1118 1159 1147 + 2759 0 1174 1137 1151 + 2760 0 1159 1174 1197 + 2761 0 1147 1159 1183 + 2762 0 1174 1151 1189 + 2763 0 1197 1174 1212 + 2764 0 1183 1159 1197 + 2765 0 1174 1189 1212 + 2766 0 1183 1197 1218 + 2767 0 1212 1189 1227 + 2768 0 1218 1197 1235 + 2769 0 1183 1218 1226 + 2770 0 1212 1227 1247 + 2771 0 1235 1197 1212 + 2772 0 1247 1227 1263 + 2773 0 1212 1247 1235 + 2774 0 1263 1227 1243 + 2775 0 1247 1263 1283 + 2776 0 1235 1247 1272 + 2777 0 1263 1243 1279 + 2778 0 1272 1247 1283 + 2779 0 1235 1272 1249 + 2780 0 1279 1243 1260 + 2781 0 1249 1272 1289 + 2782 0 1260 1243 1219 + 2783 0 1289 1272 1307 + 2784 0 1260 1219 1240 + 2785 0 1307 1272 1283 + 2786 0 1260 1240 1276 + 2787 0 956 974 926 + 2788 0 926 974 950 + 2789 0 956 926 911 + 2790 0 911 926 888 + 2791 0 956 911 935 + 2792 0 935 911 895 + 2793 0 956 935 976 + 2794 0 895 911 870 + 2795 0 976 935 951 + 2796 0 951 935 915 + 2797 0 976 951 989 + 2798 0 915 935 895 + 2799 0 989 951 973 + 2800 0 973 951 932 + 2801 0 989 973 1012 + 2802 0 932 951 915 + 2803 0 932 915 893 + 2804 0 893 915 874 + 2805 0 874 915 895 + 2806 0 893 874 858 + 2807 0 874 895 850 + 2808 0 858 874 827 + 2809 0 1056 1079 1035 + 2810 0 1934 1903 1905 + 2811 0 545 504 512 + 2812 0 545 512 552 + 2813 0 552 512 518 + 2814 0 545 552 587 + 2815 0 518 512 480 + 2816 0 587 552 592 + 2817 0 518 480 488 + 2818 0 592 552 560 + 2819 0 488 480 446 + 2820 0 518 488 531 + 2821 0 560 552 518 + 2822 0 518 531 560 + 2823 0 560 531 573 + 2824 0 560 573 603 + 2825 0 603 573 613 + 2826 0 560 603 592 + 2827 0 603 613 646 + 2828 0 592 603 630 + 2829 0 646 613 654 + 2830 0 630 603 646 + 2831 0 646 654 689 + 2832 0 630 646 678 + 2833 0 646 689 678 + 2834 0 1819 1801 1835 + 2835 0 1835 1801 1814 + 2836 0 1814 1801 1780 + 2837 0 1835 1814 1853 + 2838 0 1780 1801 1766 + 2839 0 1814 1780 1799 + 2840 0 1853 1814 1833 + 2841 0 1780 1766 1747 + 2842 0 1814 1799 1833 + 2843 0 1747 1766 1730 + 2844 0 1833 1799 1813 + 2845 0 1730 1766 1748 + 2846 0 1747 1730 1713 + 2847 0 1813 1799 1779 + 2848 0 1833 1813 1850 + 2849 0 1713 1730 1691 + 2850 0 1747 1713 1727 + 2851 0 1779 1799 1762 + 2852 0 1833 1850 1869 + 2853 0 1713 1691 1678 + 2854 0 1727 1713 1689 + 2855 0 1762 1799 1780 + 2856 0 1869 1850 1887 + 2857 0 1678 1691 1655 + 2858 0 1689 1713 1678 + 2859 0 1762 1780 1747 + 2860 0 1869 1887 1902 + 2861 0 1678 1655 1643 + 2862 0 1689 1678 1653 + 2863 0 1902 1887 1922 + 2864 0 1869 1902 1888 + 2865 0 1643 1655 1622 + 2866 0 1653 1678 1643 + 2867 0 1888 1902 1923 + 2868 0 1869 1888 1853 + 2869 0 1653 1643 1620 + 2870 0 1853 1888 1870 + 2871 0 1869 1853 1833 + 2872 0 1620 1643 1605 + 2873 0 1870 1888 1904 + 2874 0 1853 1870 1835 + 2875 0 1605 1643 1622 + 2876 0 1904 1888 1923 + 2877 0 1605 1622 1587 + 2878 0 1605 1587 1566 + 2879 0 1566 1587 1553 + 2880 0 1605 1566 1586 + 2881 0 1553 1587 1569 + 2882 0 1566 1553 1531 + 2883 0 1586 1566 1552 + 2884 0 1553 1569 1533 + 2885 0 1531 1553 1518 + 2886 0 1566 1531 1552 + 2887 0 1533 1569 1558 + 2888 0 1518 1553 1533 + 2889 0 1533 1558 1522 + 2890 0 1522 1558 1537 + 2891 0 1537 1558 1578 + 2892 0 1522 1537 1501 + 2893 0 1537 1578 1560 + 2894 0 1501 1537 1526 + 2895 0 1560 1578 1594 + 2896 0 1526 1537 1560 + 2897 0 1501 1526 1492 + 2898 0 1526 1560 1550 + 2899 0 1492 1526 1513 + 2900 0 1550 1560 1585 + 2901 0 1526 1550 1513 + 2902 0 1585 1560 1594 + 2903 0 1513 1550 1521 + 2904 0 1585 1594 1619 + 2905 0 1585 1619 1593 + 2906 0 1727 1689 1711 + 2907 0 1711 1689 1677 + 2908 0 1727 1711 1744 + 2909 0 1677 1689 1653 + 2910 0 1727 1744 1762 + 2911 0 1677 1653 1642 + 2912 0 1762 1744 1779 + 2913 0 1727 1762 1747 + 2914 0 1642 1653 1620 + 2915 0 1642 1620 1603 + 2916 0 1603 1620 1586 + 2917 0 1586 1620 1605 + 2918 0 1603 1586 1564 + 2919 0 1564 1586 1552 + 2920 0 539 583 585 + 2921 0 2275 2291 2255 + 2922 0 2255 2291 2278 + 2923 0 2275 2255 2241 + 2924 0 2278 2291 2312 + 2925 0 2255 2278 2243 + 2926 0 2275 2241 2254 + 2927 0 2278 2312 2294 + 2928 0 2243 2278 2261 + 2929 0 2254 2241 2219 + 2930 0 2294 2312 2330 + 2931 0 2261 2278 2294 + 2932 0 2243 2261 2226 + 2933 0 2219 2241 2206 + 2934 0 2330 2312 2346 + 2935 0 2226 2261 2245 + 2936 0 2243 2226 2208 + 2937 0 2206 2241 2220 + 2938 0 2346 2312 2325 + 2939 0 2245 2261 2279 + 2940 0 2208 2226 2189 + 2941 0 2220 2241 2255 + 2942 0 2325 2312 2291 + 2943 0 2279 2261 2294 + 2944 0 2189 2226 2211 + 2945 0 2220 2255 2243 + 2946 0 2279 2294 2313 + 2947 0 2211 2226 2245 + 2948 0 2313 2294 2330 + 2949 0 2279 2313 2300 + 2950 0 2211 2245 2231 + 2951 0 2313 2330 2347 + 2952 0 2300 2313 2335 + 2953 0 2231 2245 2266 + 2954 0 2347 2330 2364 + 2955 0 2313 2347 2335 + 2956 0 2266 2245 2279 + 2957 0 2364 2330 2346 + 2958 0 2335 2347 2369 + 2959 0 2266 2279 2300 + 2960 0 2364 2346 2379 + 2961 0 2369 2347 2384 + 2962 0 2379 2346 2362 + 2963 0 2364 2379 2398 + 2964 0 2384 2347 2364 + 2965 0 2362 2346 2325 + 2966 0 2398 2379 2416 + 2967 0 2364 2398 2384 + 2968 0 2416 2379 2397 + 2969 0 2384 2398 2418 + 2970 0 2397 2379 2362 + 2971 0 2416 2397 2431 + 2972 0 2384 2418 2403 + 2973 0 2431 2397 2413 + 2974 0 2416 2431 2449 + 2975 0 2384 2403 2369 + 2976 0 2413 2397 2376 + 2977 0 2376 2397 2362 + 2978 0 2208 2189 2174 + 2979 0 2174 2189 2154 + 2980 0 2208 2174 2187 + 2981 0 2174 2154 2137 + 2982 0 2187 2174 2152 + 2983 0 2174 2137 2152 + 2984 0 2187 2152 2170 + 2985 0 2152 2137 2117 + 2986 0 2170 2152 2135 + 2987 0 2187 2170 2206 + 2988 0 2117 2137 2102 + 2989 0 2135 2152 2117 + 2990 0 2206 2170 2185 + 2991 0 2135 2117 2099 + 2992 0 2185 2170 2151 + 2993 0 2151 2170 2135 + 2994 0 2185 2151 2169 + 2995 0 2151 2135 2115 + 2996 0 2169 2151 2132 + 2997 0 2185 2169 2204 + 2998 0 2115 2135 2099 + 2999 0 2132 2151 2115 + 3000 0 2185 2204 2219 + 3001 0 2115 2099 2080 + 3002 0 2219 2204 2239 + 3003 0 2185 2219 2206 + 3004 0 2080 2099 2062 + 3005 0 2080 2062 2044 + 3006 0 2220 2243 2208 + 3007 0 2220 2208 2187 + 3008 0 2220 2187 2206 + 3009 0 2275 2254 2288 + 3010 0 2288 2254 2274 + 3011 0 2274 2254 2239 + 3012 0 2288 2274 2308 + 3013 0 2239 2254 2219 + 3014 0 2300 2335 2319 + 3015 0 2531 2500 2526 + 3016 0 850 827 874 + 3017 0 1455 1492 1472 + 3018 0 1472 1492 1513 + 3019 0 1455 1472 1437 + 3020 0 1472 1513 1485 + 3021 0 1437 1472 1449 + 3022 0 1455 1437 1418 + 3023 0 1418 1437 1403 + 3024 0 1455 1418 1432 + 3025 0 1403 1437 1409 + 3026 0 1418 1403 1378 + 3027 0 1432 1418 1395 + 3028 0 1378 1403 1361 + 3029 0 1418 1378 1395 + 3030 0 1361 1403 1375 + 3031 0 1395 1378 1360 + 3032 0 1360 1378 1344 + 3033 0 1344 1378 1361 + 3034 0 1360 1344 1324 + 3035 0 1344 1361 1326 + 3036 0 1324 1344 1307 + 3037 0 1326 1361 1340 + 3038 0 1344 1326 1307 + 3039 0 1307 1326 1289 + 3040 0 1289 1326 1303 + 3041 0 1324 1307 1283 + 3042 0 1409 1375 1403 + 3043 0 417 436 460 + 3044 0 460 436 478 + 3045 0 417 460 442 + 3046 0 478 436 453 + 3047 0 460 478 503 + 3048 0 442 460 483 + 3049 0 478 453 498 + 3050 0 460 503 483 + 3051 0 498 453 493 + 3052 0 478 498 519 + 3053 0 483 503 528 + 3054 0 519 498 542 + 3055 0 478 519 503 + 3056 0 528 503 546 + 3057 0 483 528 516 + 3058 0 542 498 539 + 3059 0 503 519 546 + 3060 0 528 546 572 + 3061 0 516 528 557 + 3062 0 546 519 564 + 3063 0 528 572 557 + 3064 0 564 519 542 + 3065 0 557 572 598 + 3066 0 564 542 585 + 3067 0 598 572 614 + 3068 0 585 542 539 + 3069 0 598 614 641 + 3070 0 453 436 412 + 3071 0 453 412 450 + 3072 0 442 483 474 + 3073 0 474 483 516 + 3074 0 442 474 432 + 3075 0 309 307 339 + 3076 0 888 870 911 + 3077 0 2511 2473 2481 + 3078 0 1496 1531 1518 + 3079 0 1057 1035 1079 + 3080 0 2262 2228 2230 + 3081 0 1117 1100 1147 + 3082 0 1994 1973 2009 + 3083 0 1550 1585 1556 + 3084 0 332 323 354 + 3085 0 882 848 857 + 3086 0 857 848 824 + 3087 0 824 848 812 + 3088 0 857 824 835 + 3089 0 812 848 834 + 3090 0 824 812 790 + 3091 0 835 824 800 + 3092 0 812 834 799 + 3093 0 824 790 800 + 3094 0 835 800 816 + 3095 0 812 799 774 + 3096 0 800 790 766 + 3097 0 812 774 790 + 3098 0 766 790 753 + 3099 0 790 774 753 + 3100 0 766 753 726 + 3101 0 753 774 739 + 3102 0 766 726 740 + 3103 0 1735 1769 1768 + 3104 0 2464 2480 2509 + 3105 0 1688 1658 1660 + 3106 0 708 751 733 + 3107 0 733 751 777 + 3108 0 708 733 671 + 3109 0 2400 2365 2367 + 3110 0 2499 2482 2523 + 3111 0 1269 1226 1249 + 3112 0 372 408 374 + 3113 0 2518 2521 2490 + 3114 0 1556 1521 1550 + 3115 0 1079 1118 1100 + 3116 0 2123 2089 2091 + 3117 0 671 620 623 + 3118 0 1013 976 989 + 3119 0 985 946 958 + 3120 0 958 946 919 + 3121 0 985 958 994 + 3122 0 919 946 912 + 3123 0 994 958 971 + 3124 0 919 912 883 + 3125 0 971 958 928 + 3126 0 883 912 878 + 3127 0 919 883 892 + 3128 0 928 958 919 + 3129 0 883 878 852 + 3130 0 919 892 928 + 3131 0 852 878 841 + 3132 0 852 841 817 + 3133 0 971 928 944 + 3134 0 1016 972 990 + 3135 0 353 341 394 + 3136 0 910 888 926 + 3137 0 974 990 950 + 3138 0 1836 1802 1803 + 3139 0 623 666 671 + 3140 0 2466 2435 2437 + 3141 0 1340 1303 1326 + 3142 0 304 335 307 + 3143 0 870 850 895 + 3144 0 2514 2516 2486 + 3145 0 397 394 341 + 3146 0 1625 1593 1619 + 3147 0 2193 2158 2159 + 3148 0 316 312 343 + 3149 0 2508 2509 2480 + 3150 0 1998 1976 2023 + 3151 0 1768 1733 1735 + 3152 0 789 825 827 + 3153 0 2331 2298 2299 + 3154 0 1185 1153 1147 + 3155 0 450 493 453 + 3156 0 777 770 733 + 3157 0 1218 1235 1249 + 3158 0 1218 1249 1226 + 3159 0 2523 2526 2499 + 3160 0 1485 1449 1472 + 3161 0 2055 2020 2047 + 3162 0 1118 1147 1100 + 3163 0 950 910 926 + 3164 0 1619 1660 1658 + 3165 0 368 353 394 + 3166 0 1838 1872 1871 + 3167 0 1976 1934 1940 + 3168 0 583 623 620 + 3169 0 1041 1056 1016 + 3170 0 2500 2466 2467 + 3171 0 770 758 736 + 3172 0 736 758 719 + 3173 0 770 736 733 + 3174 0 719 758 740 + 3175 0 736 719 693 + 3176 0 736 693 733 + 3177 0 1375 1340 1361 + 3178 0 352 343 309 + 3179 0 2512 2514 2485 + 3180 0 1986 1998 2020 + 3181 0 2020 1998 2047 + 3182 0 1658 1625 1619 + 3183 0 343 366 316 + 3184 0 2228 2193 2194 + 3185 0 1100 1057 1079 + 3186 0 972 950 990 + 3187 0 1706 1735 1700 + 3188 0 1700 1735 1733 + 3189 0 323 316 354 + 3190 0 1802 1768 1769 + 3191 0 751 789 777 + 3192 0 2365 2331 2332 + 3193 0 1226 1185 1183 + 3194 0 408 450 412 + 3195 0 2521 2523 2490 + 3196 0 1521 1485 1513 + 3197 0 2089 2055 2047 + 3198 0 341 332 371 + 3199 0 1871 1836 1838 + 3200 0 1249 1289 1269 + 3201 0 666 708 671 + 3202 0 2435 2400 2402 + 3203 0 1303 1269 1289 + 3204 0 335 372 339 + 3205 0 2516 2518 2486 + 3206 0 1593 1556 1585 + 3207 0 990 1041 1016 + 3208 0 2158 2123 2126 + 3209 0 1035 1016 1056 + 3210 0 312 309 343 + 3211 0 2509 2511 2481 + 3212 0 1733 1688 1700 + 3213 0 825 858 827 + 3214 0 2298 2262 2265 + 3215 0 1903 1871 1872 + 3216 0 1153 1117 1147 + 3217 0 493 539 498 + 3218 0 1449 1409 1437 + 3219 0 693 671 733 + 3220 0 1147 1183 1185 + 3221 0 339 307 335 + 3222 0 2499 2526 2500 + 3223 0 494 463 521 + 3224 0 286 272 291 + 3225 0 402 426 380 + 3226 0 607 632 606 + 3227 0 291 272 277 + 3228 0 286 291 311 + 3229 0 380 426 404 + 3230 0 311 291 321 + 3231 0 286 311 300 + 3232 0 404 426 444 + 3233 0 380 404 365 + 3234 0 321 291 313 + 3235 0 300 311 331 + 3236 0 365 404 388 + 3237 0 380 365 344 + 3238 0 313 291 277 + 3239 0 388 404 429 + 3240 0 380 344 351 + 3241 0 429 404 444 + 3242 0 388 429 411 + 3243 0 429 444 471 + 3244 0 411 429 452 + 3245 0 429 471 452 + 3246 0 452 471 495 + 3247 0 452 495 479 + 3248 0 479 495 522 + 3249 0 452 479 438 + 3250 0 479 522 506 + 3251 0 438 479 467 + 3252 0 506 522 550 + 3253 0 467 479 506 + 3254 0 438 467 425 + 3255 0 467 506 491 + 3256 0 425 467 448 + 3257 0 491 506 537 + 3258 0 467 491 448 + 3259 0 537 506 550 + 3260 0 448 491 481 + 3261 0 537 550 579 + 3262 0 481 491 523 + 3263 0 537 579 568 + 3264 0 523 491 537 + 3265 0 481 523 525 + 3266 0 568 579 607 + 3267 0 523 537 568 + 3268 0 525 523 553 + 3269 0 523 568 553 + 3270 0 525 578 549 + 3271 0 553 568 606 + 3272 0 331 311 340 + 3273 0 340 311 321 + 3274 0 331 340 364 + 3275 0 340 321 358 + 3276 0 364 340 377 + 3277 0 358 321 337 + 3278 0 340 358 377 + 3279 0 337 321 313 + 3280 0 377 358 388 + 3281 0 388 358 365 + 3282 0 377 388 411 + 3283 0 365 358 337 + 3284 0 377 411 396 + 3285 0 365 337 344 + 3286 0 344 313 322 + 3287 0 396 411 438 + 3288 0 377 396 364 + 3289 0 364 396 383 + 3290 0 383 396 425 + 3291 0 364 383 346 + 3292 0 383 425 406 + 3293 0 346 383 370 + 3294 0 364 346 331 + 3295 0 331 346 318 + 3296 0 318 346 342 + 3297 0 406 425 448 + 3298 0 383 406 370 + 3299 0 346 370 342 + 3300 0 342 370 369 + 3301 0 369 370 405 + 3302 0 337 313 344 + 3303 0 438 411 452 + 3304 0 296 322 313 + 3305 0 549 521 507 + 3306 0 507 521 473 + 3307 0 549 507 525 + 3308 0 430 399 437 + 3309 0 437 399 405 + 3310 0 430 437 473 + 3311 0 405 399 369 + 3312 0 437 405 443 + 3313 0 473 437 477 + 3314 0 405 370 406 + 3315 0 405 406 443 + 3316 0 437 443 477 + 3317 0 477 443 481 + 3318 0 481 443 448 + 3319 0 477 481 525 + 3320 0 448 443 406 + 3321 0 477 525 507 + 3322 0 430 473 463 + 3323 0 463 473 521 + 3324 0 507 473 477 + 3325 0 606 578 553 + 3326 0 262 277 272 + 3327 0 318 300 331 + 3328 0 351 385 402 + 3329 0 322 351 344 + 3330 0 402 380 351 + 3331 0 277 296 313 + 3332 0 578 525 553 + 3333 0 438 425 396 + 3334 0 568 607 606 + 3335 0 632 607 652 + 3336 0 522 495 538 + 3337 0 426 402 441 + 3338 0 538 495 513 + 3339 0 522 538 565 + 3340 0 441 402 428 + 3341 0 513 495 471 + 3342 0 565 538 582 + 3343 0 522 565 550 + 3344 0 513 471 487 + 3345 0 582 538 555 + 3346 0 550 565 590 + 3347 0 487 471 444 + 3348 0 555 538 513 + 3349 0 582 555 595 + 3350 0 590 565 609 + 3351 0 555 513 532 + 3352 0 595 555 577 + 3353 0 582 595 622 + 3354 0 609 565 582 + 3355 0 577 555 532 + 3356 0 582 622 609 + 3357 0 577 532 551 + 3358 0 609 622 649 + 3359 0 551 532 509 + 3360 0 649 622 663 + 3361 0 509 532 487 + 3362 0 551 509 530 + 3363 0 663 622 640 + 3364 0 487 532 513 + 3365 0 530 509 485 + 3366 0 640 622 595 + 3367 0 485 509 468 + 3368 0 530 485 514 + 3369 0 468 509 487 + 3370 0 485 468 441 + 3371 0 468 487 444 + 3372 0 441 468 426 + 3373 0 485 441 470 + 3374 0 426 468 444 + 3375 0 663 640 687 + 3376 0 687 640 660 + 3377 0 663 687 722 + 3378 0 660 640 618 + 3379 0 618 640 595 + 3380 0 660 618 637 + 3381 0 637 618 593 + 3382 0 660 637 682 + 3383 0 593 618 577 + 3384 0 682 637 659 + 3385 0 577 618 595 + 3386 0 593 577 551 + 3387 0 659 637 617 + 3388 0 593 551 576 + 3389 0 617 637 593 + 3390 0 576 551 530 + 3391 0 617 593 576 + 3392 0 576 530 556 + 3393 0 617 576 599 + 3394 0 659 617 645 + 3395 0 579 550 590 + 3396 0 579 590 621 + 3397 0 621 590 628 + 3398 0 579 621 607 + 3399 0 628 590 609 + 3400 0 621 628 665 + 3401 0 607 621 652 + 3402 0 628 609 649 + 3403 0 628 649 685 + 3404 0 687 660 703 + 3405 0 703 660 682 + 3406 0 687 703 741 + 3407 0 703 682 725 + 3408 0 725 682 701 + 3409 0 703 725 764 + 3410 0 701 682 659 + 3411 0 725 701 759 + 3412 0 701 659 690 + 3413 0 759 701 732 + 3414 0 725 759 779 + 3415 0 649 663 700 + 3416 0 402 385 428 + 3417 0 732 768 759 + 3418 0 741 722 687 + 3419 0 556 599 576 + 3420 0 822 801 794 + 3421 0 794 801 759 + 3422 0 822 794 803 + 3423 0 803 794 768 + 3424 0 822 803 844 + 3425 0 768 794 759 + 3426 0 665 652 621 + 3427 0 470 514 485 + 3428 0 700 685 649 + 3429 0 645 690 659 + 3430 0 779 764 725 + 3431 0 428 470 441 + 3432 0 722 700 663 + 3433 0 599 645 617 + 3434 0 801 779 759 + 3435 0 514 556 530 + 3436 0 685 665 628 + 3437 0 690 732 701 + 3438 0 764 741 703 + 3439 0 385 420 428 + 3440 0 428 420 456 + 3441 0 2545 2548 2524 + 3442 0 696 667 665 + 3443 0 696 665 730 + 3444 0 2524 2548 2532 + 3445 0 2545 2524 2520 + 3446 0 2532 2548 2554 + 3447 0 2520 2524 2494 + 3448 0 2545 2520 2541 + 3449 0 2494 2524 2501 + 3450 0 2520 2494 2491 + 3451 0 2541 2520 2515 + 3452 0 2494 2501 2471 + 3453 0 2491 2494 2461 + 3454 0 2515 2520 2491 + 3455 0 2471 2501 2478 + 3456 0 2461 2494 2471 + 3457 0 2478 2501 2505 + 3458 0 2471 2478 2445 + 3459 0 2505 2501 2532 + 3460 0 2478 2505 2484 + 3461 0 2445 2478 2453 + 3462 0 2532 2501 2524 + 3463 0 2484 2505 2513 + 3464 0 2453 2478 2484 + 3465 0 2484 2513 2492 + 3466 0 2492 2513 2522 + 3467 0 2484 2492 2458 + 3468 0 2522 2513 2540 + 3469 0 2458 2492 2465 + 3470 0 2484 2458 2453 + 3471 0 2540 2513 2537 + 3472 0 2465 2492 2496 + 3473 0 2453 2458 2427 + 3474 0 2540 2537 2556 + 3475 0 2496 2492 2522 + 3476 0 2427 2458 2436 + 3477 0 2556 2537 2554 + 3478 0 2496 2522 2529 + 3479 0 2436 2458 2465 + 3480 0 2554 2537 2532 + 3481 0 2496 2529 2498 + 3482 0 2532 2537 2505 + 3483 0 2505 2537 2513 + 3484 0 1562 1596 1589 + 3485 0 1589 1596 1624 + 3486 0 1562 1589 1554 + 3487 0 1624 1596 1636 + 3488 0 1554 1589 1581 + 3489 0 1624 1636 1657 + 3490 0 1581 1589 1615 + 3491 0 1657 1636 1673 + 3492 0 1615 1589 1624 + 3493 0 1657 1673 1690 + 3494 0 1615 1624 1648 + 3495 0 1690 1673 1707 + 3496 0 1648 1624 1657 + 3497 0 1690 1707 1728 + 3498 0 1648 1657 1681 + 3499 0 1728 1707 1741 + 3500 0 1681 1657 1690 + 3501 0 1728 1741 1764 + 3502 0 1681 1690 1716 + 3503 0 1764 1741 1775 + 3504 0 1716 1690 1728 + 3505 0 1681 1716 1708 + 3506 0 1764 1775 1798 + 3507 0 1716 1728 1749 + 3508 0 1708 1716 1742 + 3509 0 1798 1775 1810 + 3510 0 1749 1728 1764 + 3511 0 1742 1716 1749 + 3512 0 1749 1764 1786 + 3513 0 1742 1749 1776 + 3514 0 1786 1764 1798 + 3515 0 1776 1749 1786 + 3516 0 1742 1776 1767 + 3517 0 1786 1798 1822 + 3518 0 1767 1776 1800 + 3519 0 1742 1767 1732 + 3520 0 1822 1798 1832 + 3521 0 1800 1776 1809 + 3522 0 1732 1767 1753 + 3523 0 1832 1798 1810 + 3524 0 1809 1776 1786 + 3525 0 1753 1767 1791 + 3526 0 1809 1786 1822 + 3527 0 1791 1767 1800 + 3528 0 1809 1822 1843 + 3529 0 1791 1800 1826 + 3530 0 1843 1822 1856 + 3531 0 1826 1800 1834 + 3532 0 1791 1826 1812 + 3533 0 1856 1822 1832 + 3534 0 1834 1800 1809 + 3535 0 1812 1826 1848 + 3536 0 1856 1832 1866 + 3537 0 1834 1809 1843 + 3538 0 1848 1826 1861 + 3539 0 1866 1832 1844 + 3540 0 1861 1826 1834 + 3541 0 1848 1861 1883 + 3542 0 1844 1832 1810 + 3543 0 1883 1861 1895 + 3544 0 1848 1883 1873 + 3545 0 1895 1861 1867 + 3546 0 1873 1883 1906 + 3547 0 1867 1861 1834 + 3548 0 1895 1867 1901 + 3549 0 1906 1883 1918 + 3550 0 1901 1867 1878 + 3551 0 1895 1901 1929 + 3552 0 1918 1883 1895 + 3553 0 1878 1867 1843 + 3554 0 1929 1901 1936 + 3555 0 1843 1867 1834 + 3556 0 1878 1843 1856 + 3557 0 1936 1901 1914 + 3558 0 1878 1856 1893 + 3559 0 1914 1901 1878 + 3560 0 1893 1856 1866 + 3561 0 1914 1878 1893 + 3562 0 1914 1893 1927 + 3563 0 1927 1893 1900 + 3564 0 1914 1927 1949 + 3565 0 1900 1893 1866 + 3566 0 1949 1927 1961 + 3567 0 1900 1866 1881 + 3568 0 1961 1927 1935 + 3569 0 1881 1866 1844 + 3570 0 1900 1881 1917 + 3571 0 1935 1927 1900 + 3572 0 1900 1917 1935 + 3573 0 1935 1917 1951 + 3574 0 1935 1951 1971 + 3575 0 1971 1951 1986 + 3576 0 1935 1971 1961 + 3577 0 1971 1986 2006 + 3578 0 1961 1971 1995 + 3579 0 2006 1986 2020 + 3580 0 1971 2006 1995 + 3581 0 1995 2006 2029 + 3582 0 2029 2006 2040 + 3583 0 1995 2029 2018 + 3584 0 2040 2006 2020 + 3585 0 2029 2040 2063 + 3586 0 2018 2029 2053 + 3587 0 2040 2020 2055 + 3588 0 2063 2040 2075 + 3589 0 2053 2029 2063 + 3590 0 2040 2055 2075 + 3591 0 2053 2063 2086 + 3592 0 2075 2055 2089 + 3593 0 2086 2063 2098 + 3594 0 2053 2086 2074 + 3595 0 2075 2089 2111 + 3596 0 2098 2063 2075 + 3597 0 2074 2086 2107 + 3598 0 2111 2089 2123 + 3599 0 2107 2086 2121 + 3600 0 2074 2107 2100 + 3601 0 2121 2086 2098 + 3602 0 2107 2121 2144 + 3603 0 2100 2107 2133 + 3604 0 2121 2098 2134 + 3605 0 2144 2121 2155 + 3606 0 2133 2107 2144 + 3607 0 2134 2098 2111 + 3608 0 2155 2121 2134 + 3609 0 2133 2144 2167 + 3610 0 2111 2098 2075 + 3611 0 2167 2144 2178 + 3612 0 2133 2167 2156 + 3613 0 2178 2144 2155 + 3614 0 2167 2178 2201 + 3615 0 2156 2167 2191 + 3616 0 2201 2178 2212 + 3617 0 2167 2201 2191 + 3618 0 2212 2178 2188 + 3619 0 2191 2201 2225 + 3620 0 2188 2178 2155 + 3621 0 2212 2188 2224 + 3622 0 2225 2201 2237 + 3623 0 2224 2188 2202 + 3624 0 2212 2224 2246 + 3625 0 2237 2201 2212 + 3626 0 2202 2188 2168 + 3627 0 2246 2224 2257 + 3628 0 2237 2212 2246 + 3629 0 2168 2188 2155 + 3630 0 2257 2224 2238 + 3631 0 2168 2155 2134 + 3632 0 2238 2224 2202 + 3633 0 2168 2134 2146 + 3634 0 2238 2202 2215 + 3635 0 2146 2134 2111 + 3636 0 2215 2202 2180 + 3637 0 2146 2111 2123 + 3638 0 2180 2202 2168 + 3639 0 2146 2123 2158 + 3640 0 2146 2158 2180 + 3641 0 2180 2158 2193 + 3642 0 2146 2180 2168 + 3643 0 2180 2193 2215 + 3644 0 2215 2193 2228 + 3645 0 2215 2228 2249 + 3646 0 2249 2228 2262 + 3647 0 2249 2262 2283 + 3648 0 2283 2262 2298 + 3649 0 2249 2283 2272 + 3650 0 2283 2298 2317 + 3651 0 2272 2283 2306 + 3652 0 2317 2298 2331 + 3653 0 2306 2283 2317 + 3654 0 2306 2317 2340 + 3655 0 2340 2317 2352 + 3656 0 2352 2317 2331 + 3657 0 2340 2352 2373 + 3658 0 2373 2352 2387 + 3659 0 2340 2373 2363 + 3660 0 2387 2352 2365 + 3661 0 2363 2373 2396 + 3662 0 2365 2352 2331 + 3663 0 2396 2373 2411 + 3664 0 2411 2373 2387 + 3665 0 2396 2411 2430 + 3666 0 2430 2411 2441 + 3667 0 2396 2430 2419 + 3668 0 2441 2411 2423 + 3669 0 2419 2430 2461 + 3670 0 2423 2411 2387 + 3671 0 2423 2387 2400 + 3672 0 2400 2387 2365 + 3673 0 2423 2400 2435 + 3674 0 2423 2435 2454 + 3675 0 2454 2435 2466 + 3676 0 2454 2466 2488 + 3677 0 2488 2466 2500 + 3678 0 2488 2500 2534 + 3679 0 1731 1699 1705 + 3680 0 1705 1699 1671 + 3681 0 1731 1705 1739 + 3682 0 1671 1699 1664 + 3683 0 1705 1671 1679 + 3684 0 1739 1705 1712 + 3685 0 1679 1671 1646 + 3686 0 1705 1679 1712 + 3687 0 1646 1671 1639 + 3688 0 1712 1679 1685 + 3689 0 1639 1671 1664 + 3690 0 1646 1639 1612 + 3691 0 1685 1679 1651 + 3692 0 1639 1664 1628 + 3693 0 1612 1639 1604 + 3694 0 1651 1679 1646 + 3695 0 1604 1639 1628 + 3696 0 1612 1604 1576 + 3697 0 1604 1628 1595 + 3698 0 1576 1604 1567 + 3699 0 1604 1595 1567 + 3700 0 1567 1595 1561 + 3701 0 1567 1561 1534 + 3702 0 1534 1561 1530 + 3703 0 1567 1534 1540 + 3704 0 1534 1530 1500 + 3705 0 1540 1534 1505 + 3706 0 1500 1530 1498 + 3707 0 1505 1534 1500 + 3708 0 1540 1505 1516 + 3709 0 1505 1500 1471 + 3710 0 1516 1505 1481 + 3711 0 1471 1500 1468 + 3712 0 1505 1471 1481 + 3713 0 1468 1500 1498 + 3714 0 1481 1471 1442 + 3715 0 1468 1498 1465 + 3716 0 1442 1471 1438 + 3717 0 1481 1442 1454 + 3718 0 1468 1465 1435 + 3719 0 1438 1471 1468 + 3720 0 1454 1442 1419 + 3721 0 1435 1465 1431 + 3722 0 1438 1468 1435 + 3723 0 1419 1442 1410 + 3724 0 1438 1435 1405 + 3725 0 1410 1442 1438 + 3726 0 1419 1410 1382 + 3727 0 1405 1435 1401 + 3728 0 1410 1438 1405 + 3729 0 1382 1410 1377 + 3730 0 1401 1435 1431 + 3731 0 1377 1410 1405 + 3732 0 1382 1377 1346 + 3733 0 1377 1405 1373 + 3734 0 1346 1377 1342 + 3735 0 1373 1405 1401 + 3736 0 1377 1373 1342 + 3737 0 1373 1401 1369 + 3738 0 1342 1373 1339 + 3739 0 1369 1401 1398 + 3740 0 1373 1369 1339 + 3741 0 1398 1401 1431 + 3742 0 1339 1369 1335 + 3743 0 1335 1369 1365 + 3744 0 1339 1335 1305 + 3745 0 1365 1369 1398 + 3746 0 1305 1335 1301 + 3747 0 1301 1335 1332 + 3748 0 1305 1301 1271 + 3749 0 1332 1335 1365 + 3750 0 1271 1301 1267 + 3751 0 1305 1271 1275 + 3752 0 1267 1301 1298 + 3753 0 1275 1271 1242 + 3754 0 1305 1275 1309 + 3755 0 1298 1301 1332 + 3756 0 1242 1271 1237 + 3757 0 1309 1275 1280 + 3758 0 1237 1271 1267 + 3759 0 1242 1237 1208 + 3760 0 1280 1275 1245 + 3761 0 1208 1237 1204 + 3762 0 1242 1208 1211 + 3763 0 1245 1275 1242 + 3764 0 1204 1237 1234 + 3765 0 1211 1208 1176 + 3766 0 1234 1237 1267 + 3767 0 1204 1234 1199 + 3768 0 1176 1208 1173 + 3769 0 1234 1267 1264 + 3770 0 1199 1234 1231 + 3771 0 1173 1208 1204 + 3772 0 1264 1267 1298 + 3773 0 1231 1234 1264 + 3774 0 1173 1204 1169 + 3775 0 1169 1204 1199 + 3776 0 1173 1169 1138 + 3777 0 1169 1199 1167 + 3778 0 1138 1169 1135 + 3779 0 1167 1199 1198 + 3780 0 1169 1167 1135 + 3781 0 1198 1199 1231 + 3782 0 1135 1167 1132 + 3783 0 1132 1167 1164 + 3784 0 1164 1167 1198 + 3785 0 1132 1164 1131 + 3786 0 1132 1131 1098 + 3787 0 1098 1131 1097 + 3788 0 1132 1098 1103 + 3789 0 1098 1097 1065 + 3790 0 1103 1098 1066 + 3791 0 1065 1097 1063 + 3792 0 1066 1098 1065 + 3793 0 1065 1063 1029 + 3794 0 1066 1065 1033 + 3795 0 1029 1063 1030 + 3796 0 1033 1065 1029 + 3797 0 1029 1030 998 + 3798 0 1033 1029 999 + 3799 0 998 1030 1001 + 3800 0 999 1029 998 + 3801 0 998 1001 964 + 3802 0 999 998 963 + 3803 0 964 1001 966 + 3804 0 963 998 964 + 3805 0 964 966 933 + 3806 0 963 964 930 + 3807 0 933 966 936 + 3808 0 930 964 933 + 3809 0 933 936 900 + 3810 0 930 933 898 + 3811 0 900 936 905 + 3812 0 898 933 900 + 3813 0 900 905 871 + 3814 0 898 900 868 + 3815 0 871 905 875 + 3816 0 900 871 868 + 3817 0 871 875 840 + 3818 0 868 871 838 + 3819 0 840 875 846 + 3820 0 871 840 838 + 3821 0 840 846 813 + 3822 0 838 840 809 + 3823 0 813 846 818 + 3824 0 840 813 809 + 3825 0 813 818 785 + 3826 0 809 813 769 + 3827 0 785 818 791 + 3828 0 813 785 769 + 3829 0 785 791 747 + 3830 0 769 785 722 + 3831 0 747 791 762 + 3832 0 785 747 722 + 3833 0 747 762 724 + 3834 0 724 762 730 + 3835 0 747 724 700 + 3836 0 700 724 685 + 3837 0 685 724 730 + 3838 0 1753 1791 1778 + 3839 0 1778 1791 1812 + 3840 0 1753 1778 1746 + 3841 0 1778 1812 1806 + 3842 0 1746 1778 1772 + 3843 0 1753 1746 1720 + 3844 0 1806 1812 1840 + 3845 0 1772 1778 1806 + 3846 0 1720 1746 1709 + 3847 0 1840 1812 1848 + 3848 0 1772 1806 1796 + 3849 0 1709 1746 1736 + 3850 0 1796 1806 1831 + 3851 0 1772 1796 1759 + 3852 0 1736 1746 1772 + 3853 0 1831 1806 1840 + 3854 0 1759 1796 1781 + 3855 0 1831 1840 1865 + 3856 0 1781 1796 1820 + 3857 0 1865 1840 1873 + 3858 0 1831 1865 1857 + 3859 0 1820 1796 1831 + 3860 0 1873 1840 1848 + 3861 0 1857 1865 1891 + 3862 0 1820 1831 1857 + 3863 0 1891 1865 1899 + 3864 0 1820 1857 1841 + 3865 0 1899 1865 1873 + 3866 0 1891 1899 1925 + 3867 0 1841 1857 1875 + 3868 0 1925 1899 1933 + 3869 0 1891 1925 1911 + 3870 0 1875 1857 1891 + 3871 0 1933 1899 1906 + 3872 0 1911 1925 1946 + 3873 0 1906 1899 1873 + 3874 0 1933 1906 1941 + 3875 0 1946 1925 1959 + 3876 0 1933 1941 1967 + 3877 0 1959 1925 1933 + 3878 0 1967 1941 1975 + 3879 0 1933 1967 1959 + 3880 0 1975 1941 1955 + 3881 0 1959 1967 1992 + 3882 0 1955 1941 1918 + 3883 0 1975 1955 1989 + 3884 0 1992 1967 2001 + 3885 0 1918 1941 1906 + 3886 0 1989 1955 1963 + 3887 0 2001 1967 1975 + 3888 0 1963 1955 1929 + 3889 0 1989 1963 1997 + 3890 0 1929 1955 1918 + 3891 0 1963 1929 1936 + 3892 0 1997 1963 1970 + 3893 0 1929 1918 1895 + 3894 0 1963 1936 1970 + 3895 0 1970 1936 1949 + 3896 0 1949 1936 1914 + 3897 0 1970 1949 1983 + 3898 0 1983 1949 1961 + 3899 0 1970 1983 2005 + 3900 0 1983 1961 1995 + 3901 0 2005 1983 2018 + 3902 0 1983 1995 2018 + 3903 0 2246 2257 2280 + 3904 0 2280 2257 2293 + 3905 0 2246 2280 2271 + 3906 0 2293 2257 2272 + 3907 0 2271 2280 2304 + 3908 0 2246 2271 2237 + 3909 0 2272 2257 2238 + 3910 0 2304 2280 2314 + 3911 0 2237 2271 2260 + 3912 0 2314 2280 2293 + 3913 0 2304 2314 2338 + 3914 0 2260 2271 2292 + 3915 0 2314 2293 2328 + 3916 0 2338 2314 2349 + 3917 0 2292 2271 2304 + 3918 0 2328 2293 2306 + 3919 0 2349 2314 2328 + 3920 0 2306 2293 2272 + 3921 0 2328 2306 2340 + 3922 0 2328 2340 2363 + 3923 0 2328 2363 2349 + 3924 0 2349 2363 2385 + 3925 0 2385 2363 2396 + 3926 0 2385 2396 2419 + 3927 0 2385 2419 2405 + 3928 0 2405 2419 2445 + 3929 0 1685 1651 1654 + 3930 0 1654 1651 1623 + 3931 0 1685 1654 1695 + 3932 0 1623 1651 1617 + 3933 0 1654 1623 1638 + 3934 0 1695 1654 1675 + 3935 0 1617 1651 1646 + 3936 0 1638 1623 1597 + 3937 0 1675 1654 1638 + 3938 0 1617 1646 1612 + 3939 0 1597 1623 1590 + 3940 0 1617 1612 1584 + 3941 0 1590 1623 1617 + 3942 0 1584 1612 1576 + 3943 0 1617 1584 1590 + 3944 0 1584 1576 1551 + 3945 0 1590 1584 1557 + 3946 0 1551 1576 1540 + 3947 0 1584 1551 1557 + 3948 0 1540 1576 1567 + 3949 0 1557 1551 1523 + 3950 0 1523 1551 1516 + 3951 0 1557 1523 1527 + 3952 0 1516 1551 1540 + 3953 0 1523 1516 1489 + 3954 0 1527 1523 1493 + 3955 0 1489 1516 1481 + 3956 0 1523 1489 1493 + 3957 0 1493 1489 1461 + 3958 0 1461 1489 1454 + 3959 0 1493 1461 1466 + 3960 0 1454 1489 1481 + 3961 0 1461 1454 1427 + 3962 0 1466 1461 1433 + 3963 0 1427 1454 1419 + 3964 0 1433 1461 1427 + 3965 0 1466 1433 1445 + 3966 0 1433 1427 1397 + 3967 0 1445 1433 1407 + 3968 0 1397 1427 1392 + 3969 0 1433 1397 1407 + 3970 0 1392 1427 1419 + 3971 0 1407 1397 1371 + 3972 0 1392 1419 1382 + 3973 0 1371 1397 1363 + 3974 0 1407 1371 1387 + 3975 0 1392 1382 1357 + 3976 0 1363 1397 1392 + 3977 0 1387 1371 1347 + 3978 0 1357 1382 1346 + 3979 0 1363 1392 1357 + 3980 0 1347 1371 1336 + 3981 0 1357 1346 1322 + 3982 0 1336 1371 1363 + 3983 0 1347 1336 1312 + 3984 0 1322 1346 1313 + 3985 0 1336 1363 1328 + 3986 0 1312 1336 1300 + 3987 0 1313 1346 1342 + 3988 0 1328 1363 1357 + 3989 0 1300 1336 1328 + 3990 0 1328 1357 1322 + 3991 0 1328 1322 1294 + 3992 0 1294 1322 1282 + 3993 0 1282 1322 1313 + 3994 0 1294 1282 1258 + 3995 0 1282 1313 1280 + 3996 0 1258 1282 1248 + 3997 0 1294 1258 1266 + 3998 0 1280 1313 1309 + 3999 0 1248 1282 1280 + 4000 0 1266 1258 1229 + 4001 0 1309 1313 1342 + 4002 0 1229 1258 1222 + 4003 0 1266 1229 1238 + 4004 0 1222 1258 1248 + 4005 0 1229 1222 1193 + 4006 0 1238 1229 1202 + 4007 0 1222 1248 1213 + 4008 0 1193 1222 1186 + 4009 0 1202 1229 1193 + 4010 0 1213 1248 1245 + 4011 0 1186 1222 1213 + 4012 0 1202 1193 1165 + 4013 0 1245 1248 1280 + 4014 0 1165 1193 1156 + 4015 0 1202 1165 1178 + 4016 0 1156 1193 1186 + 4017 0 1165 1156 1128 + 4018 0 1178 1165 1141 + 4019 0 1128 1156 1119 + 4020 0 1165 1128 1141 + 4021 0 1119 1156 1149 + 4022 0 1141 1128 1092 + 4023 0 1149 1156 1186 + 4024 0 1119 1149 1115 + 4025 0 1092 1128 1084 + 4026 0 1115 1149 1145 + 4027 0 1119 1115 1081 + 4028 0 1084 1128 1119 + 4029 0 1145 1149 1180 + 4030 0 1081 1115 1077 + 4031 0 1084 1119 1081 + 4032 0 1180 1149 1186 + 4033 0 1077 1115 1112 + 4034 0 1180 1186 1213 + 4035 0 1112 1115 1145 + 4036 0 1180 1213 1211 + 4037 0 1112 1145 1140 + 4038 0 1211 1213 1245 + 4039 0 1140 1145 1176 + 4040 0 1211 1245 1242 + 4041 0 1176 1145 1180 + 4042 0 1140 1176 1173 + 4043 0 1176 1180 1211 + 4044 0 1140 1173 1138 + 4045 0 1140 1138 1108 + 4046 0 1108 1138 1104 + 4047 0 1140 1108 1112 + 4048 0 1104 1138 1135 + 4049 0 1112 1108 1076 + 4050 0 1104 1135 1103 + 4051 0 1076 1108 1073 + 4052 0 1112 1076 1077 + 4053 0 1103 1135 1132 + 4054 0 1073 1108 1104 + 4055 0 1077 1076 1039 + 4056 0 1073 1104 1068 + 4057 0 1039 1076 1044 + 4058 0 1068 1104 1103 + 4059 0 1073 1068 1038 + 4060 0 1044 1076 1073 + 4061 0 1068 1103 1066 + 4062 0 1038 1068 1036 + 4063 0 1044 1073 1038 + 4064 0 1036 1068 1066 + 4065 0 1038 1036 1005 + 4066 0 1044 1038 1009 + 4067 0 1036 1066 1033 + 4068 0 1005 1036 1003 + 4069 0 1009 1038 1005 + 4070 0 1003 1036 1033 + 4071 0 1005 1003 968 + 4072 0 1003 1033 999 + 4073 0 968 1003 965 + 4074 0 1003 999 965 + 4075 0 968 965 934 + 4076 0 965 999 963 + 4077 0 934 965 931 + 4078 0 968 934 938 + 4079 0 965 963 931 + 4080 0 938 934 901 + 4081 0 931 963 930 + 4082 0 901 934 899 + 4083 0 938 901 907 + 4084 0 931 930 896 + 4085 0 899 934 931 + 4086 0 907 901 873 + 4087 0 896 930 898 + 4088 0 873 901 863 + 4089 0 907 873 879 + 4090 0 863 901 899 + 4091 0 873 863 844 + 4092 0 844 863 822 + 4093 0 879 873 842 + 4094 0 842 873 844 + 4095 0 879 842 849 + 4096 0 849 842 815 + 4097 0 879 849 884 + 4098 0 815 842 810 + 4099 0 849 815 820 + 4100 0 884 849 856 + 4101 0 810 842 844 + 4102 0 820 815 787 + 4103 0 856 849 820 + 4104 0 787 815 780 + 4105 0 820 787 778 + 4106 0 856 820 823 + 4107 0 780 815 810 + 4108 0 778 787 744 + 4109 0 823 820 778 + 4110 0 780 810 768 + 4111 0 744 787 752 + 4112 0 823 778 773 + 4113 0 752 787 780 + 4114 0 744 752 704 + 4115 0 752 780 749 + 4116 0 704 752 706 + 4117 0 744 704 697 + 4118 0 749 780 768 + 4119 0 706 752 749 + 4120 0 706 749 732 + 4121 0 732 749 768 + 4122 0 1720 1709 1686 + 4123 0 1686 1709 1675 + 4124 0 1720 1686 1698 + 4125 0 1698 1686 1659 + 4126 0 1720 1698 1732 + 4127 0 1659 1686 1652 + 4128 0 1698 1659 1674 + 4129 0 1732 1698 1708 + 4130 0 1652 1686 1675 + 4131 0 1674 1659 1640 + 4132 0 1708 1698 1674 + 4133 0 1640 1659 1627 + 4134 0 1674 1640 1648 + 4135 0 1708 1674 1681 + 4136 0 1627 1659 1652 + 4137 0 1648 1640 1615 + 4138 0 1681 1674 1648 + 4139 0 1627 1652 1618 + 4140 0 1615 1640 1600 + 4141 0 1618 1652 1638 + 4142 0 1600 1640 1627 + 4143 0 1615 1600 1581 + 4144 0 1600 1627 1592 + 4145 0 1581 1600 1565 + 4146 0 1592 1627 1618 + 4147 0 1600 1592 1565 + 4148 0 1565 1592 1559 + 4149 0 1559 1592 1582 + 4150 0 1565 1559 1532 + 4151 0 1582 1592 1618 + 4152 0 1559 1582 1545 + 4153 0 1532 1559 1525 + 4154 0 1582 1618 1597 + 4155 0 1545 1582 1563 + 4156 0 1525 1559 1545 + 4157 0 1525 1545 1502 + 4158 0 1502 1545 1527 + 4159 0 1525 1502 1487 + 4160 0 1487 1502 1466 + 4161 0 1525 1487 1497 + 4162 0 1497 1487 1463 + 4163 0 1525 1497 1532 + 4164 0 1463 1487 1445 + 4165 0 1497 1463 1470 + 4166 0 1532 1497 1504 + 4167 0 1470 1463 1436 + 4168 0 1497 1470 1504 + 4169 0 1436 1463 1424 + 4170 0 1504 1470 1484 + 4171 0 1424 1463 1445 + 4172 0 1436 1424 1402 + 4173 0 1484 1470 1450 + 4174 0 1402 1424 1387 + 4175 0 1436 1402 1411 + 4176 0 1450 1470 1436 + 4177 0 1411 1402 1376 + 4178 0 1436 1411 1450 + 4179 0 1376 1402 1366 + 4180 0 1450 1411 1426 + 4181 0 1366 1402 1387 + 4182 0 1376 1366 1341 + 4183 0 1426 1411 1389 + 4184 0 1341 1366 1330 + 4185 0 1376 1341 1353 + 4186 0 1389 1411 1376 + 4187 0 1341 1330 1306 + 4188 0 1353 1341 1316 + 4189 0 1389 1376 1353 + 4190 0 1306 1330 1291 + 4191 0 1316 1341 1306 + 4192 0 1291 1330 1312 + 4193 0 1306 1291 1268 + 4194 0 1268 1291 1251 + 4195 0 1306 1268 1278 + 4196 0 1251 1291 1277 + 4197 0 1268 1251 1233 + 4198 0 1278 1268 1244 + 4199 0 1233 1251 1214 + 4200 0 1268 1233 1244 + 4201 0 1214 1251 1238 + 4202 0 1244 1233 1209 + 4203 0 1209 1233 1195 + 4204 0 1195 1233 1214 + 4205 0 1209 1195 1171 + 4206 0 1195 1214 1178 + 4207 0 1171 1195 1158 + 4208 0 1158 1195 1178 + 4209 0 1171 1158 1134 + 4210 0 1134 1158 1120 + 4211 0 1120 1158 1141 + 4212 0 1134 1120 1094 + 4213 0 1094 1120 1085 + 4214 0 1085 1120 1092 + 4215 0 1094 1085 1058 + 4216 0 1058 1085 1051 + 4217 0 1051 1085 1092 + 4218 0 1058 1051 1021 + 4219 0 1021 1051 1015 + 4220 0 1015 1051 1045 + 4221 0 1021 1015 985 + 4222 0 1045 1051 1092 + 4223 0 985 1015 979 + 4224 0 979 1015 1008 + 4225 0 985 979 946 + 4226 0 1008 1015 1045 + 4227 0 979 1008 969 + 4228 0 946 979 942 + 4229 0 1008 1045 1034 + 4230 0 969 1008 996 + 4231 0 942 979 969 + 4232 0 1034 1045 1084 + 4233 0 996 1008 1034 + 4234 0 996 1034 1042 + 4235 0 1042 1034 1081 + 4236 0 996 1042 997 + 4237 0 997 1042 1039 + 4238 0 996 997 960 + 4239 0 960 997 954 + 4240 0 996 960 969 + 4241 0 954 997 995 + 4242 0 969 960 929 + 4243 0 995 997 1039 + 4244 0 954 995 952 + 4245 0 929 960 923 + 4246 0 952 995 1009 + 4247 0 954 952 917 + 4248 0 923 960 954 + 4249 0 917 952 907 + 4250 0 954 917 923 + 4251 0 923 917 884 + 4252 0 2338 2349 2371 + 4253 0 2371 2349 2385 + 4254 0 2338 2371 2361 + 4255 0 2371 2385 2405 + 4256 0 2361 2371 2391 + 4257 0 2338 2361 2326 + 4258 0 2371 2405 2391 + 4259 0 2326 2361 2350 + 4260 0 2391 2405 2422 + 4261 0 2350 2361 2386 + 4262 0 2326 2350 2316 + 4263 0 2386 2361 2391 + 4264 0 2350 2386 2377 + 4265 0 2316 2350 2341 + 4266 0 2377 2386 2406 + 4267 0 2350 2377 2341 + 4268 0 2406 2386 2427 + 4269 0 2406 2427 2436 + 4270 0 2406 2436 2408 + 4271 0 2408 2436 2440 + 4272 0 2406 2408 2377 + 4273 0 2440 2436 2465 + 4274 0 2408 2440 2407 + 4275 0 2407 2440 2432 + 4276 0 2408 2407 2378 + 4277 0 2378 2407 2383 + 4278 0 2408 2378 2377 + 4279 0 2341 2377 2378 + 4280 0 2383 2407 2399 + 4281 0 2383 2399 2366 + 4282 0 1044 1009 995 + 4283 0 1720 1732 1753 + 4284 0 2326 2316 2292 + 4285 0 2292 2316 2281 + 4286 0 2326 2292 2304 + 4287 0 2281 2316 2307 + 4288 0 2292 2281 2260 + 4289 0 2326 2304 2338 + 4290 0 2307 2316 2341 + 4291 0 2281 2307 2273 + 4292 0 2260 2281 2247 + 4293 0 2307 2341 2334 + 4294 0 2273 2307 2297 + 4295 0 2247 2281 2273 + 4296 0 2307 2334 2297 + 4297 0 2297 2334 2320 + 4298 0 2320 2334 2356 + 4299 0 2297 2320 2287 + 4300 0 2356 2334 2378 + 4301 0 2356 2378 2383 + 4302 0 2356 2383 2366 + 4303 0 2320 2356 2366 + 4304 0 2287 2320 2333 + 4305 0 2334 2341 2378 + 4306 0 2247 2273 2240 + 4307 0 2240 2273 2263 + 4308 0 2247 2240 2214 + 4309 0 2263 2273 2297 + 4310 0 2240 2263 2229 + 4311 0 2214 2240 2207 + 4312 0 2263 2297 2287 + 4313 0 2240 2229 2207 + 4314 0 2207 2229 2196 + 4315 0 2196 2229 2218 + 4316 0 2207 2196 2172 + 4317 0 2218 2229 2252 + 4318 0 2196 2218 2186 + 4319 0 2172 2196 2162 + 4320 0 2252 2229 2263 + 4321 0 2186 2218 2233 + 4322 0 2162 2196 2186 + 4323 0 2162 2186 2153 + 4324 0 2153 2186 2198 + 4325 0 2162 2153 2127 + 4326 0 2127 2153 2118 + 4327 0 2162 2127 2138 + 4328 0 2118 2153 2164 + 4329 0 2127 2118 2093 + 4330 0 2138 2127 2103 + 4331 0 2093 2118 2084 + 4332 0 2127 2093 2103 + 4333 0 2084 2118 2131 + 4334 0 2103 2093 2069 + 4335 0 2069 2093 2059 + 4336 0 2103 2069 2078 + 4337 0 2059 2093 2084 + 4338 0 2069 2059 2034 + 4339 0 2078 2069 2043 + 4340 0 2034 2059 2026 + 4341 0 2069 2034 2043 + 4342 0 2026 2059 2052 + 4343 0 2043 2034 2008 + 4344 0 2052 2059 2084 + 4345 0 2026 2052 2017 + 4346 0 2008 2034 2001 + 4347 0 2052 2084 2097 + 4348 0 2017 2052 2065 + 4349 0 2001 2034 2026 + 4350 0 2001 2026 1992 + 4351 0 1992 2026 2017 + 4352 0 1992 2017 1990 + 4353 0 1990 2017 2032 + 4354 0 2247 2214 2225 + 4355 0 2225 2214 2191 + 4356 0 2247 2225 2260 + 4357 0 2191 2214 2182 + 4358 0 2260 2225 2237 + 4359 0 2182 2214 2207 + 4360 0 2191 2182 2156 + 4361 0 2182 2207 2172 + 4362 0 2156 2182 2147 + 4363 0 2182 2172 2147 + 4364 0 2156 2147 2122 + 4365 0 2147 2172 2138 + 4366 0 2122 2147 2113 + 4367 0 2156 2122 2133 + 4368 0 2138 2172 2162 + 4369 0 2113 2147 2138 + 4370 0 2133 2122 2100 + 4371 0 2113 2138 2103 + 4372 0 2100 2122 2088 + 4373 0 2113 2103 2078 + 4374 0 2088 2122 2113 + 4375 0 2100 2088 2064 + 4376 0 2088 2113 2078 + 4377 0 2064 2088 2054 + 4378 0 2100 2064 2074 + 4379 0 2054 2088 2078 + 4380 0 2064 2054 2030 + 4381 0 2074 2064 2039 + 4382 0 2030 2054 2021 + 4383 0 2064 2030 2039 + 4384 0 2021 2054 2043 + 4385 0 2039 2030 2005 + 4386 0 2043 2054 2078 + 4387 0 2021 2043 2008 + 4388 0 2005 2030 1997 + 4389 0 2021 2008 1989 + 4390 0 1997 2030 2021 + 4391 0 1989 2008 1975 + 4392 0 1997 2021 1989 + 4393 0 1975 2008 2001 + 4394 0 2252 2263 2287 + 4395 0 2252 2287 2301 + 4396 0 2005 1997 1970 + 4397 0 2267 2233 2218 + 4398 0 1875 1891 1911 + 4399 0 1875 1911 1898 + 4400 0 969 929 942 + 4401 0 942 929 904 + 4402 0 904 929 894 + 4403 0 942 904 912 + 4404 0 894 929 923 + 4405 0 904 894 867 + 4406 0 912 904 878 + 4407 0 894 923 884 + 4408 0 867 894 856 + 4409 0 904 867 878 + 4410 0 878 867 841 + 4411 0 841 867 823 + 4412 0 942 912 946 + 4413 0 2249 2272 2238 + 4414 0 2249 2238 2215 + 4415 0 1581 1565 1544 + 4416 0 1544 1565 1532 + 4417 0 1581 1544 1554 + 4418 0 1544 1532 1504 + 4419 0 1554 1544 1520 + 4420 0 1544 1504 1520 + 4421 0 1554 1520 1528 + 4422 0 1520 1504 1484 + 4423 0 1528 1520 1494 + 4424 0 1554 1528 1562 + 4425 0 1520 1484 1494 + 4426 0 1494 1484 1460 + 4427 0 1460 1484 1450 + 4428 0 1460 1450 1426 + 4429 0 697 738 744 + 4430 0 2528 2498 2529 + 4431 0 2445 2453 2422 + 4432 0 2422 2453 2427 + 4433 0 2445 2422 2405 + 4434 0 2391 2422 2386 + 4435 0 2422 2427 2386 + 4436 0 931 896 899 + 4437 0 899 896 866 + 4438 0 866 896 864 + 4439 0 899 866 863 + 4440 0 864 896 898 + 4441 0 866 864 837 + 4442 0 863 866 822 + 4443 0 864 898 868 + 4444 0 837 864 830 + 4445 0 866 837 822 + 4446 0 864 868 830 + 4447 0 837 830 801 + 4448 0 830 868 838 + 4449 0 830 838 804 + 4450 0 804 838 809 + 4451 0 830 779 801 + 4452 0 804 809 764 + 4453 0 1278 1316 1306 + 4454 0 1999 1965 1990 + 4455 0 1731 1739 1765 + 4456 0 1765 1739 1773 + 4457 0 1773 1739 1745 + 4458 0 1765 1773 1797 + 4459 0 1745 1739 1712 + 4460 0 1773 1745 1781 + 4461 0 1797 1773 1807 + 4462 0 1745 1712 1715 + 4463 0 1807 1773 1781 + 4464 0 1797 1807 1830 + 4465 0 1715 1712 1685 + 4466 0 1830 1807 1841 + 4467 0 1715 1685 1695 + 4468 0 1715 1695 1736 + 4469 0 1745 1715 1759 + 4470 0 1820 1841 1807 + 4471 0 1141 1092 1120 + 4472 0 541 581 570 + 4473 0 570 581 612 + 4474 0 541 570 536 + 4475 0 612 581 619 + 4476 0 570 612 599 + 4477 0 536 570 556 + 4478 0 536 556 514 + 4479 0 536 514 499 + 4480 0 541 536 499 + 4481 0 612 619 657 + 4482 0 657 619 658 + 4483 0 612 657 653 + 4484 0 657 658 704 + 4485 0 653 657 706 + 4486 0 612 653 599 + 4487 0 2560 2563 2547 + 4488 0 2547 2563 2549 + 4489 0 2560 2547 2540 + 4490 0 2540 2547 2522 + 4491 0 2560 2540 2556 + 4492 0 2522 2547 2529 + 4493 0 2529 2547 2549 + 4494 0 2491 2461 2459 + 4495 0 2459 2461 2430 + 4496 0 2459 2430 2441 + 4497 0 2459 2441 2474 + 4498 0 2474 2441 2454 + 4499 0 2459 2474 2491 + 4500 0 2474 2454 2488 + 4501 0 2454 2441 2423 + 4502 0 1342 1339 1309 + 4503 0 1309 1339 1305 + 4504 0 1590 1557 1563 + 4505 0 1563 1557 1527 + 4506 0 1590 1563 1597 + 4507 0 1563 1527 1545 + 4508 0 1597 1563 1582 + 4509 0 1527 1493 1502 + 4510 0 2131 2097 2084 + 4511 0 2074 2039 2053 + 4512 0 2053 2039 2018 + 4513 0 2018 2039 2005 + 4514 0 1238 1202 1214 + 4515 0 1202 1178 1214 + 4516 0 1864 1830 1841 + 4517 0 2531 2534 2500 + 4518 0 1736 1772 1759 + 4519 0 1736 1759 1715 + 4520 0 1081 1077 1042 + 4521 0 456 499 514 + 4522 0 2541 2515 2539 + 4523 0 2539 2515 2507 + 4524 0 2507 2515 2474 + 4525 0 2539 2507 2534 + 4526 0 2534 2507 2488 + 4527 0 2488 2507 2474 + 4528 0 1466 1445 1487 + 4529 0 1407 1387 1424 + 4530 0 2198 2164 2153 + 4531 0 1312 1300 1277 + 4532 0 1277 1300 1266 + 4533 0 1312 1277 1291 + 4534 0 1266 1300 1294 + 4535 0 1277 1266 1238 + 4536 0 1294 1300 1328 + 4537 0 1277 1238 1251 + 4538 0 1992 1990 1959 + 4539 0 1959 1990 1946 + 4540 0 1946 1990 1965 + 4541 0 773 805 823 + 4542 0 2463 2432 2440 + 4543 0 1077 1039 1042 + 4544 0 1039 1044 995 + 4545 0 1932 1898 1911 + 4546 0 1781 1820 1807 + 4547 0 1638 1597 1618 + 4548 0 704 706 657 + 4549 0 2565 2549 2563 + 4550 0 1387 1347 1366 + 4551 0 2065 2032 2017 + 4552 0 1178 1141 1158 + 4553 0 879 884 917 + 4554 0 2333 2301 2287 + 4555 0 1742 1732 1708 + 4556 0 1911 1946 1932 + 4557 0 968 938 975 + 4558 0 975 938 952 + 4559 0 968 975 1005 + 4560 0 1005 975 1009 + 4561 0 1009 975 952 + 4562 0 1695 1675 1709 + 4563 0 1759 1781 1745 + 4564 0 667 632 652 + 4565 0 667 652 665 + 4566 0 2515 2491 2474 + 4567 0 1445 1407 1424 + 4568 0 2233 2198 2186 + 4569 0 738 773 778 + 4570 0 2498 2463 2475 + 4571 0 2475 2463 2440 + 4572 0 2498 2475 2496 + 4573 0 884 856 894 + 4574 0 1965 1932 1946 + 4575 0 1092 1084 1045 + 4576 0 2445 2419 2461 + 4577 0 2471 2445 2461 + 4578 0 1493 1466 1502 + 4579 0 2097 2065 2052 + 4580 0 907 879 917 + 4581 0 2366 2333 2320 + 4582 0 2164 2131 2118 + 4583 0 1709 1736 1695 + 4584 0 938 907 952 + 4585 0 805 841 823 + 4586 0 2432 2399 2407 + 4587 0 2465 2496 2475 + 4588 0 1841 1875 1864 + 4589 0 1675 1638 1652 + 4590 0 856 823 867 + 4591 0 1898 1864 1875 + 4592 0 1330 1366 1347 + 4593 0 809 769 764 + 4594 0 1084 1081 1034 + 4595 0 658 697 704 + 4596 0 2549 2528 2529 + 4597 0 2218 2252 2267 + 4598 0 1347 1312 1330 + 4599 0 2032 1999 1990 + 4600 0 778 744 738 + 4601 0 2301 2267 2252 + 4602 0 779 830 804 + 4603 0 645 599 653 + 4604 0 700 722 747 + 4605 0 803 768 810 + 4606 0 803 810 844 + 4607 0 470 428 456 + 4608 0 470 456 514 + 4609 0 665 685 730 + 4610 0 741 764 769 + 4611 0 732 690 706 + 4612 0 801 822 837 + 4613 0 599 556 570 + 4614 0 722 741 769 + 4615 0 764 779 804 + 4616 0 690 645 653 + 4617 0 2440 2465 2475 + 4618 0 706 690 653 + 4619 0 23 25 16 + 4620 0 717 715 679 + 4621 0 2 1 3 + 4622 0 679 715 676 + 4623 0 717 679 683 + 4624 0 676 715 711 + 4625 0 683 679 642 + 4626 0 717 683 721 + 4627 0 642 679 638 + 4628 0 683 642 648 + 4629 0 721 683 688 + 4630 0 642 638 604 + 4631 0 648 642 610 + 4632 0 604 638 600 + 4633 0 642 604 610 + 4634 0 600 638 634 + 4635 0 610 604 569 + 4636 0 634 638 676 + 4637 0 600 624 584 + 4638 0 569 604 566 + 4639 0 676 638 679 + 4640 0 566 604 600 + 4641 0 569 566 527 + 4642 0 527 566 526 + 4643 0 569 527 533 + 4644 0 526 566 561 + 4645 0 533 527 492 + 4646 0 569 533 574 + 4647 0 561 566 600 + 4648 0 492 527 489 + 4649 0 574 533 558 + 4650 0 561 600 584 + 4651 0 489 527 526 + 4652 0 489 526 484 + 4653 0 484 526 540 + 4654 0 489 484 449 + 4655 0 449 484 451 + 4656 0 489 449 454 + 4657 0 454 449 414 + 4658 0 489 454 492 + 4659 0 414 449 413 + 4660 0 454 414 421 + 4661 0 492 454 461 + 4662 0 414 413 379 + 4663 0 421 414 384 + 4664 0 461 454 421 + 4665 0 379 413 373 + 4666 0 384 414 379 + 4667 0 384 379 348 + 4668 0 348 379 347 + 4669 0 384 348 355 + 4670 0 347 379 373 + 4671 0 355 348 325 + 4672 0 384 355 400 + 4673 0 325 348 317 + 4674 0 355 325 328 + 4675 0 400 355 361 + 4676 0 317 348 347 + 4677 0 328 325 299 + 4678 0 361 355 328 + 4679 0 299 325 295 + 4680 0 328 299 306 + 4681 0 295 325 317 + 4682 0 299 295 280 + 4683 0 306 299 283 + 4684 0 295 317 292 + 4685 0 280 295 276 + 4686 0 283 299 280 + 4687 0 292 317 305 + 4688 0 276 295 292 + 4689 0 283 280 264 + 4690 0 276 292 282 + 4691 0 264 280 259 + 4692 0 283 264 268 + 4693 0 259 280 276 + 4694 0 264 259 245 + 4695 0 268 264 248 + 4696 0 259 276 257 + 4697 0 245 259 242 + 4698 0 248 264 245 + 4699 0 257 276 282 + 4700 0 242 259 257 + 4701 0 248 245 231 + 4702 0 242 257 238 + 4703 0 231 245 228 + 4704 0 248 231 234 + 4705 0 228 245 242 + 4706 0 231 228 210 + 4707 0 234 231 212 + 4708 0 228 242 227 + 4709 0 210 228 208 + 4710 0 212 231 210 + 4711 0 227 242 238 + 4712 0 208 228 227 + 4713 0 212 210 194 + 4714 0 208 227 203 + 4715 0 194 210 187 + 4716 0 212 194 200 + 4717 0 187 210 208 + 4718 0 194 187 167 + 4719 0 200 194 174 + 4720 0 187 208 185 + 4721 0 167 187 163 + 4722 0 174 194 167 + 4723 0 185 208 203 + 4724 0 163 187 185 + 4725 0 174 167 153 + 4726 0 163 185 175 + 4727 0 153 167 145 + 4728 0 174 153 159 + 4729 0 145 167 163 + 4730 0 153 145 131 + 4731 0 159 153 137 + 4732 0 145 163 143 + 4733 0 131 145 125 + 4734 0 137 153 131 + 4735 0 143 163 150 + 4736 0 125 145 143 + 4737 0 137 131 116 + 4738 0 125 143 127 + 4739 0 116 131 110 + 4740 0 137 116 123 + 4741 0 110 131 125 + 4742 0 116 110 98 + 4743 0 123 116 102 + 4744 0 110 125 107 + 4745 0 98 110 93 + 4746 0 102 116 98 + 4747 0 107 125 127 + 4748 0 93 110 107 + 4749 0 98 93 80 + 4750 0 93 107 89 + 4751 0 80 93 77 + 4752 0 98 80 84 + 4753 0 77 93 89 + 4754 0 80 77 65 + 4755 0 84 80 69 + 4756 0 65 77 58 + 4757 0 80 65 69 + 4758 0 84 69 75 + 4759 0 69 65 55 + 4760 0 75 69 61 + 4761 0 84 75 91 + 4762 0 55 65 53 + 4763 0 69 55 61 + 4764 0 91 75 81 + 4765 0 53 65 58 + 4766 0 61 55 48 + 4767 0 48 55 42 + 4768 0 61 48 54 + 4769 0 42 55 53 + 4770 0 48 42 37 + 4771 0 54 48 40 + 4772 0 61 54 66 + 4773 0 42 53 44 + 4774 0 37 42 33 + 4775 0 40 48 37 + 4776 0 66 54 68 + 4777 0 33 42 44 + 4778 0 37 33 26 + 4779 0 40 37 28 + 4780 0 26 33 22 + 4781 0 37 26 28 + 4782 0 40 28 36 + 4783 0 28 26 19 + 4784 0 36 28 24 + 4785 0 40 36 46 + 4786 0 19 26 18 + 4787 0 28 19 24 + 4788 0 46 36 47 + 4789 0 18 26 22 + 4790 0 24 19 17 + 4791 0 17 19 12 + 4792 0 24 17 21 + 4793 0 12 19 18 + 4794 0 17 12 11 + 4795 0 21 17 13 + 4796 0 24 21 29 + 4797 0 12 18 9 + 4798 0 11 12 7 + 4799 0 13 17 11 + 4800 0 29 21 32 + 4801 0 7 12 9 + 4802 0 11 7 4 + 4803 0 13 11 8 + 4804 0 4 5 2 + 4805 0 11 4 8 + 4806 0 13 8 14 + 4807 0 8 4 6 + 4808 0 14 8 10 + 4809 0 13 14 20 + 4810 0 20 14 27 + 4811 0 13 20 21 + 4812 0 21 20 32 + 4813 0 236 254 234 + 4814 0 238 223 227 + 4815 0 102 98 84 + 4816 0 102 84 91 + 4817 0 102 91 113 + 4818 0 81 95 91 + 4819 0 496 451 484 + 4820 0 610 569 574 + 4821 0 610 574 601 + 4822 0 476 517 486 + 4823 0 486 517 533 + 4824 0 476 486 445 + 4825 0 445 486 461 + 4826 0 445 461 421 + 4827 0 461 486 492 + 4828 0 476 445 434 + 4829 0 434 445 400 + 4830 0 72 58 77 + 4831 0 234 212 219 + 4832 0 39 47 29 + 4833 0 669 624 634 + 4834 0 10 16 14 + 4835 0 54 40 46 + 4836 0 54 46 68 + 4837 0 324 359 328 + 4838 0 150 127 143 + 4839 0 306 283 293 + 4840 0 151 172 159 + 4841 0 336 305 317 + 4842 0 643 688 648 + 4843 0 22 15 18 + 4844 0 159 137 151 + 4845 0 27 32 20 + 4846 0 711 709 669 + 4847 0 3 6 4 + 4848 0 273 293 268 + 4849 0 203 175 185 + 4850 0 400 361 393 + 4851 0 113 132 123 + 4852 0 409 373 413 + 4853 0 533 492 486 + 4854 0 558 601 574 + 4855 0 44 34 33 + 4856 0 200 174 197 + 4857 0 56 68 46 + 4858 0 584 540 561 + 4859 0 648 610 601 + 4860 0 393 434 400 + 4861 0 108 89 107 + 4862 0 268 248 254 + 4863 0 197 219 200 + 4864 0 282 260 257 + 4865 0 421 384 400 + 4866 0 421 400 445 + 4867 0 727 721 688 + 4868 0 9 5 7 + 4869 0 123 102 113 + 4870 0 25 27 14 + 4871 0 676 711 669 + 4872 0 526 561 540 + 4873 0 75 61 66 + 4874 0 75 66 81 + 4875 0 254 273 268 + 4876 0 223 203 227 + 4877 0 361 328 359 + 4878 0 95 113 91 + 4879 0 451 409 413 + 4880 0 634 676 669 + 4881 0 24 29 36 + 4882 0 36 29 47 + 4883 0 517 558 533 + 4884 0 58 44 53 + 4885 0 212 200 219 + 4886 0 47 56 46 + 4887 0 624 600 634 + 4888 0 683 648 688 + 4889 0 359 393 361 + 4890 0 127 108 107 + 4891 0 283 268 293 + 4892 0 172 197 174 + 4893 0 305 282 292 + 4894 0 317 347 336 + 4895 0 15 9 18 + 4896 0 137 123 151 + 4897 0 32 39 29 + 4898 0 6 10 8 + 4899 0 293 324 306 + 4900 0 175 150 163 + 4901 0 328 306 324 + 4902 0 132 151 123 + 4903 0 373 336 347 + 4904 0 601 643 648 + 4905 0 34 22 33 + 4906 0 174 159 172 + 4907 0 68 81 66 + 4908 0 540 496 484 + 4909 0 89 72 77 + 4910 0 248 234 254 + 4911 0 219 236 234 + 4912 0 5 4 7 + 4913 0 260 238 257 + 4914 0 413 449 451 + 4915 0 16 25 14 + 4916 0 2 3 4 +End Elements + +Begin Conditions LineCondition2D2N// GUI group identifier: _HIDDEN__SKIN_ + 1 0 202 204 + 2 0 204 206 + 3 0 206 209 + 4 0 209 211 + 5 0 211 220 + 6 0 220 226 + 7 0 226 233 + 8 0 233 239 + 9 0 239 250 + 10 0 250 262 + 11 0 385 368 + 12 0 368 353 + 13 0 353 341 + 14 0 341 332 + 15 0 332 323 + 16 0 323 316 + 17 0 316 312 + 18 0 312 309 + 19 0 309 307 + 20 0 307 304 + 21 0 843 811 + 22 0 811 776 + 23 0 776 746 + 24 0 746 710 + 25 0 710 672 + 26 0 672 635 + 27 0 635 602 + 28 0 602 567 + 29 0 567 529 + 30 0 529 494 + 31 0 632 668 + 32 0 668 695 + 33 0 695 731 + 34 0 731 763 + 35 0 763 792 + 36 0 792 819 + 37 0 819 847 + 38 0 847 876 + 39 0 876 906 + 40 0 906 937 + 41 0 709 711 + 42 0 711 715 + 43 0 715 717 + 44 0 717 721 + 45 0 721 727 + 46 0 727 735 + 47 0 735 743 + 48 0 743 754 + 49 0 754 765 + 50 0 765 772 + 51 0 772 788 + 52 0 788 797 + 53 0 797 814 + 54 0 814 829 + 55 0 829 843 + 56 0 2589 2588 + 57 0 2588 2587 + 58 0 2587 2585 + 59 0 2585 2584 + 60 0 2584 2582 + 61 0 2582 2579 + 62 0 2579 2576 + 63 0 2576 2573 + 64 0 2573 2570 + 65 0 2570 2565 + 66 0 2531 2526 + 67 0 2526 2523 + 68 0 2523 2521 + 69 0 2521 2518 + 70 0 2518 2516 + 71 0 2516 2514 + 72 0 2514 2512 + 73 0 2512 2511 + 74 0 2511 2509 + 75 0 2509 2508 + 76 0 937 957 + 77 0 957 981 + 78 0 981 1004 + 79 0 1004 1024 + 80 0 1024 1052 + 81 0 1052 1074 + 82 0 1074 1101 + 83 0 1101 1125 + 84 0 1125 1150 + 85 0 1150 1177 + 86 0 1177 1206 + 87 0 1206 1232 + 88 0 1232 1261 + 89 0 1261 1288 + 90 0 1288 1315 + 91 0 1315 1343 + 92 0 1343 1372 + 93 0 1372 1400 + 94 0 1400 1430 + 95 0 1430 1459 + 96 0 1459 1490 + 97 0 1490 1519 + 98 0 1519 1548 + 99 0 1548 1577 + 100 0 1577 1608 + 101 0 1608 1635 + 102 0 1635 1667 + 103 0 1667 1696 + 104 0 1696 1724 + 105 0 1724 1755 + 106 0 1755 1784 + 107 0 1784 1815 + 108 0 1815 1846 + 109 0 1846 1877 + 110 0 1877 1907 + 111 0 1907 1938 + 112 0 1938 1969 + 113 0 1969 2002 + 114 0 2002 2033 + 115 0 2033 2066 + 116 0 2066 2095 + 117 0 2095 2128 + 118 0 2128 2161 + 119 0 2161 2192 + 120 0 2192 2221 + 121 0 2221 2253 + 122 0 2253 2286 + 123 0 2286 2318 + 124 0 2318 2351 + 125 0 2351 2381 + 126 0 2381 2415 + 127 0 2415 2446 + 128 0 2446 2476 + 129 0 2476 2503 + 130 0 2503 2535 + 131 0 2535 2555 + 132 0 2555 2569 + 133 0 2569 2580 + 134 0 2580 2586 + 135 0 2586 2589 + 136 0 304 335 + 137 0 335 372 + 138 0 372 408 + 139 0 408 450 + 140 0 450 493 + 141 0 493 539 + 142 0 539 583 + 143 0 583 623 + 144 0 623 666 + 145 0 666 708 + 146 0 708 751 + 147 0 751 789 + 148 0 789 825 + 149 0 825 858 + 150 0 858 893 + 151 0 893 932 + 152 0 932 973 + 153 0 973 1012 + 154 0 1012 1049 + 155 0 1049 1086 + 156 0 1086 1122 + 157 0 1122 1162 + 158 0 1162 1200 + 159 0 1200 1239 + 160 0 1239 1274 + 161 0 1274 1310 + 162 0 1310 1345 + 163 0 1345 1385 + 164 0 1385 1423 + 165 0 1423 1458 + 166 0 1458 1495 + 167 0 1495 1529 + 168 0 1529 1564 + 169 0 1564 1603 + 170 0 1603 1642 + 171 0 1642 1677 + 172 0 1677 1711 + 173 0 1711 1744 + 174 0 1744 1779 + 175 0 1779 1813 + 176 0 1813 1850 + 177 0 1850 1887 + 178 0 1887 1922 + 179 0 1922 1958 + 180 0 1958 1993 + 181 0 1993 2027 + 182 0 2027 2061 + 183 0 2061 2096 + 184 0 2096 2132 + 185 0 2132 2169 + 186 0 2169 2204 + 187 0 2204 2239 + 188 0 2239 2274 + 189 0 2274 2308 + 190 0 2308 2343 + 191 0 2343 2375 + 192 0 2375 2412 + 193 0 2412 2447 + 194 0 2447 2480 + 195 0 2480 2508 + 196 0 1 3 + 197 0 3 6 + 198 0 6 10 + 199 0 10 16 + 200 0 16 23 + 201 0 23 35 + 202 0 35 45 + 203 0 45 59 + 204 0 59 73 + 205 0 73 90 + 206 0 90 109 + 207 0 109 128 + 208 0 128 152 + 209 0 152 177 + 210 0 177 202 + 211 0 494 521 + 212 0 521 549 + 213 0 549 578 + 214 0 578 606 + 215 0 606 632 + 216 0 262 277 + 217 0 277 296 + 218 0 296 322 + 219 0 322 351 + 220 0 351 385 + 221 0 2565 2563 + 222 0 2563 2560 + 223 0 2560 2556 + 224 0 2556 2554 + 225 0 2554 2548 + 226 0 2548 2545 + 227 0 2545 2541 + 228 0 2541 2539 + 229 0 2539 2534 + 230 0 2534 2531 +End Conditions + +Begin Conditions PointCondition2D1N// GUI group identifier: Meassure + 231 0 844 +End Conditions + +Begin SubModelPart GENERIC_green // Group green // Subtree GENERIC + Begin SubModelPartNodes + 213 + 214 + 215 + 218 + 219 + 221 + 225 + 229 + 230 + 232 + 235 + 237 + 240 + 243 + 244 + 246 + 247 + 249 + 252 + 253 + 255 + 256 + 258 + 261 + 262 + 263 + 265 + 266 + 269 + 271 + 272 + 274 + 275 + 277 + 278 + 279 + 281 + 285 + 286 + 288 + 290 + 291 + 294 + 296 + 297 + 298 + 300 + 301 + 308 + 311 + 313 + 314 + 318 + 319 + 320 + 321 + 322 + 326 + 329 + 331 + 334 + 337 + 340 + 342 + 344 + 346 + 349 + 350 + 351 + 357 + 358 + 363 + 364 + 365 + 369 + 370 + 377 + 380 + 382 + 383 + 385 + 386 + 388 + 390 + 396 + 399 + 402 + 404 + 405 + 406 + 411 + 415 + 420 + 423 + 425 + 426 + 428 + 429 + 430 + 437 + 438 + 441 + 443 + 444 + 448 + 452 + 455 + 456 + 463 + 467 + 468 + 470 + 471 + 473 + 477 + 479 + 481 + 485 + 487 + 491 + 494 + 495 + 499 + 506 + 507 + 509 + 513 + 514 + 521 + 522 + 523 + 525 + 530 + 532 + 536 + 537 + 538 + 541 + 549 + 550 + 551 + 553 + 555 + 556 + 565 + 568 + 570 + 576 + 577 + 578 + 579 + 581 + 582 + 590 + 593 + 595 + 599 + 606 + 607 + 609 + 612 + 617 + 618 + 619 + 621 + 622 + 628 + 632 + 637 + 640 + 645 + 649 + 652 + 653 + 657 + 658 + 659 + 660 + 663 + 665 + 667 + 682 + 685 + 687 + 690 + 696 + 697 + 700 + 701 + 703 + 704 + 706 + 722 + 724 + 725 + 730 + 732 + 738 + 741 + 744 + 747 + 749 + 752 + 759 + 762 + 764 + 768 + 769 + 773 + 778 + 779 + 780 + 785 + 787 + 791 + 794 + 801 + 803 + 804 + 805 + 809 + 810 + 813 + 815 + 818 + 820 + 822 + 823 + 830 + 837 + 838 + 840 + 841 + 842 + 844 + 846 + 849 + 856 + 863 + 864 + 866 + 867 + 868 + 871 + 873 + 875 + 878 + 879 + 884 + 894 + 896 + 898 + 899 + 900 + 901 + 904 + 905 + 907 + 912 + 917 + 923 + 929 + 930 + 931 + 933 + 934 + 936 + 938 + 942 + 946 + 952 + 954 + 960 + 963 + 964 + 965 + 966 + 968 + 969 + 975 + 979 + 985 + 995 + 996 + 997 + 998 + 999 + 1001 + 1003 + 1005 + 1008 + 1009 + 1015 + 1021 + 1029 + 1030 + 1033 + 1034 + 1036 + 1038 + 1039 + 1042 + 1044 + 1045 + 1051 + 1058 + 1063 + 1065 + 1066 + 1068 + 1073 + 1076 + 1077 + 1081 + 1084 + 1085 + 1092 + 1094 + 1097 + 1098 + 1103 + 1104 + 1108 + 1112 + 1115 + 1119 + 1120 + 1128 + 1131 + 1132 + 1134 + 1135 + 1138 + 1140 + 1141 + 1145 + 1149 + 1156 + 1158 + 1164 + 1165 + 1167 + 1169 + 1171 + 1173 + 1176 + 1178 + 1180 + 1186 + 1193 + 1195 + 1198 + 1199 + 1202 + 1204 + 1208 + 1209 + 1211 + 1213 + 1214 + 1222 + 1229 + 1231 + 1233 + 1234 + 1237 + 1238 + 1242 + 1244 + 1245 + 1248 + 1251 + 1258 + 1264 + 1266 + 1267 + 1268 + 1271 + 1275 + 1277 + 1278 + 1280 + 1282 + 1291 + 1294 + 1298 + 1300 + 1301 + 1305 + 1306 + 1309 + 1312 + 1313 + 1316 + 1322 + 1328 + 1330 + 1332 + 1335 + 1336 + 1339 + 1341 + 1342 + 1346 + 1347 + 1353 + 1357 + 1363 + 1365 + 1366 + 1369 + 1371 + 1373 + 1376 + 1377 + 1382 + 1387 + 1389 + 1392 + 1397 + 1398 + 1401 + 1402 + 1405 + 1407 + 1410 + 1411 + 1419 + 1424 + 1426 + 1427 + 1431 + 1433 + 1435 + 1436 + 1438 + 1442 + 1445 + 1450 + 1454 + 1460 + 1461 + 1463 + 1465 + 1466 + 1468 + 1470 + 1471 + 1481 + 1484 + 1487 + 1489 + 1493 + 1494 + 1497 + 1498 + 1500 + 1502 + 1504 + 1505 + 1516 + 1520 + 1523 + 1525 + 1527 + 1528 + 1530 + 1532 + 1534 + 1540 + 1544 + 1545 + 1551 + 1554 + 1557 + 1559 + 1561 + 1562 + 1563 + 1565 + 1567 + 1576 + 1581 + 1582 + 1584 + 1589 + 1590 + 1592 + 1595 + 1596 + 1597 + 1600 + 1604 + 1612 + 1615 + 1617 + 1618 + 1623 + 1624 + 1627 + 1628 + 1636 + 1638 + 1639 + 1640 + 1646 + 1648 + 1651 + 1652 + 1654 + 1657 + 1659 + 1664 + 1671 + 1673 + 1674 + 1675 + 1679 + 1681 + 1685 + 1686 + 1690 + 1695 + 1698 + 1699 + 1705 + 1707 + 1708 + 1709 + 1712 + 1715 + 1716 + 1720 + 1728 + 1731 + 1732 + 1736 + 1739 + 1741 + 1742 + 1745 + 1746 + 1749 + 1753 + 1759 + 1764 + 1765 + 1767 + 1772 + 1773 + 1775 + 1776 + 1778 + 1781 + 1786 + 1791 + 1796 + 1797 + 1798 + 1800 + 1806 + 1807 + 1809 + 1810 + 1812 + 1820 + 1822 + 1826 + 1830 + 1831 + 1832 + 1834 + 1840 + 1841 + 1843 + 1844 + 1848 + 1856 + 1857 + 1861 + 1864 + 1865 + 1866 + 1867 + 1873 + 1875 + 1878 + 1881 + 1883 + 1891 + 1893 + 1895 + 1898 + 1899 + 1900 + 1901 + 1906 + 1911 + 1914 + 1917 + 1918 + 1925 + 1927 + 1929 + 1932 + 1933 + 1935 + 1936 + 1941 + 1946 + 1949 + 1951 + 1955 + 1959 + 1961 + 1963 + 1965 + 1967 + 1970 + 1971 + 1975 + 1983 + 1986 + 1989 + 1990 + 1992 + 1995 + 1997 + 1999 + 2001 + 2005 + 2006 + 2008 + 2017 + 2018 + 2020 + 2021 + 2026 + 2029 + 2030 + 2032 + 2034 + 2039 + 2040 + 2043 + 2052 + 2053 + 2054 + 2055 + 2059 + 2063 + 2064 + 2065 + 2069 + 2074 + 2075 + 2078 + 2084 + 2086 + 2088 + 2089 + 2093 + 2097 + 2098 + 2100 + 2103 + 2107 + 2111 + 2113 + 2118 + 2121 + 2122 + 2123 + 2127 + 2131 + 2133 + 2134 + 2138 + 2144 + 2146 + 2147 + 2153 + 2155 + 2156 + 2158 + 2162 + 2164 + 2167 + 2168 + 2172 + 2178 + 2180 + 2182 + 2186 + 2188 + 2191 + 2193 + 2196 + 2198 + 2201 + 2202 + 2207 + 2212 + 2214 + 2215 + 2218 + 2224 + 2225 + 2228 + 2229 + 2233 + 2237 + 2238 + 2240 + 2246 + 2247 + 2249 + 2252 + 2257 + 2260 + 2262 + 2263 + 2267 + 2271 + 2272 + 2273 + 2280 + 2281 + 2283 + 2287 + 2292 + 2293 + 2297 + 2298 + 2301 + 2304 + 2306 + 2307 + 2314 + 2316 + 2317 + 2320 + 2326 + 2328 + 2331 + 2333 + 2334 + 2338 + 2340 + 2341 + 2349 + 2350 + 2352 + 2356 + 2361 + 2363 + 2365 + 2366 + 2371 + 2373 + 2377 + 2378 + 2383 + 2385 + 2386 + 2387 + 2391 + 2396 + 2399 + 2400 + 2405 + 2406 + 2407 + 2408 + 2411 + 2419 + 2422 + 2423 + 2427 + 2430 + 2432 + 2435 + 2436 + 2440 + 2441 + 2445 + 2453 + 2454 + 2458 + 2459 + 2461 + 2463 + 2465 + 2466 + 2471 + 2474 + 2475 + 2478 + 2484 + 2488 + 2491 + 2492 + 2494 + 2496 + 2498 + 2500 + 2501 + 2505 + 2507 + 2513 + 2515 + 2520 + 2522 + 2524 + 2528 + 2529 + 2531 + 2532 + 2534 + 2537 + 2539 + 2540 + 2541 + 2545 + 2547 + 2548 + 2549 + 2554 + 2556 + 2560 + 2563 + 2565 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_brown // Group brown // Subtree GENERIC + Begin SubModelPartNodes + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_grey // Group grey // Subtree GENERIC + Begin SubModelPartNodes + 219 + 232 + 236 + 247 + 251 + 254 + 263 + 267 + 270 + 273 + 279 + 284 + 287 + 289 + 293 + 298 + 302 + 303 + 310 + 315 + 320 + 324 + 327 + 330 + 333 + 338 + 345 + 349 + 356 + 359 + 360 + 362 + 367 + 375 + 381 + 382 + 387 + 389 + 392 + 393 + 398 + 401 + 410 + 415 + 418 + 419 + 424 + 427 + 431 + 434 + 435 + 440 + 447 + 455 + 457 + 459 + 462 + 464 + 465 + 469 + 475 + 476 + 482 + 490 + 494 + 497 + 501 + 502 + 505 + 508 + 510 + 511 + 515 + 517 + 520 + 524 + 534 + 535 + 543 + 547 + 548 + 554 + 558 + 559 + 571 + 575 + 580 + 586 + 594 + 601 + 615 + 616 + 629 + 631 + 643 + 655 + 661 + 681 + 688 + 702 + 727 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_down // Group yellow_down // Subtree GENERIC + Begin SubModelPartNodes + 23 + 31 + 35 + 41 + 45 + 51 + 52 + 59 + 62 + 63 + 67 + 73 + 76 + 78 + 83 + 85 + 90 + 92 + 94 + 100 + 101 + 104 + 109 + 111 + 114 + 117 + 120 + 121 + 124 + 128 + 133 + 134 + 136 + 140 + 141 + 144 + 152 + 154 + 156 + 157 + 158 + 162 + 165 + 171 + 176 + 177 + 178 + 180 + 181 + 182 + 186 + 192 + 195 + 199 + 202 + 204 + 205 + 206 + 209 + 211 + 217 + 220 + 224 + 226 + 233 + 239 + 241 + 250 + 262 + 304 + 307 + 309 + 312 + 316 + 323 + 332 + 335 + 339 + 341 + 343 + 352 + 353 + 354 + 366 + 368 + 371 + 372 + 374 + 376 + 378 + 385 + 391 + 394 + 395 + 397 + 403 + 407 + 408 + 412 + 416 + 417 + 420 + 422 + 432 + 433 + 436 + 439 + 442 + 446 + 450 + 453 + 456 + 458 + 460 + 466 + 472 + 474 + 478 + 480 + 483 + 488 + 493 + 498 + 499 + 500 + 503 + 504 + 512 + 516 + 518 + 519 + 528 + 531 + 539 + 541 + 542 + 544 + 545 + 546 + 552 + 557 + 560 + 564 + 572 + 573 + 581 + 583 + 585 + 587 + 588 + 589 + 592 + 598 + 603 + 608 + 613 + 614 + 619 + 620 + 623 + 625 + 626 + 627 + 630 + 641 + 646 + 650 + 654 + 656 + 658 + 664 + 666 + 670 + 671 + 675 + 678 + 686 + 689 + 693 + 694 + 697 + 698 + 707 + 708 + 714 + 718 + 719 + 726 + 728 + 733 + 736 + 738 + 739 + 740 + 745 + 751 + 753 + 756 + 758 + 766 + 767 + 770 + 773 + 774 + 775 + 777 + 781 + 789 + 790 + 793 + 795 + 799 + 800 + 805 + 806 + 812 + 816 + 817 + 824 + 825 + 826 + 827 + 831 + 834 + 835 + 841 + 848 + 850 + 851 + 852 + 857 + 858 + 860 + 869 + 870 + 872 + 874 + 878 + 882 + 883 + 888 + 890 + 892 + 893 + 895 + 908 + 910 + 911 + 912 + 915 + 918 + 919 + 926 + 927 + 928 + 932 + 935 + 944 + 946 + 950 + 951 + 955 + 956 + 958 + 971 + 972 + 973 + 974 + 976 + 983 + 985 + 989 + 990 + 991 + 992 + 994 + 1010 + 1012 + 1013 + 1016 + 1018 + 1020 + 1021 + 1026 + 1031 + 1032 + 1035 + 1041 + 1047 + 1049 + 1050 + 1055 + 1056 + 1057 + 1058 + 1067 + 1071 + 1072 + 1078 + 1079 + 1083 + 1086 + 1087 + 1091 + 1094 + 1099 + 1100 + 1107 + 1109 + 1110 + 1113 + 1117 + 1118 + 1122 + 1126 + 1129 + 1134 + 1137 + 1143 + 1144 + 1147 + 1148 + 1151 + 1153 + 1159 + 1162 + 1163 + 1168 + 1171 + 1174 + 1179 + 1181 + 1183 + 1184 + 1185 + 1189 + 1197 + 1200 + 1203 + 1207 + 1209 + 1212 + 1216 + 1217 + 1218 + 1219 + 1226 + 1227 + 1235 + 1239 + 1240 + 1243 + 1244 + 1247 + 1249 + 1253 + 1257 + 1260 + 1263 + 1269 + 1272 + 1274 + 1276 + 1278 + 1279 + 1283 + 1289 + 1292 + 1295 + 1297 + 1302 + 1303 + 1307 + 1310 + 1311 + 1316 + 1317 + 1324 + 1326 + 1327 + 1331 + 1334 + 1337 + 1340 + 1344 + 1345 + 1348 + 1353 + 1355 + 1360 + 1361 + 1364 + 1368 + 1370 + 1374 + 1375 + 1378 + 1385 + 1388 + 1389 + 1393 + 1395 + 1399 + 1403 + 1404 + 1406 + 1408 + 1409 + 1418 + 1423 + 1425 + 1426 + 1429 + 1432 + 1434 + 1437 + 1439 + 1440 + 1448 + 1449 + 1455 + 1458 + 1460 + 1462 + 1464 + 1467 + 1469 + 1472 + 1473 + 1478 + 1485 + 1486 + 1492 + 1494 + 1495 + 1496 + 1499 + 1501 + 1503 + 1513 + 1514 + 1518 + 1521 + 1522 + 1526 + 1528 + 1529 + 1531 + 1533 + 1537 + 1543 + 1550 + 1552 + 1553 + 1556 + 1558 + 1560 + 1562 + 1564 + 1566 + 1569 + 1578 + 1580 + 1585 + 1586 + 1587 + 1591 + 1593 + 1594 + 1596 + 1603 + 1605 + 1610 + 1613 + 1614 + 1619 + 1620 + 1622 + 1625 + 1626 + 1629 + 1636 + 1642 + 1643 + 1645 + 1647 + 1649 + 1653 + 1655 + 1658 + 1660 + 1661 + 1670 + 1673 + 1677 + 1678 + 1680 + 1682 + 1684 + 1688 + 1689 + 1691 + 1700 + 1702 + 1706 + 1707 + 1711 + 1713 + 1714 + 1717 + 1718 + 1727 + 1730 + 1733 + 1735 + 1737 + 1740 + 1741 + 1744 + 1747 + 1748 + 1751 + 1752 + 1762 + 1766 + 1768 + 1769 + 1770 + 1774 + 1775 + 1779 + 1780 + 1782 + 1788 + 1790 + 1799 + 1801 + 1802 + 1803 + 1805 + 1808 + 1810 + 1813 + 1814 + 1819 + 1824 + 1825 + 1833 + 1835 + 1836 + 1838 + 1839 + 1842 + 1844 + 1850 + 1853 + 1855 + 1860 + 1862 + 1869 + 1870 + 1871 + 1872 + 1874 + 1879 + 1881 + 1887 + 1888 + 1890 + 1896 + 1897 + 1902 + 1903 + 1904 + 1905 + 1908 + 1915 + 1917 + 1922 + 1923 + 1926 + 1930 + 1931 + 1934 + 1937 + 1939 + 1940 + 1945 + 1951 + 1952 + 1958 + 1960 + 1962 + 1964 + 1966 + 1968 + 1973 + 1976 + 1977 + 1980 + 1986 + 1987 + 1993 + 1994 + 1996 + 1998 + 2000 + 2004 + 2009 + 2012 + 2015 + 2020 + 2022 + 2023 + 2027 + 2028 + 2031 + 2035 + 2038 + 2044 + 2047 + 2048 + 2049 + 2055 + 2056 + 2060 + 2061 + 2062 + 2067 + 2070 + 2073 + 2080 + 2081 + 2085 + 2089 + 2090 + 2091 + 2094 + 2096 + 2099 + 2102 + 2105 + 2109 + 2115 + 2117 + 2119 + 2123 + 2125 + 2126 + 2129 + 2132 + 2135 + 2137 + 2140 + 2145 + 2151 + 2152 + 2154 + 2158 + 2159 + 2160 + 2165 + 2169 + 2170 + 2174 + 2175 + 2179 + 2185 + 2187 + 2189 + 2193 + 2194 + 2195 + 2200 + 2204 + 2206 + 2208 + 2211 + 2216 + 2219 + 2220 + 2226 + 2228 + 2230 + 2231 + 2234 + 2239 + 2241 + 2243 + 2245 + 2250 + 2254 + 2255 + 2261 + 2262 + 2265 + 2266 + 2270 + 2274 + 2275 + 2278 + 2279 + 2284 + 2288 + 2291 + 2294 + 2298 + 2299 + 2300 + 2305 + 2308 + 2309 + 2312 + 2313 + 2319 + 2324 + 2325 + 2330 + 2331 + 2332 + 2335 + 2339 + 2343 + 2344 + 2346 + 2347 + 2353 + 2359 + 2362 + 2364 + 2365 + 2367 + 2369 + 2372 + 2375 + 2376 + 2379 + 2384 + 2390 + 2394 + 2397 + 2398 + 2400 + 2402 + 2403 + 2410 + 2412 + 2413 + 2416 + 2418 + 2424 + 2429 + 2431 + 2433 + 2435 + 2437 + 2438 + 2442 + 2447 + 2448 + 2449 + 2452 + 2456 + 2464 + 2466 + 2467 + 2468 + 2469 + 2473 + 2480 + 2481 + 2482 + 2485 + 2486 + 2490 + 2499 + 2500 + 2508 + 2509 + 2511 + 2512 + 2514 + 2516 + 2518 + 2521 + 2523 + 2526 + 2531 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_yellow_up // Group yellow_up // Subtree GENERIC + Begin SubModelPartNodes + 494 + 501 + 511 + 520 + 529 + 535 + 547 + 559 + 562 + 563 + 567 + 580 + 591 + 594 + 596 + 597 + 602 + 605 + 611 + 615 + 631 + 632 + 633 + 635 + 636 + 639 + 644 + 647 + 651 + 655 + 662 + 667 + 668 + 672 + 673 + 674 + 677 + 680 + 681 + 684 + 691 + 692 + 695 + 696 + 699 + 702 + 705 + 710 + 712 + 713 + 716 + 720 + 723 + 727 + 729 + 730 + 731 + 734 + 735 + 737 + 742 + 743 + 746 + 748 + 750 + 754 + 755 + 757 + 760 + 761 + 762 + 763 + 765 + 771 + 772 + 776 + 782 + 783 + 784 + 786 + 788 + 791 + 792 + 796 + 797 + 798 + 802 + 807 + 808 + 811 + 814 + 818 + 819 + 821 + 828 + 829 + 832 + 833 + 836 + 839 + 843 + 845 + 846 + 847 + 853 + 854 + 855 + 859 + 861 + 862 + 865 + 875 + 876 + 877 + 880 + 881 + 885 + 886 + 887 + 889 + 891 + 897 + 902 + 903 + 905 + 906 + 909 + 913 + 914 + 916 + 920 + 921 + 922 + 924 + 925 + 936 + 937 + 939 + 940 + 941 + 943 + 945 + 947 + 948 + 949 + 953 + 957 + 959 + 961 + 962 + 966 + 967 + 970 + 977 + 978 + 980 + 981 + 982 + 984 + 986 + 987 + 988 + 993 + 1000 + 1001 + 1002 + 1004 + 1006 + 1007 + 1011 + 1014 + 1017 + 1019 + 1022 + 1023 + 1024 + 1025 + 1027 + 1028 + 1030 + 1037 + 1040 + 1043 + 1046 + 1048 + 1052 + 1053 + 1054 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1069 + 1070 + 1074 + 1075 + 1080 + 1082 + 1088 + 1089 + 1090 + 1093 + 1095 + 1096 + 1097 + 1101 + 1102 + 1105 + 1106 + 1111 + 1114 + 1116 + 1121 + 1123 + 1124 + 1125 + 1127 + 1130 + 1131 + 1133 + 1136 + 1139 + 1142 + 1146 + 1150 + 1152 + 1154 + 1155 + 1157 + 1160 + 1161 + 1164 + 1166 + 1170 + 1172 + 1175 + 1177 + 1182 + 1187 + 1188 + 1190 + 1191 + 1192 + 1194 + 1196 + 1198 + 1201 + 1205 + 1206 + 1210 + 1215 + 1220 + 1221 + 1223 + 1224 + 1225 + 1228 + 1230 + 1231 + 1232 + 1236 + 1241 + 1246 + 1250 + 1252 + 1254 + 1255 + 1256 + 1259 + 1261 + 1262 + 1264 + 1265 + 1270 + 1273 + 1281 + 1284 + 1285 + 1286 + 1287 + 1288 + 1290 + 1293 + 1296 + 1298 + 1299 + 1304 + 1308 + 1314 + 1315 + 1318 + 1319 + 1320 + 1321 + 1323 + 1325 + 1329 + 1332 + 1333 + 1338 + 1343 + 1349 + 1350 + 1351 + 1352 + 1354 + 1356 + 1358 + 1359 + 1362 + 1365 + 1367 + 1372 + 1379 + 1380 + 1381 + 1383 + 1384 + 1386 + 1390 + 1391 + 1394 + 1396 + 1398 + 1400 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1420 + 1421 + 1422 + 1428 + 1430 + 1431 + 1441 + 1443 + 1444 + 1446 + 1447 + 1451 + 1452 + 1453 + 1456 + 1457 + 1459 + 1465 + 1474 + 1475 + 1476 + 1477 + 1479 + 1480 + 1482 + 1483 + 1488 + 1490 + 1491 + 1498 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1515 + 1517 + 1519 + 1524 + 1530 + 1535 + 1536 + 1538 + 1539 + 1541 + 1542 + 1546 + 1547 + 1548 + 1549 + 1555 + 1561 + 1568 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1577 + 1579 + 1583 + 1588 + 1595 + 1598 + 1599 + 1601 + 1602 + 1606 + 1607 + 1608 + 1609 + 1611 + 1616 + 1621 + 1628 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1637 + 1641 + 1644 + 1650 + 1656 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1672 + 1676 + 1683 + 1687 + 1692 + 1693 + 1694 + 1696 + 1697 + 1699 + 1701 + 1703 + 1704 + 1710 + 1719 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1729 + 1731 + 1734 + 1738 + 1743 + 1750 + 1754 + 1755 + 1756 + 1757 + 1758 + 1760 + 1761 + 1763 + 1765 + 1771 + 1777 + 1783 + 1784 + 1785 + 1787 + 1789 + 1792 + 1793 + 1794 + 1795 + 1797 + 1804 + 1811 + 1815 + 1816 + 1817 + 1818 + 1821 + 1823 + 1827 + 1828 + 1829 + 1830 + 1837 + 1845 + 1846 + 1847 + 1849 + 1851 + 1852 + 1854 + 1858 + 1859 + 1863 + 1864 + 1868 + 1876 + 1877 + 1880 + 1882 + 1884 + 1885 + 1886 + 1889 + 1892 + 1894 + 1898 + 1907 + 1909 + 1910 + 1912 + 1913 + 1916 + 1919 + 1920 + 1921 + 1924 + 1928 + 1932 + 1938 + 1942 + 1943 + 1944 + 1947 + 1948 + 1950 + 1953 + 1954 + 1956 + 1957 + 1965 + 1969 + 1972 + 1974 + 1978 + 1979 + 1981 + 1982 + 1984 + 1985 + 1988 + 1991 + 1999 + 2002 + 2003 + 2007 + 2010 + 2011 + 2013 + 2014 + 2016 + 2019 + 2024 + 2025 + 2032 + 2033 + 2036 + 2037 + 2041 + 2042 + 2045 + 2046 + 2050 + 2051 + 2057 + 2058 + 2065 + 2066 + 2068 + 2071 + 2072 + 2076 + 2077 + 2079 + 2082 + 2083 + 2087 + 2092 + 2095 + 2097 + 2101 + 2104 + 2106 + 2108 + 2110 + 2112 + 2114 + 2116 + 2120 + 2124 + 2128 + 2130 + 2131 + 2136 + 2139 + 2141 + 2142 + 2143 + 2148 + 2149 + 2150 + 2157 + 2161 + 2163 + 2164 + 2166 + 2171 + 2173 + 2176 + 2177 + 2181 + 2183 + 2184 + 2190 + 2192 + 2197 + 2198 + 2199 + 2203 + 2205 + 2209 + 2210 + 2213 + 2217 + 2221 + 2222 + 2223 + 2227 + 2232 + 2233 + 2235 + 2236 + 2242 + 2244 + 2248 + 2251 + 2253 + 2256 + 2258 + 2259 + 2264 + 2267 + 2268 + 2269 + 2276 + 2277 + 2282 + 2285 + 2286 + 2289 + 2290 + 2295 + 2296 + 2301 + 2302 + 2303 + 2310 + 2311 + 2315 + 2318 + 2321 + 2322 + 2323 + 2327 + 2329 + 2333 + 2336 + 2337 + 2342 + 2345 + 2348 + 2351 + 2354 + 2355 + 2357 + 2358 + 2360 + 2366 + 2368 + 2370 + 2374 + 2380 + 2381 + 2382 + 2388 + 2389 + 2392 + 2393 + 2395 + 2399 + 2401 + 2404 + 2409 + 2414 + 2415 + 2417 + 2420 + 2421 + 2425 + 2426 + 2428 + 2432 + 2434 + 2439 + 2443 + 2444 + 2446 + 2450 + 2451 + 2455 + 2457 + 2460 + 2462 + 2463 + 2470 + 2472 + 2476 + 2477 + 2479 + 2483 + 2487 + 2489 + 2493 + 2495 + 2497 + 2498 + 2502 + 2503 + 2504 + 2506 + 2510 + 2517 + 2519 + 2525 + 2527 + 2528 + 2530 + 2533 + 2535 + 2536 + 2538 + 2542 + 2543 + 2544 + 2546 + 2549 + 2550 + 2551 + 2552 + 2553 + 2555 + 2557 + 2558 + 2559 + 2561 + 2562 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_blue // Group blue // Subtree GENERIC + Begin SubModelPartNodes + 23 + 25 + 27 + 30 + 31 + 32 + 38 + 39 + 41 + 43 + 47 + 49 + 50 + 51 + 56 + 57 + 60 + 63 + 64 + 68 + 70 + 71 + 74 + 78 + 79 + 81 + 82 + 86 + 87 + 88 + 94 + 95 + 96 + 97 + 99 + 103 + 105 + 106 + 112 + 113 + 114 + 115 + 118 + 119 + 122 + 126 + 129 + 130 + 132 + 134 + 135 + 138 + 139 + 142 + 146 + 147 + 148 + 149 + 151 + 155 + 156 + 160 + 161 + 164 + 166 + 168 + 169 + 170 + 172 + 173 + 179 + 180 + 183 + 184 + 188 + 189 + 190 + 191 + 193 + 196 + 197 + 198 + 201 + 205 + 207 + 213 + 214 + 215 + 216 + 218 + 219 + 221 + 222 + 224 + 225 + 229 + 235 + 241 + 244 + 252 + 262 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_not_moving // Group not_moving // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 5 + 6 + 9 + 10 + 15 + 16 + 22 + 23 + 34 + 35 + 44 + 45 + 58 + 59 + 72 + 73 + 89 + 90 + 108 + 109 + 127 + 128 + 150 + 152 + 175 + 177 + 202 + 203 + 223 + 238 + 260 + 282 + 304 + 305 + 335 + 336 + 372 + 373 + 408 + 409 + 450 + 451 + 493 + 496 + 539 + 540 + 583 + 584 + 623 + 624 + 666 + 669 + 708 + 709 + 711 + 715 + 717 + 721 + 727 + 735 + 743 + 751 + 754 + 765 + 772 + 788 + 789 + 797 + 814 + 825 + 829 + 843 + 858 + 893 + 932 + 937 + 957 + 973 + 981 + 1004 + 1012 + 1024 + 1049 + 1052 + 1074 + 1086 + 1101 + 1122 + 1125 + 1150 + 1162 + 1177 + 1200 + 1206 + 1232 + 1239 + 1261 + 1274 + 1288 + 1310 + 1315 + 1343 + 1345 + 1372 + 1385 + 1400 + 1423 + 1430 + 1458 + 1459 + 1490 + 1495 + 1519 + 1529 + 1548 + 1564 + 1577 + 1603 + 1608 + 1635 + 1642 + 1667 + 1677 + 1696 + 1711 + 1724 + 1744 + 1755 + 1779 + 1784 + 1813 + 1815 + 1846 + 1850 + 1877 + 1887 + 1907 + 1922 + 1938 + 1958 + 1969 + 1993 + 2002 + 2027 + 2033 + 2061 + 2066 + 2095 + 2096 + 2128 + 2132 + 2161 + 2169 + 2192 + 2204 + 2221 + 2239 + 2253 + 2274 + 2286 + 2308 + 2318 + 2343 + 2351 + 2375 + 2381 + 2412 + 2415 + 2446 + 2447 + 2476 + 2480 + 2503 + 2508 + 2535 + 2555 + 2569 + 2580 + 2586 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_Meassure // Group Meassure // Subtree GENERIC + Begin SubModelPartNodes + 844 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_narrowing_zone // Group narrowing_zone // Subtree GENERIC + Begin SubModelPartNodes + 262 + 272 + 277 + 286 + 291 + 296 + 300 + 311 + 313 + 318 + 321 + 322 + 331 + 337 + 340 + 342 + 344 + 346 + 351 + 358 + 364 + 365 + 369 + 370 + 377 + 380 + 383 + 385 + 388 + 396 + 399 + 402 + 404 + 405 + 406 + 411 + 425 + 426 + 429 + 430 + 437 + 438 + 443 + 444 + 448 + 452 + 463 + 467 + 471 + 473 + 477 + 479 + 481 + 491 + 494 + 495 + 506 + 507 + 521 + 522 + 523 + 525 + 537 + 549 + 550 + 553 + 568 + 578 + 579 + 606 + 607 + 632 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart FluidParts_Volume // Group Volume // Subtree FluidParts + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + 2708 + 2709 + 2710 + 2711 + 2712 + 2713 + 2714 + 2715 + 2716 + 2717 + 2718 + 2719 + 2720 + 2721 + 2722 + 2723 + 2724 + 2725 + 2726 + 2727 + 2728 + 2729 + 2730 + 2731 + 2732 + 2733 + 2734 + 2735 + 2736 + 2737 + 2738 + 2739 + 2740 + 2741 + 2742 + 2743 + 2744 + 2745 + 2746 + 2747 + 2748 + 2749 + 2750 + 2751 + 2752 + 2753 + 2754 + 2755 + 2756 + 2757 + 2758 + 2759 + 2760 + 2761 + 2762 + 2763 + 2764 + 2765 + 2766 + 2767 + 2768 + 2769 + 2770 + 2771 + 2772 + 2773 + 2774 + 2775 + 2776 + 2777 + 2778 + 2779 + 2780 + 2781 + 2782 + 2783 + 2784 + 2785 + 2786 + 2787 + 2788 + 2789 + 2790 + 2791 + 2792 + 2793 + 2794 + 2795 + 2796 + 2797 + 2798 + 2799 + 2800 + 2801 + 2802 + 2803 + 2804 + 2805 + 2806 + 2807 + 2808 + 2809 + 2810 + 2811 + 2812 + 2813 + 2814 + 2815 + 2816 + 2817 + 2818 + 2819 + 2820 + 2821 + 2822 + 2823 + 2824 + 2825 + 2826 + 2827 + 2828 + 2829 + 2830 + 2831 + 2832 + 2833 + 2834 + 2835 + 2836 + 2837 + 2838 + 2839 + 2840 + 2841 + 2842 + 2843 + 2844 + 2845 + 2846 + 2847 + 2848 + 2849 + 2850 + 2851 + 2852 + 2853 + 2854 + 2855 + 2856 + 2857 + 2858 + 2859 + 2860 + 2861 + 2862 + 2863 + 2864 + 2865 + 2866 + 2867 + 2868 + 2869 + 2870 + 2871 + 2872 + 2873 + 2874 + 2875 + 2876 + 2877 + 2878 + 2879 + 2880 + 2881 + 2882 + 2883 + 2884 + 2885 + 2886 + 2887 + 2888 + 2889 + 2890 + 2891 + 2892 + 2893 + 2894 + 2895 + 2896 + 2897 + 2898 + 2899 + 2900 + 2901 + 2902 + 2903 + 2904 + 2905 + 2906 + 2907 + 2908 + 2909 + 2910 + 2911 + 2912 + 2913 + 2914 + 2915 + 2916 + 2917 + 2918 + 2919 + 2920 + 2921 + 2922 + 2923 + 2924 + 2925 + 2926 + 2927 + 2928 + 2929 + 2930 + 2931 + 2932 + 2933 + 2934 + 2935 + 2936 + 2937 + 2938 + 2939 + 2940 + 2941 + 2942 + 2943 + 2944 + 2945 + 2946 + 2947 + 2948 + 2949 + 2950 + 2951 + 2952 + 2953 + 2954 + 2955 + 2956 + 2957 + 2958 + 2959 + 2960 + 2961 + 2962 + 2963 + 2964 + 2965 + 2966 + 2967 + 2968 + 2969 + 2970 + 2971 + 2972 + 2973 + 2974 + 2975 + 2976 + 2977 + 2978 + 2979 + 2980 + 2981 + 2982 + 2983 + 2984 + 2985 + 2986 + 2987 + 2988 + 2989 + 2990 + 2991 + 2992 + 2993 + 2994 + 2995 + 2996 + 2997 + 2998 + 2999 + 3000 + 3001 + 3002 + 3003 + 3004 + 3005 + 3006 + 3007 + 3008 + 3009 + 3010 + 3011 + 3012 + 3013 + 3014 + 3015 + 3016 + 3017 + 3018 + 3019 + 3020 + 3021 + 3022 + 3023 + 3024 + 3025 + 3026 + 3027 + 3028 + 3029 + 3030 + 3031 + 3032 + 3033 + 3034 + 3035 + 3036 + 3037 + 3038 + 3039 + 3040 + 3041 + 3042 + 3043 + 3044 + 3045 + 3046 + 3047 + 3048 + 3049 + 3050 + 3051 + 3052 + 3053 + 3054 + 3055 + 3056 + 3057 + 3058 + 3059 + 3060 + 3061 + 3062 + 3063 + 3064 + 3065 + 3066 + 3067 + 3068 + 3069 + 3070 + 3071 + 3072 + 3073 + 3074 + 3075 + 3076 + 3077 + 3078 + 3079 + 3080 + 3081 + 3082 + 3083 + 3084 + 3085 + 3086 + 3087 + 3088 + 3089 + 3090 + 3091 + 3092 + 3093 + 3094 + 3095 + 3096 + 3097 + 3098 + 3099 + 3100 + 3101 + 3102 + 3103 + 3104 + 3105 + 3106 + 3107 + 3108 + 3109 + 3110 + 3111 + 3112 + 3113 + 3114 + 3115 + 3116 + 3117 + 3118 + 3119 + 3120 + 3121 + 3122 + 3123 + 3124 + 3125 + 3126 + 3127 + 3128 + 3129 + 3130 + 3131 + 3132 + 3133 + 3134 + 3135 + 3136 + 3137 + 3138 + 3139 + 3140 + 3141 + 3142 + 3143 + 3144 + 3145 + 3146 + 3147 + 3148 + 3149 + 3150 + 3151 + 3152 + 3153 + 3154 + 3155 + 3156 + 3157 + 3158 + 3159 + 3160 + 3161 + 3162 + 3163 + 3164 + 3165 + 3166 + 3167 + 3168 + 3169 + 3170 + 3171 + 3172 + 3173 + 3174 + 3175 + 3176 + 3177 + 3178 + 3179 + 3180 + 3181 + 3182 + 3183 + 3184 + 3185 + 3186 + 3187 + 3188 + 3189 + 3190 + 3191 + 3192 + 3193 + 3194 + 3195 + 3196 + 3197 + 3198 + 3199 + 3200 + 3201 + 3202 + 3203 + 3204 + 3205 + 3206 + 3207 + 3208 + 3209 + 3210 + 3211 + 3212 + 3213 + 3214 + 3215 + 3216 + 3217 + 3218 + 3219 + 3220 + 3221 + 3222 + 3223 + 3224 + 3225 + 3226 + 3227 + 3228 + 3229 + 3230 + 3231 + 3232 + 3233 + 3234 + 3235 + 3236 + 3237 + 3238 + 3239 + 3240 + 3241 + 3242 + 3243 + 3244 + 3245 + 3246 + 3247 + 3248 + 3249 + 3250 + 3251 + 3252 + 3253 + 3254 + 3255 + 3256 + 3257 + 3258 + 3259 + 3260 + 3261 + 3262 + 3263 + 3264 + 3265 + 3266 + 3267 + 3268 + 3269 + 3270 + 3271 + 3272 + 3273 + 3274 + 3275 + 3276 + 3277 + 3278 + 3279 + 3280 + 3281 + 3282 + 3283 + 3284 + 3285 + 3286 + 3287 + 3288 + 3289 + 3290 + 3291 + 3292 + 3293 + 3294 + 3295 + 3296 + 3297 + 3298 + 3299 + 3300 + 3301 + 3302 + 3303 + 3304 + 3305 + 3306 + 3307 + 3308 + 3309 + 3310 + 3311 + 3312 + 3313 + 3314 + 3315 + 3316 + 3317 + 3318 + 3319 + 3320 + 3321 + 3322 + 3323 + 3324 + 3325 + 3326 + 3327 + 3328 + 3329 + 3330 + 3331 + 3332 + 3333 + 3334 + 3335 + 3336 + 3337 + 3338 + 3339 + 3340 + 3341 + 3342 + 3343 + 3344 + 3345 + 3346 + 3347 + 3348 + 3349 + 3350 + 3351 + 3352 + 3353 + 3354 + 3355 + 3356 + 3357 + 3358 + 3359 + 3360 + 3361 + 3362 + 3363 + 3364 + 3365 + 3366 + 3367 + 3368 + 3369 + 3370 + 3371 + 3372 + 3373 + 3374 + 3375 + 3376 + 3377 + 3378 + 3379 + 3380 + 3381 + 3382 + 3383 + 3384 + 3385 + 3386 + 3387 + 3388 + 3389 + 3390 + 3391 + 3392 + 3393 + 3394 + 3395 + 3396 + 3397 + 3398 + 3399 + 3400 + 3401 + 3402 + 3403 + 3404 + 3405 + 3406 + 3407 + 3408 + 3409 + 3410 + 3411 + 3412 + 3413 + 3414 + 3415 + 3416 + 3417 + 3418 + 3419 + 3420 + 3421 + 3422 + 3423 + 3424 + 3425 + 3426 + 3427 + 3428 + 3429 + 3430 + 3431 + 3432 + 3433 + 3434 + 3435 + 3436 + 3437 + 3438 + 3439 + 3440 + 3441 + 3442 + 3443 + 3444 + 3445 + 3446 + 3447 + 3448 + 3449 + 3450 + 3451 + 3452 + 3453 + 3454 + 3455 + 3456 + 3457 + 3458 + 3459 + 3460 + 3461 + 3462 + 3463 + 3464 + 3465 + 3466 + 3467 + 3468 + 3469 + 3470 + 3471 + 3472 + 3473 + 3474 + 3475 + 3476 + 3477 + 3478 + 3479 + 3480 + 3481 + 3482 + 3483 + 3484 + 3485 + 3486 + 3487 + 3488 + 3489 + 3490 + 3491 + 3492 + 3493 + 3494 + 3495 + 3496 + 3497 + 3498 + 3499 + 3500 + 3501 + 3502 + 3503 + 3504 + 3505 + 3506 + 3507 + 3508 + 3509 + 3510 + 3511 + 3512 + 3513 + 3514 + 3515 + 3516 + 3517 + 3518 + 3519 + 3520 + 3521 + 3522 + 3523 + 3524 + 3525 + 3526 + 3527 + 3528 + 3529 + 3530 + 3531 + 3532 + 3533 + 3534 + 3535 + 3536 + 3537 + 3538 + 3539 + 3540 + 3541 + 3542 + 3543 + 3544 + 3545 + 3546 + 3547 + 3548 + 3549 + 3550 + 3551 + 3552 + 3553 + 3554 + 3555 + 3556 + 3557 + 3558 + 3559 + 3560 + 3561 + 3562 + 3563 + 3564 + 3565 + 3566 + 3567 + 3568 + 3569 + 3570 + 3571 + 3572 + 3573 + 3574 + 3575 + 3576 + 3577 + 3578 + 3579 + 3580 + 3581 + 3582 + 3583 + 3584 + 3585 + 3586 + 3587 + 3588 + 3589 + 3590 + 3591 + 3592 + 3593 + 3594 + 3595 + 3596 + 3597 + 3598 + 3599 + 3600 + 3601 + 3602 + 3603 + 3604 + 3605 + 3606 + 3607 + 3608 + 3609 + 3610 + 3611 + 3612 + 3613 + 3614 + 3615 + 3616 + 3617 + 3618 + 3619 + 3620 + 3621 + 3622 + 3623 + 3624 + 3625 + 3626 + 3627 + 3628 + 3629 + 3630 + 3631 + 3632 + 3633 + 3634 + 3635 + 3636 + 3637 + 3638 + 3639 + 3640 + 3641 + 3642 + 3643 + 3644 + 3645 + 3646 + 3647 + 3648 + 3649 + 3650 + 3651 + 3652 + 3653 + 3654 + 3655 + 3656 + 3657 + 3658 + 3659 + 3660 + 3661 + 3662 + 3663 + 3664 + 3665 + 3666 + 3667 + 3668 + 3669 + 3670 + 3671 + 3672 + 3673 + 3674 + 3675 + 3676 + 3677 + 3678 + 3679 + 3680 + 3681 + 3682 + 3683 + 3684 + 3685 + 3686 + 3687 + 3688 + 3689 + 3690 + 3691 + 3692 + 3693 + 3694 + 3695 + 3696 + 3697 + 3698 + 3699 + 3700 + 3701 + 3702 + 3703 + 3704 + 3705 + 3706 + 3707 + 3708 + 3709 + 3710 + 3711 + 3712 + 3713 + 3714 + 3715 + 3716 + 3717 + 3718 + 3719 + 3720 + 3721 + 3722 + 3723 + 3724 + 3725 + 3726 + 3727 + 3728 + 3729 + 3730 + 3731 + 3732 + 3733 + 3734 + 3735 + 3736 + 3737 + 3738 + 3739 + 3740 + 3741 + 3742 + 3743 + 3744 + 3745 + 3746 + 3747 + 3748 + 3749 + 3750 + 3751 + 3752 + 3753 + 3754 + 3755 + 3756 + 3757 + 3758 + 3759 + 3760 + 3761 + 3762 + 3763 + 3764 + 3765 + 3766 + 3767 + 3768 + 3769 + 3770 + 3771 + 3772 + 3773 + 3774 + 3775 + 3776 + 3777 + 3778 + 3779 + 3780 + 3781 + 3782 + 3783 + 3784 + 3785 + 3786 + 3787 + 3788 + 3789 + 3790 + 3791 + 3792 + 3793 + 3794 + 3795 + 3796 + 3797 + 3798 + 3799 + 3800 + 3801 + 3802 + 3803 + 3804 + 3805 + 3806 + 3807 + 3808 + 3809 + 3810 + 3811 + 3812 + 3813 + 3814 + 3815 + 3816 + 3817 + 3818 + 3819 + 3820 + 3821 + 3822 + 3823 + 3824 + 3825 + 3826 + 3827 + 3828 + 3829 + 3830 + 3831 + 3832 + 3833 + 3834 + 3835 + 3836 + 3837 + 3838 + 3839 + 3840 + 3841 + 3842 + 3843 + 3844 + 3845 + 3846 + 3847 + 3848 + 3849 + 3850 + 3851 + 3852 + 3853 + 3854 + 3855 + 3856 + 3857 + 3858 + 3859 + 3860 + 3861 + 3862 + 3863 + 3864 + 3865 + 3866 + 3867 + 3868 + 3869 + 3870 + 3871 + 3872 + 3873 + 3874 + 3875 + 3876 + 3877 + 3878 + 3879 + 3880 + 3881 + 3882 + 3883 + 3884 + 3885 + 3886 + 3887 + 3888 + 3889 + 3890 + 3891 + 3892 + 3893 + 3894 + 3895 + 3896 + 3897 + 3898 + 3899 + 3900 + 3901 + 3902 + 3903 + 3904 + 3905 + 3906 + 3907 + 3908 + 3909 + 3910 + 3911 + 3912 + 3913 + 3914 + 3915 + 3916 + 3917 + 3918 + 3919 + 3920 + 3921 + 3922 + 3923 + 3924 + 3925 + 3926 + 3927 + 3928 + 3929 + 3930 + 3931 + 3932 + 3933 + 3934 + 3935 + 3936 + 3937 + 3938 + 3939 + 3940 + 3941 + 3942 + 3943 + 3944 + 3945 + 3946 + 3947 + 3948 + 3949 + 3950 + 3951 + 3952 + 3953 + 3954 + 3955 + 3956 + 3957 + 3958 + 3959 + 3960 + 3961 + 3962 + 3963 + 3964 + 3965 + 3966 + 3967 + 3968 + 3969 + 3970 + 3971 + 3972 + 3973 + 3974 + 3975 + 3976 + 3977 + 3978 + 3979 + 3980 + 3981 + 3982 + 3983 + 3984 + 3985 + 3986 + 3987 + 3988 + 3989 + 3990 + 3991 + 3992 + 3993 + 3994 + 3995 + 3996 + 3997 + 3998 + 3999 + 4000 + 4001 + 4002 + 4003 + 4004 + 4005 + 4006 + 4007 + 4008 + 4009 + 4010 + 4011 + 4012 + 4013 + 4014 + 4015 + 4016 + 4017 + 4018 + 4019 + 4020 + 4021 + 4022 + 4023 + 4024 + 4025 + 4026 + 4027 + 4028 + 4029 + 4030 + 4031 + 4032 + 4033 + 4034 + 4035 + 4036 + 4037 + 4038 + 4039 + 4040 + 4041 + 4042 + 4043 + 4044 + 4045 + 4046 + 4047 + 4048 + 4049 + 4050 + 4051 + 4052 + 4053 + 4054 + 4055 + 4056 + 4057 + 4058 + 4059 + 4060 + 4061 + 4062 + 4063 + 4064 + 4065 + 4066 + 4067 + 4068 + 4069 + 4070 + 4071 + 4072 + 4073 + 4074 + 4075 + 4076 + 4077 + 4078 + 4079 + 4080 + 4081 + 4082 + 4083 + 4084 + 4085 + 4086 + 4087 + 4088 + 4089 + 4090 + 4091 + 4092 + 4093 + 4094 + 4095 + 4096 + 4097 + 4098 + 4099 + 4100 + 4101 + 4102 + 4103 + 4104 + 4105 + 4106 + 4107 + 4108 + 4109 + 4110 + 4111 + 4112 + 4113 + 4114 + 4115 + 4116 + 4117 + 4118 + 4119 + 4120 + 4121 + 4122 + 4123 + 4124 + 4125 + 4126 + 4127 + 4128 + 4129 + 4130 + 4131 + 4132 + 4133 + 4134 + 4135 + 4136 + 4137 + 4138 + 4139 + 4140 + 4141 + 4142 + 4143 + 4144 + 4145 + 4146 + 4147 + 4148 + 4149 + 4150 + 4151 + 4152 + 4153 + 4154 + 4155 + 4156 + 4157 + 4158 + 4159 + 4160 + 4161 + 4162 + 4163 + 4164 + 4165 + 4166 + 4167 + 4168 + 4169 + 4170 + 4171 + 4172 + 4173 + 4174 + 4175 + 4176 + 4177 + 4178 + 4179 + 4180 + 4181 + 4182 + 4183 + 4184 + 4185 + 4186 + 4187 + 4188 + 4189 + 4190 + 4191 + 4192 + 4193 + 4194 + 4195 + 4196 + 4197 + 4198 + 4199 + 4200 + 4201 + 4202 + 4203 + 4204 + 4205 + 4206 + 4207 + 4208 + 4209 + 4210 + 4211 + 4212 + 4213 + 4214 + 4215 + 4216 + 4217 + 4218 + 4219 + 4220 + 4221 + 4222 + 4223 + 4224 + 4225 + 4226 + 4227 + 4228 + 4229 + 4230 + 4231 + 4232 + 4233 + 4234 + 4235 + 4236 + 4237 + 4238 + 4239 + 4240 + 4241 + 4242 + 4243 + 4244 + 4245 + 4246 + 4247 + 4248 + 4249 + 4250 + 4251 + 4252 + 4253 + 4254 + 4255 + 4256 + 4257 + 4258 + 4259 + 4260 + 4261 + 4262 + 4263 + 4264 + 4265 + 4266 + 4267 + 4268 + 4269 + 4270 + 4271 + 4272 + 4273 + 4274 + 4275 + 4276 + 4277 + 4278 + 4279 + 4280 + 4281 + 4282 + 4283 + 4284 + 4285 + 4286 + 4287 + 4288 + 4289 + 4290 + 4291 + 4292 + 4293 + 4294 + 4295 + 4296 + 4297 + 4298 + 4299 + 4300 + 4301 + 4302 + 4303 + 4304 + 4305 + 4306 + 4307 + 4308 + 4309 + 4310 + 4311 + 4312 + 4313 + 4314 + 4315 + 4316 + 4317 + 4318 + 4319 + 4320 + 4321 + 4322 + 4323 + 4324 + 4325 + 4326 + 4327 + 4328 + 4329 + 4330 + 4331 + 4332 + 4333 + 4334 + 4335 + 4336 + 4337 + 4338 + 4339 + 4340 + 4341 + 4342 + 4343 + 4344 + 4345 + 4346 + 4347 + 4348 + 4349 + 4350 + 4351 + 4352 + 4353 + 4354 + 4355 + 4356 + 4357 + 4358 + 4359 + 4360 + 4361 + 4362 + 4363 + 4364 + 4365 + 4366 + 4367 + 4368 + 4369 + 4370 + 4371 + 4372 + 4373 + 4374 + 4375 + 4376 + 4377 + 4378 + 4379 + 4380 + 4381 + 4382 + 4383 + 4384 + 4385 + 4386 + 4387 + 4388 + 4389 + 4390 + 4391 + 4392 + 4393 + 4394 + 4395 + 4396 + 4397 + 4398 + 4399 + 4400 + 4401 + 4402 + 4403 + 4404 + 4405 + 4406 + 4407 + 4408 + 4409 + 4410 + 4411 + 4412 + 4413 + 4414 + 4415 + 4416 + 4417 + 4418 + 4419 + 4420 + 4421 + 4422 + 4423 + 4424 + 4425 + 4426 + 4427 + 4428 + 4429 + 4430 + 4431 + 4432 + 4433 + 4434 + 4435 + 4436 + 4437 + 4438 + 4439 + 4440 + 4441 + 4442 + 4443 + 4444 + 4445 + 4446 + 4447 + 4448 + 4449 + 4450 + 4451 + 4452 + 4453 + 4454 + 4455 + 4456 + 4457 + 4458 + 4459 + 4460 + 4461 + 4462 + 4463 + 4464 + 4465 + 4466 + 4467 + 4468 + 4469 + 4470 + 4471 + 4472 + 4473 + 4474 + 4475 + 4476 + 4477 + 4478 + 4479 + 4480 + 4481 + 4482 + 4483 + 4484 + 4485 + 4486 + 4487 + 4488 + 4489 + 4490 + 4491 + 4492 + 4493 + 4494 + 4495 + 4496 + 4497 + 4498 + 4499 + 4500 + 4501 + 4502 + 4503 + 4504 + 4505 + 4506 + 4507 + 4508 + 4509 + 4510 + 4511 + 4512 + 4513 + 4514 + 4515 + 4516 + 4517 + 4518 + 4519 + 4520 + 4521 + 4522 + 4523 + 4524 + 4525 + 4526 + 4527 + 4528 + 4529 + 4530 + 4531 + 4532 + 4533 + 4534 + 4535 + 4536 + 4537 + 4538 + 4539 + 4540 + 4541 + 4542 + 4543 + 4544 + 4545 + 4546 + 4547 + 4548 + 4549 + 4550 + 4551 + 4552 + 4553 + 4554 + 4555 + 4556 + 4557 + 4558 + 4559 + 4560 + 4561 + 4562 + 4563 + 4564 + 4565 + 4566 + 4567 + 4568 + 4569 + 4570 + 4571 + 4572 + 4573 + 4574 + 4575 + 4576 + 4577 + 4578 + 4579 + 4580 + 4581 + 4582 + 4583 + 4584 + 4585 + 4586 + 4587 + 4588 + 4589 + 4590 + 4591 + 4592 + 4593 + 4594 + 4595 + 4596 + 4597 + 4598 + 4599 + 4600 + 4601 + 4602 + 4603 + 4604 + 4605 + 4606 + 4607 + 4608 + 4609 + 4610 + 4611 + 4612 + 4613 + 4614 + 4615 + 4616 + 4617 + 4618 + 4619 + 4620 + 4621 + 4622 + 4623 + 4624 + 4625 + 4626 + 4627 + 4628 + 4629 + 4630 + 4631 + 4632 + 4633 + 4634 + 4635 + 4636 + 4637 + 4638 + 4639 + 4640 + 4641 + 4642 + 4643 + 4644 + 4645 + 4646 + 4647 + 4648 + 4649 + 4650 + 4651 + 4652 + 4653 + 4654 + 4655 + 4656 + 4657 + 4658 + 4659 + 4660 + 4661 + 4662 + 4663 + 4664 + 4665 + 4666 + 4667 + 4668 + 4669 + 4670 + 4671 + 4672 + 4673 + 4674 + 4675 + 4676 + 4677 + 4678 + 4679 + 4680 + 4681 + 4682 + 4683 + 4684 + 4685 + 4686 + 4687 + 4688 + 4689 + 4690 + 4691 + 4692 + 4693 + 4694 + 4695 + 4696 + 4697 + 4698 + 4699 + 4700 + 4701 + 4702 + 4703 + 4704 + 4705 + 4706 + 4707 + 4708 + 4709 + 4710 + 4711 + 4712 + 4713 + 4714 + 4715 + 4716 + 4717 + 4718 + 4719 + 4720 + 4721 + 4722 + 4723 + 4724 + 4725 + 4726 + 4727 + 4728 + 4729 + 4730 + 4731 + 4732 + 4733 + 4734 + 4735 + 4736 + 4737 + 4738 + 4739 + 4740 + 4741 + 4742 + 4743 + 4744 + 4745 + 4746 + 4747 + 4748 + 4749 + 4750 + 4751 + 4752 + 4753 + 4754 + 4755 + 4756 + 4757 + 4758 + 4759 + 4760 + 4761 + 4762 + 4763 + 4764 + 4765 + 4766 + 4767 + 4768 + 4769 + 4770 + 4771 + 4772 + 4773 + 4774 + 4775 + 4776 + 4777 + 4778 + 4779 + 4780 + 4781 + 4782 + 4783 + 4784 + 4785 + 4786 + 4787 + 4788 + 4789 + 4790 + 4791 + 4792 + 4793 + 4794 + 4795 + 4796 + 4797 + 4798 + 4799 + 4800 + 4801 + 4802 + 4803 + 4804 + 4805 + 4806 + 4807 + 4808 + 4809 + 4810 + 4811 + 4812 + 4813 + 4814 + 4815 + 4816 + 4817 + 4818 + 4819 + 4820 + 4821 + 4822 + 4823 + 4824 + 4825 + 4826 + 4827 + 4828 + 4829 + 4830 + 4831 + 4832 + 4833 + 4834 + 4835 + 4836 + 4837 + 4838 + 4839 + 4840 + 4841 + 4842 + 4843 + 4844 + 4845 + 4846 + 4847 + 4848 + 4849 + 4850 + 4851 + 4852 + 4853 + 4854 + 4855 + 4856 + 4857 + 4858 + 4859 + 4860 + 4861 + 4862 + 4863 + 4864 + 4865 + 4866 + 4867 + 4868 + 4869 + 4870 + 4871 + 4872 + 4873 + 4874 + 4875 + 4876 + 4877 + 4878 + 4879 + 4880 + 4881 + 4882 + 4883 + 4884 + 4885 + 4886 + 4887 + 4888 + 4889 + 4890 + 4891 + 4892 + 4893 + 4894 + 4895 + 4896 + 4897 + 4898 + 4899 + 4900 + 4901 + 4902 + 4903 + 4904 + 4905 + 4906 + 4907 + 4908 + 4909 + 4910 + 4911 + 4912 + 4913 + 4914 + 4915 + 4916 + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart Outlet2D_Outlet // Group Outlet // Subtree Outlet2D + Begin SubModelPartNodes + 2508 + 2509 + 2511 + 2512 + 2514 + 2516 + 2518 + 2521 + 2523 + 2526 + 2531 + 2534 + 2539 + 2541 + 2545 + 2548 + 2554 + 2556 + 2560 + 2563 + 2565 + 2570 + 2573 + 2576 + 2579 + 2582 + 2584 + 2585 + 2587 + 2588 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart NoSlip2D_Wall // Group Wall // Subtree NoSlip2D + Begin SubModelPartNodes + 1 + 3 + 6 + 10 + 16 + 23 + 35 + 45 + 59 + 73 + 90 + 109 + 128 + 152 + 177 + 202 + 204 + 206 + 209 + 211 + 220 + 226 + 233 + 239 + 250 + 262 + 277 + 296 + 304 + 307 + 309 + 312 + 316 + 322 + 323 + 332 + 335 + 341 + 351 + 353 + 368 + 372 + 385 + 408 + 450 + 493 + 494 + 521 + 529 + 539 + 549 + 567 + 578 + 583 + 602 + 606 + 623 + 632 + 635 + 666 + 668 + 672 + 695 + 708 + 709 + 710 + 711 + 715 + 717 + 721 + 727 + 731 + 735 + 743 + 746 + 751 + 754 + 763 + 765 + 772 + 776 + 788 + 789 + 792 + 797 + 811 + 814 + 819 + 825 + 829 + 843 + 847 + 858 + 876 + 893 + 906 + 932 + 937 + 957 + 973 + 981 + 1004 + 1012 + 1024 + 1049 + 1052 + 1074 + 1086 + 1101 + 1122 + 1125 + 1150 + 1162 + 1177 + 1200 + 1206 + 1232 + 1239 + 1261 + 1274 + 1288 + 1310 + 1315 + 1343 + 1345 + 1372 + 1385 + 1400 + 1423 + 1430 + 1458 + 1459 + 1490 + 1495 + 1519 + 1529 + 1548 + 1564 + 1577 + 1603 + 1608 + 1635 + 1642 + 1667 + 1677 + 1696 + 1711 + 1724 + 1744 + 1755 + 1779 + 1784 + 1813 + 1815 + 1846 + 1850 + 1877 + 1887 + 1907 + 1922 + 1938 + 1958 + 1969 + 1993 + 2002 + 2027 + 2033 + 2061 + 2066 + 2095 + 2096 + 2128 + 2132 + 2161 + 2169 + 2192 + 2204 + 2221 + 2239 + 2253 + 2274 + 2286 + 2308 + 2318 + 2343 + 2351 + 2375 + 2381 + 2412 + 2415 + 2446 + 2447 + 2476 + 2480 + 2503 + 2508 + 2535 + 2555 + 2569 + 2580 + 2586 + 2589 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Total // Group Inlet//Total // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 9 + 15 + 22 + 34 + 44 + 58 + 72 + 89 + 108 + 127 + 150 + 175 + 203 + 223 + 238 + 260 + 282 + 305 + 336 + 373 + 409 + 451 + 496 + 540 + 584 + 624 + 669 + 709 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Custom2 // Group Inlet//Custom2 // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 9 + 15 + 22 + 34 + 44 + 58 + 72 + 89 + 108 + 127 + 150 + 175 + 203 + 223 + 238 + 260 + 282 + 305 + 336 + 373 + 409 + 451 + 496 + 540 + 584 + 624 + 669 + 709 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/FluidMaterials.json new file mode 100644 index 00000000..24e1bedf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/FluidMaterials.json @@ -0,0 +1,16 @@ +{ + "properties" : [{ + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "properties_id" : 1, + "Material" : { + "constitutive_law" : { + "name" : "Newtonian2DLaw" + }, + "Variables" : { + "DENSITY" : 1.0, + "DYNAMIC_VISCOSITY" : 0.1 + }, + "Tables" : {} + } + }] +} diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/ProjectParameters.json similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/ProblemFiles/ProjectParameters.json rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/ProjectParameters.json diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/ProjectParameters_modified.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/ProjectParameters_modified.json new file mode 100644 index 00000000..f7357135 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/ProjectParameters_modified.json @@ -0,0 +1,187 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data": { + "problem_name": "2DFlowBifurcationKratosStructuredMeshWorkingRicc", + "parallel_type": "OpenMP", + "echo_level": 0, + "start_time": 0.0, + "end_time": 244 + }, + "output_processes": { + "gid_output": [ + { + "python_module": "gid_output_process", + "kratos_module": "KratosMultiphysics", + "process_name": "GiDOutputProcess", + "help": "This process writes postprocessing files for GiD", + "Parameters": { + "model_part_name": "FluidModelPart.fluid_computational_model_part", + "output_name": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/Results/FOM", + "postprocess_parameters": { + "result_file_configuration": { + "gidpost_flags": { + "GiDPostMode": "GiD_PostBinary", + "WriteDeformedMeshFlag": "WriteDeformed", + "WriteConditionsFlag": "WriteConditions", + "MultiFileFlag": "SingleFile" + }, + "file_label": "time", + "output_control_type": "time", + "output_interval": 0.5, + "body_output": true, + "node_output": false, + "skin_output": false, + "plane_output": [], + "nodal_results": [ + "VELOCITY", + "PRESSURE", + "MESH_DISPLACEMENT" + ], + "gauss_point_results": [], + "nodal_nonhistorical_results": [] + }, + "point_data_configuration": [] + } + } + } + ], + "vtk_output": [], + "rom_output": [] + }, + "solver_settings": { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings": { + "solver_type": "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name": "FluidModelPart", + "domain_size": 2, + "solver_type": "Monolithic", + "model_import_settings": { + "input_type": "mdpa", + "input_filename": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/2DFlowBifurcationKratosStructuredMeshWorkingRicc" + }, + "material_import_settings": { + "materials_filename": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/ProblemFiles/FluidMaterials.json" + }, + "echo_level": 0, + "compute_reactions": false, + "maximum_iterations": 10, + "relative_velocity_tolerance": 1e-08, + "absolute_velocity_tolerance": 1e-08, + "relative_pressure_tolerance": 1e-08, + "absolute_pressure_tolerance": 1e-08, + "volume_model_part_name": "FluidParts_Volume", + "skin_parts": [ + "Outlet2D_Outlet", + "NoSlip2D_Wall" + ], + "no_skin_parts": [ + "VelocityConstraints2D_Inlet-Total" + ], + "time_scheme": "bossak", + "time_stepping": { + "automatic_time_step": false, + "time_step": 0.1 + }, + "formulation": { + "element_type": "qsvms", + "use_orthogonal_subscales": false, + "dynamic_tau": 1.0 + }, + "reform_dofs_at_each_step": false + } + }, + "processes": { + "initial_conditions_process_list": [], + "boundary_conditions_process_list": [ + { + "python_module": "apply_outlet_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyOutletProcess", + "Parameters": { + "model_part_name": "FluidModelPart.Outlet2D_Outlet", + "variable_name": "PRESSURE", + "constrained": true, + "value": 0.0, + "hydrostatic_outlet": false, + "h_top": 0.0 + } + }, + { + "python_module": "apply_noslip_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyNoSlipProcess", + "Parameters": { + "model_part_name": "FluidModelPart.NoSlip2D_Wall" + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name": "VELOCITY", + "interval": [ + 0.0, + 1 + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)*sin(pi*t*0.5)", + 0.0, + 0.0 + ] + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name": "VELOCITY", + "interval": [ + 0.0, + "End" + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)", + 0.0, + 0.0 + ] + } + } + ], + "gravity": [ + { + "python_module": "assign_vector_by_direction_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorByDirectionProcess", + "Parameters": { + "model_part_name": "FluidModelPart.FluidParts_Volume", + "variable_name": "BODY_FORCE", + "modulus": 0.0, + "constrained": false, + "direction": [ + 0.0, + -1.0, + 0.0 + ] + } + } + ], + "auxiliar_process_list": [] + } +} \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/Affine_Mapping/simulation_trajectories.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/simulation_trajectories.py similarity index 100% rename from rom_application/ContractionExpansionChannel/Affine_Mapping/simulation_trajectories.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/Affine_Mapping/simulation_trajectories.py diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/FOM.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/FOM.py similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/FOM.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/FOM.py diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/FOM_TestTrajectory.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/FOM_TestTrajectory.py similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/FOM_TestTrajectory.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/FOM_TestTrajectory.py diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/FluidMaterials.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/FluidMaterials.json new file mode 100644 index 00000000..24e1bedf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/FluidMaterials.json @@ -0,0 +1,16 @@ +{ + "properties" : [{ + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "properties_id" : 1, + "Material" : { + "constitutive_law" : { + "name" : "Newtonian2DLaw" + }, + "Variables" : { + "DENSITY" : 1.0, + "DYNAMIC_VISCOSITY" : 0.1 + }, + "Tables" : {} + } + }] +} diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/NonlinearInGiD.mdpa b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/NonlinearInGiD.mdpa new file mode 100644 index 00000000..ec99bbdb --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/NonlinearInGiD.mdpa @@ -0,0 +1,17117 @@ +Begin ModelPartData +// VARIABLE_NAME value +End ModelPartData + +Begin Properties 0 +End Properties + +Begin Nodes + 1 0.0000000000 3.0000000000 0.0000000000 + 2 0.0000000000 2.9000000000 0.0000000000 + 3 0.1000000000 3.0000000000 0.0000000000 + 4 0.1027312675 2.8660123659 0.0000000000 + 5 0.0000000000 2.8000000000 0.0000000000 + 6 0.2000000000 3.0000000000 0.0000000000 + 7 0.1996673628 2.9159025624 0.0000000000 + 8 0.1155849631 2.7642454797 0.0000000000 + 9 0.2011352789 2.8159261534 0.0000000000 + 10 0.3000000000 3.0000000000 0.0000000000 + 11 0.0000000000 2.7000000000 0.0000000000 + 12 0.2869617884 2.8671468409 0.0000000000 + 13 0.2032025607 2.7161528072 0.0000000000 + 14 0.1188090814 2.6626038650 0.0000000000 + 15 0.2882292241 2.7672061476 0.0000000000 + 16 0.3706266329 2.9206757517 0.0000000000 + 17 0.4000000000 3.0000000000 0.0000000000 + 18 0.0000000000 2.6000000000 0.0000000000 + 19 0.3723950579 2.8207525384 0.0000000000 + 20 0.2074627844 2.6164490222 0.0000000000 + 21 0.2912939054 2.6705908490 0.0000000000 + 22 0.1216733435 2.5651177732 0.0000000000 + 23 0.4557146044 2.8951768661 0.0000000000 + 24 0.3770749108 2.7218459503 0.0000000000 + 25 0.5000000000 3.0000000000 0.0000000000 + 26 0.0000000000 2.5000000000 0.0000000000 + 27 0.4587523252 2.7723083790 0.0000000000 + 28 0.2945759482 2.5682110571 0.0000000000 + 29 0.2090666572 2.5165674486 0.0000000000 + 30 0.3786951127 2.6221502123 0.0000000000 + 31 0.5450175422 2.9230270652 0.0000000000 + 32 0.1289012986 2.4593360719 0.0000000000 + 33 0.4637274602 2.6725184639 0.0000000000 + 34 0.5463190418 2.8263629366 0.0000000000 + 35 0.0000000000 2.4000000000 0.0000000000 + 36 0.6000000000 3.0000000000 0.0000000000 + 37 0.2965932363 2.4682577888 0.0000000000 + 38 0.5475237720 2.7264563414 0.0000000000 + 39 0.3834636726 2.5225554029 0.0000000000 + 40 0.2153172844 2.4100910906 0.0000000000 + 41 0.4667789143 2.5773316361 0.0000000000 + 42 0.6230540648 2.8935955233 0.0000000000 + 43 0.1313389382 2.3599034379 0.0000000000 + 44 0.5528804975 2.6279892324 0.0000000000 + 45 0.6332964030 2.7771926430 0.0000000000 + 46 0.3870528744 2.4277192120 0.0000000000 + 47 0.7000000000 3.0000000000 0.0000000000 + 48 0.0000000000 2.3000000000 0.0000000000 + 49 0.3064067197 2.3689588657 0.0000000000 + 50 0.4726973958 2.4775797545 0.0000000000 + 51 0.6331475953 2.6775377667 0.0000000000 + 52 0.2203053852 2.3192078067 0.0000000000 + 53 0.5538737971 2.5284015219 0.0000000000 + 54 0.7167997710 2.8318791028 0.0000000000 + 55 0.1182327342 2.2613225145 0.0000000000 + 56 0.6389162274 2.5778239864 0.0000000000 + 57 0.7217729489 2.7321861299 0.0000000000 + 58 0.3871461584 2.3277415696 0.0000000000 + 59 0.4736440692 2.3777441915 0.0000000000 + 60 0.3074001853 2.2712171466 0.0000000000 + 61 0.5593472802 2.4289593793 0.0000000000 + 62 0.0000000000 2.2000000000 0.0000000000 + 63 0.8000000000 3.0000000000 0.0000000000 + 64 0.7969992849 2.8955666896 0.0000000000 + 65 0.7221995517 2.6323065368 0.0000000000 + 66 0.2220582229 2.2193625290 0.0000000000 + 67 0.6419450936 2.4846037857 0.0000000000 + 68 0.8015029619 2.7819625600 0.0000000000 + 69 0.1133118089 2.1605288221 0.0000000000 + 70 0.4738529478 2.2781020346 0.0000000000 + 71 0.3874720372 2.2277644147 0.0000000000 + 72 0.7284822011 2.5344373897 0.0000000000 + 73 0.8082779584 2.6822561946 0.0000000000 + 74 0.5594093715 2.3291774831 0.0000000000 + 75 0.8747902647 2.9292179552 0.0000000000 + 76 0.3061296440 2.1733739247 0.0000000000 + 77 0.6454101050 2.3797769347 0.0000000000 + 78 0.9000000000 3.0000000000 0.0000000000 + 79 0.0000000000 2.1000000000 0.0000000000 + 80 0.8889027116 2.8303405197 0.0000000000 + 81 0.2225325859 2.1203902407 0.0000000000 + 82 0.8068255461 2.5827456378 0.0000000000 + 83 0.7286129172 2.4349978646 0.0000000000 + 84 0.8911412387 2.7377784089 0.0000000000 + 85 0.1170473102 2.0620976484 0.0000000000 + 86 0.4751186626 2.1781323609 0.0000000000 + 87 0.5610225499 2.2292797933 0.0000000000 + 88 0.9500436418 2.9050852679 0.0000000000 + 89 0.3949386413 2.1285778359 0.0000000000 + 90 0.6478742213 2.2869141008 0.0000000000 + 91 0.8136713165 2.4831436194 0.0000000000 + 92 0.8969077611 2.6382003655 0.0000000000 + 93 0.3106922632 2.0737339868 0.0000000000 + 94 0.7350491824 2.3357667669 0.0000000000 + 95 0.0000000000 2.0000000000 0.0000000000 + 96 1.0000000000 3.0000000000 0.0000000000 + 97 0.9795040603 2.7928447876 0.0000000000 + 98 0.2261033608 2.0205179059 0.0000000000 + 99 0.8962561297 2.5383654918 0.0000000000 + 100 0.8166650535 2.3925742120 0.0000000000 + 101 0.9804821929 2.6929961157 0.0000000000 + 102 0.5643092835 2.1336878610 0.0000000000 + 103 0.4805586652 2.0796868020 0.0000000000 + 104 0.6492173122 2.1844597203 0.0000000000 + 105 0.1179540557 1.9622164307 0.0000000000 + 106 0.3948047354 2.0289271335 0.0000000000 + 107 0.7338926928 2.2360527268 0.0000000000 + 108 0.9037743835 2.4412969485 0.0000000000 + 109 1.0570648142 2.8781083447 0.0000000000 + 110 0.9827538871 2.5872310679 0.0000000000 + 111 0.3120319571 1.9748965155 0.0000000000 + 112 0.8203457692 2.2857527554 0.0000000000 + 113 1.0662134420 2.7433251233 0.0000000000 + 114 1.1000000000 3.0000000000 0.0000000000 + 115 0.0000000000 1.9000000000 0.0000000000 + 116 0.2284571868 1.9212167567 0.0000000000 + 117 0.9795373921 2.4879367543 0.0000000000 + 118 0.9027516047 2.3420663302 0.0000000000 + 119 0.5652608169 2.0337589273 0.0000000000 + 120 1.0648806919 2.6439215024 0.0000000000 + 121 0.6512085593 2.0847460116 0.0000000000 + 122 0.4817949094 1.9797816380 0.0000000000 + 123 0.7367982133 2.1363319431 0.0000000000 + 124 0.4007562530 1.9293920163 0.0000000000 + 125 0.1166562827 1.8620354442 0.0000000000 + 126 1.1505589176 2.9099859575 0.0000000000 + 127 0.8202812499 2.1858225165 0.0000000000 + 128 0.9878052793 2.3885089741 0.0000000000 + 129 1.0721950188 2.5443970428 0.0000000000 + 130 0.3170466285 1.8751898570 0.0000000000 + 131 1.1532907750 2.7924190799 0.0000000000 + 132 0.9106021693 2.2431414581 0.0000000000 + 133 1.1521418245 2.6924622972 0.0000000000 + 134 0.2310347474 1.8246670358 0.0000000000 + 135 0.0000000000 1.8000000000 0.0000000000 + 136 1.2000000000 3.0000000000 0.0000000000 + 137 0.6545342273 1.9892876586 0.0000000000 + 138 1.0694358486 2.4446642577 0.0000000000 + 139 0.5708823377 1.9349756257 0.0000000000 + 140 0.7394214245 2.0400321466 0.0000000000 + 141 0.9908002822 2.3015882235 0.0000000000 + 142 0.4870053386 1.8810423556 0.0000000000 + 143 0.8246802467 2.0905402275 0.0000000000 + 144 1.1604270631 2.5913402714 0.0000000000 + 145 0.4015330535 1.8296746898 0.0000000000 + 146 0.1218768954 1.7639340997 0.0000000000 + 147 1.2424389989 2.8794023628 0.0000000000 + 148 1.0785942382 2.3488311381 0.0000000000 + 149 1.1567668278 2.4914645334 0.0000000000 + 150 0.3182158684 1.7761897080 0.0000000000 + 151 1.2401923789 2.7500000000 0.0000000000 + 152 0.9174780751 2.1288671322 0.0000000000 + 153 0.9966610002 2.1899105090 0.0000000000 + 154 1.2401923789 2.6500000000 0.0000000000 + 155 0.6598679922 1.8894958261 0.0000000000 + 156 0.7414134664 1.9403263715 0.0000000000 + 157 0.2325386260 1.7247401218 0.0000000000 + 158 0.5757824033 1.8351656738 0.0000000000 + 159 1.3000000000 3.0000000000 0.0000000000 + 160 0.0000000000 1.7000000000 0.0000000000 + 161 1.1504047797 2.3925883984 0.0000000000 + 162 0.8261908849 1.9907767511 0.0000000000 + 163 1.0761587599 2.2500750991 0.0000000000 + 164 0.4888796518 1.7811297733 0.0000000000 + 165 0.9089558939 2.0464191178 0.0000000000 + 166 1.2401923789 2.5500000000 0.0000000000 + 167 1.3267949192 2.9000000000 0.0000000000 + 168 0.4066583529 1.7300537560 0.0000000000 + 169 1.3267949192 2.8000000000 0.0000000000 + 170 0.1203331425 1.6624036355 0.0000000000 + 171 1.2401923789 2.4500000000 0.0000000000 + 172 1.1605892147 2.2937356699 0.0000000000 + 173 1.0099594982 2.0908748191 0.0000000000 + 174 1.3267949192 2.7000000000 0.0000000000 + 175 0.3223831467 1.6763384007 0.0000000000 + 176 0.7464522145 1.8414175084 0.0000000000 + 177 0.6611182485 1.7897435083 0.0000000000 + 178 1.0889175993 2.1521164405 0.0000000000 + 179 0.8304232226 1.8952780491 0.0000000000 + 180 1.3267949192 2.6000000000 0.0000000000 + 181 0.5776833075 1.7355833182 0.0000000000 + 182 0.9148246708 1.9468617115 0.0000000000 + 183 0.2371585543 1.6217359217 0.0000000000 + 184 1.4000000000 3.0000000000 0.0000000000 + 185 0.0000000000 1.6000000000 0.0000000000 + 186 1.2401923789 2.3500000000 0.0000000000 + 187 1.1646953714 2.2154916411 0.0000000000 + 188 0.4934671593 1.6820276535 0.0000000000 + 189 1.3267949192 2.5000000000 0.0000000000 + 190 1.4111645497 2.8583333333 0.0000000000 + 191 0.4081389968 1.6302620903 0.0000000000 + 192 1.4133974596 2.7500000000 0.0000000000 + 193 1.0270178792 1.9905606259 0.0000000000 + 194 0.1304247791 1.5640116697 0.0000000000 + 195 1.1025153892 2.0530642846 0.0000000000 + 196 1.2525358014 2.2613603122 0.0000000000 + 197 1.4133974596 2.6500000000 0.0000000000 + 198 1.3267949192 2.4000000000 0.0000000000 + 199 0.3256583126 1.5742987907 0.0000000000 + 200 0.7484658563 1.7420691383 0.0000000000 + 201 0.8323338731 1.7953636891 0.0000000000 + 202 0.6633019733 1.6898893953 0.0000000000 + 203 0.9177860292 1.8471754536 0.0000000000 + 204 0.5797172223 1.6363337045 0.0000000000 + 205 1.4133974596 2.5500000000 0.0000000000 + 206 1.0028697026 1.8995901313 0.0000000000 + 207 0.2405855638 1.5218182633 0.0000000000 + 208 1.5000000000 3.0000000000 0.0000000000 + 209 0.0000000000 1.5000000000 0.0000000000 + 210 1.3267949192 2.3000000000 0.0000000000 + 211 0.4960496459 1.5826541995 0.0000000000 + 212 1.2500000000 2.1650635095 0.0000000000 + 213 1.5000000000 2.9000000000 0.0000000000 + 214 1.2000000000 2.0784609691 0.0000000000 + 215 1.5000000000 2.8000000000 0.0000000000 + 216 1.4133974596 2.4500000000 0.0000000000 + 217 0.4120676156 1.5291403975 0.0000000000 + 218 1.5000000000 2.7000000000 0.0000000000 + 219 1.1465888781 1.9874093475 0.0000000000 + 220 0.1561767478 1.4689062860 0.0000000000 + 221 0.9023012584 1.7439610226 0.0000000000 + 222 1.3267949192 2.2000000000 0.0000000000 + 223 0.8368474887 1.6956231977 0.0000000000 + 224 1.1000000000 1.9052558883 0.0000000000 + 225 0.7523698836 1.6421847394 0.0000000000 + 226 1.5000000000 2.6000000000 0.0000000000 + 227 1.4133974596 2.3500000000 0.0000000000 + 228 0.6682310420 1.5901930567 0.0000000000 + 229 0.3284254765 1.4743792173 0.0000000000 + 230 0.5846485641 1.5366034683 0.0000000000 + 231 1.0500000000 1.8186533479 0.0000000000 + 232 1.5000000000 2.5000000000 0.0000000000 + 233 0.0721303009 1.4149273268 0.0000000000 + 234 1.3000000000 2.0784609691 0.0000000000 + 235 0.5010651590 1.4844621511 0.0000000000 + 236 0.2440072624 1.4220454949 0.0000000000 + 237 0.0000000000 1.4000000000 0.0000000000 + 238 1.4133974596 2.2500000000 0.0000000000 + 239 1.2500000000 1.9918584287 0.0000000000 + 240 1.0000000000 1.7320508076 0.0000000000 + 241 1.5000000000 2.4000000000 0.0000000000 + 242 1.2000000000 1.9052558883 0.0000000000 + 243 0.4177117394 1.4294041404 0.0000000000 + 244 0.9245389010 1.6495919651 0.0000000000 + 245 0.8406477201 1.5953506858 0.0000000000 + 246 0.1610788123 1.3694774028 0.0000000000 + 247 0.7558244221 1.5425168604 0.0000000000 + 248 1.1500000000 1.8186533479 0.0000000000 + 249 1.4133974596 2.1500000000 0.0000000000 + 250 0.6731831072 1.4904937803 0.0000000000 + 251 1.5000000000 2.3000000000 0.0000000000 + 252 0.3326320755 1.3772024811 0.0000000000 + 253 0.5889125427 1.4367388817 0.0000000000 + 254 0.0794125068 1.3279333813 0.0000000000 + 255 1.3326794919 1.9861662349 0.0000000000 + 256 1.1000000000 1.7320508076 0.0000000000 + 257 0.5037515658 1.3845248883 0.0000000000 + 258 0.2492201601 1.3223502641 0.0000000000 + 259 1.3000000000 1.9052558883 0.0000000000 + 260 1.5000000000 2.2000000000 0.0000000000 + 261 0.0000000000 1.3000000000 0.0000000000 + 262 1.4133974596 2.0500000000 0.0000000000 + 263 1.0500000000 1.6454482672 0.0000000000 + 264 1.2500000000 1.8186533479 0.0000000000 + 265 0.4206800425 1.3301799552 0.0000000000 + 266 0.8447331810 1.4970610375 0.0000000000 + 267 0.7606401802 1.4432152722 0.0000000000 + 268 0.1645118204 1.2695870687 0.0000000000 + 269 0.9632508779 1.5526442375 0.0000000000 + 270 0.6757276845 1.3906713161 0.0000000000 + 271 1.2000000000 1.7320508076 0.0000000000 + 272 1.5000000000 2.1000000000 0.0000000000 + 273 0.3353405287 1.2783661332 0.0000000000 + 274 0.5917264919 1.3372057011 0.0000000000 + 275 1.1500000000 1.6454482672 0.0000000000 + 276 1.4000000000 1.9052558883 0.0000000000 + 277 0.0787541073 1.2136084895 0.0000000000 + 278 0.5067156833 1.2845954768 0.0000000000 + 279 1.3500000000 1.8186533479 0.0000000000 + 280 0.2528899664 1.2232323397 0.0000000000 + 281 0.0000000000 1.2000000000 0.0000000000 + 282 1.5000000000 2.0000000000 0.0000000000 + 283 0.9328363431 1.4499687935 0.0000000000 + 284 1.0938751463 1.5578121453 0.0000000000 + 285 0.8480149389 1.3971133219 0.0000000000 + 286 1.3000000000 1.7320508076 0.0000000000 + 287 0.4231524518 1.2308627551 0.0000000000 + 288 0.7637544601 1.3433000528 0.0000000000 + 289 0.1684748947 1.1697163601 0.0000000000 + 290 0.6802282523 1.2908793426 0.0000000000 + 291 1.2500000000 1.6454482672 0.0000000000 + 292 0.3422544445 1.1788088363 0.0000000000 + 293 1.0500000000 1.4722431864 0.0000000000 + 294 1.5000000000 1.9052558883 0.0000000000 + 295 0.5951287435 1.2384029686 0.0000000000 + 296 1.4500000000 1.8186533479 0.0000000000 + 297 1.2000000000 1.5588457268 0.0000000000 + 298 0.5117733761 1.1848862772 0.0000000000 + 299 1.6000000000 2.0000000000 0.0000000000 + 300 0.0860125759 1.1139909541 0.0000000000 + 301 1.4000000000 1.7320508076 0.0000000000 + 302 0.2570549348 1.1265652834 0.0000000000 + 303 0.9367330708 1.3509828860 0.0000000000 + 304 1.0090360447 1.3920970603 0.0000000000 + 305 0.0000000000 1.1000000000 0.0000000000 + 306 0.8524138553 1.2972316632 0.0000000000 + 307 1.1500000000 1.4722431864 0.0000000000 + 308 1.3500000000 1.6454482672 0.0000000000 + 309 0.4295650375 1.1320072886 0.0000000000 + 310 0.7680274632 1.2437366006 0.0000000000 + 311 0.6831597478 1.1910084699 0.0000000000 + 312 0.1762152210 1.0719334018 0.0000000000 + 313 1.6000000000 1.9052558883 0.0000000000 + 314 1.3000000000 1.5588457268 0.0000000000 + 315 1.5500000000 1.8186533479 0.0000000000 + 316 0.3449951381 1.0790798549 0.0000000000 + 317 1.1000000000 1.3856406461 0.0000000000 + 318 0.6011042646 1.1402528563 0.0000000000 + 319 1.5000000000 1.7320508076 0.0000000000 + 320 1.7000000000 2.0000000000 0.0000000000 + 321 1.2500000000 1.4722431864 0.0000000000 + 322 0.0899289180 1.0222391040 0.0000000000 + 323 0.5175194769 1.0856109936 0.0000000000 + 324 1.0256108097 1.3016497893 0.0000000000 + 325 1.4500000000 1.6454482672 0.0000000000 + 326 0.9410832061 1.2483033185 0.0000000000 + 327 0.2604507781 1.0267195858 0.0000000000 + 328 0.8565886711 1.1973403866 0.0000000000 + 329 2.0000000000 3.0000000000 0.0000000000 + 330 0.0000000000 1.0000000000 0.0000000000 + 331 2.0000000000 2.9000000000 0.0000000000 + 332 1.4000000000 1.5588457268 0.0000000000 + 333 2.0000000000 2.8000000000 0.0000000000 + 334 0.7712968625 1.1438115925 0.0000000000 + 335 1.2000000000 1.3856406461 0.0000000000 + 336 0.4331361942 1.0322105114 0.0000000000 + 337 1.7000000000 1.9052558883 0.0000000000 + 338 2.0000000000 2.7000000000 0.0000000000 + 339 0.6876892798 1.0919792217 0.0000000000 + 340 1.6500000000 1.8186533479 0.0000000000 + 341 0.1746210179 0.9723728281 0.0000000000 + 342 1.3500000000 1.4722431864 0.0000000000 + 343 2.0000000000 2.6000000000 0.0000000000 + 344 1.6000000000 1.7320508076 0.0000000000 + 345 0.6022248563 1.0404752464 0.0000000000 + 346 0.3484055901 0.9791810856 0.0000000000 + 347 1.5500000000 1.6454482672 0.0000000000 + 348 1.8000000000 2.0000000000 0.0000000000 + 349 2.0000000000 2.5000000000 0.0000000000 + 350 1.1318828201 1.2762555151 0.0000000000 + 351 1.0293863662 1.2017673240 0.0000000000 + 352 1.3000000000 1.3856406461 0.0000000000 + 353 0.0952032736 0.9240984986 0.0000000000 + 354 0.9455753014 1.1485893879 0.0000000000 + 355 0.5191464516 0.9866139624 0.0000000000 + 356 1.5000000000 1.5588457268 0.0000000000 + 357 0.8597493027 1.0973791982 0.0000000000 + 358 2.0000000000 2.4000000000 0.0000000000 + 359 0.2633286457 0.9267812256 0.0000000000 + 360 2.1000000000 3.0000000000 0.0000000000 + 361 0.0000000000 0.9000000000 0.0000000000 + 362 0.7751246313 1.0442899676 0.0000000000 + 363 1.4500000000 1.4722431864 0.0000000000 + 364 1.8000000000 1.9052558883 0.0000000000 + 365 1.2500000000 1.2990381057 0.0000000000 + 366 1.7500000000 1.8186533479 0.0000000000 + 367 2.1000000000 2.7712812921 0.0000000000 + 368 0.4355781865 0.9328966701 0.0000000000 + 369 2.0000000000 2.3000000000 0.0000000000 + 370 1.7000000000 1.7320508076 0.0000000000 + 371 0.6899389914 0.9921056005 0.0000000000 + 372 2.1214285714 2.8714923452 0.0000000000 + 373 1.6500000000 1.6454482672 0.0000000000 + 374 0.1804017907 0.8728026513 0.0000000000 + 375 1.4000000000 1.3856406461 0.0000000000 + 376 2.1000000000 2.5980762114 0.0000000000 + 377 0.6077971093 0.9408774813 0.0000000000 + 378 1.9000000000 2.0000000000 0.0000000000 + 379 0.3513796652 0.8795493535 0.0000000000 + 380 1.6000000000 1.5588457268 0.0000000000 + 381 2.0000000000 2.2000000000 0.0000000000 + 382 1.1167532441 1.1534964683 0.0000000000 + 383 1.2014293207 1.2065556263 0.0000000000 + 384 1.0309361552 1.1025212378 0.0000000000 + 385 2.1416666667 2.6872322931 0.0000000000 + 386 0.9468137158 1.0486541492 0.0000000000 + 387 1.3500000000 1.2990381057 0.0000000000 + 388 1.5500000000 1.4722431864 0.0000000000 + 389 0.5241901150 0.8869050758 0.0000000000 + 390 2.1000000000 2.4248711306 0.0000000000 + 391 0.0953047327 0.8246498135 0.0000000000 + 392 0.8616356934 0.9986638087 0.0000000000 + 393 0.2702293243 0.8313109177 0.0000000000 + 394 2.0000000000 2.1000000000 0.0000000000 + 395 1.9012201579 1.9046757082 0.0000000000 + 396 1.8500000000 1.8186533479 0.0000000000 + 397 0.7777705099 0.9443502374 0.0000000000 + 398 2.2000000000 3.0000000000 0.0000000000 + 399 0.0000000000 0.8000000000 0.0000000000 + 400 1.8000000000 1.7320508076 0.0000000000 + 401 1.5000000000 1.3856406461 0.0000000000 + 402 2.1500000000 2.5114736710 0.0000000000 + 403 1.3000000000 1.2124355653 0.0000000000 + 404 0.4398291805 0.8330680126 0.0000000000 + 405 2.2000000000 2.7712812921 0.0000000000 + 406 1.7500000000 1.6454482672 0.0000000000 + 407 0.6968667220 0.8954841893 0.0000000000 + 408 2.0866025404 2.2500000000 0.0000000000 + 409 0.1833230513 0.7820707029 0.0000000000 + 410 1.7000000000 1.5588457268 0.0000000000 + 411 1.4500000000 1.2990381057 0.0000000000 + 412 2.0000000000 2.0000000000 0.0000000000 + 413 2.2000000000 2.5980762114 0.0000000000 + 414 2.1394337567 2.3316128169 0.0000000000 + 415 1.2047872411 1.1066855278 0.0000000000 + 416 0.6129630894 0.8411323052 0.0000000000 + 417 1.1196928088 1.0547222103 0.0000000000 + 418 2.2452380952 2.8786564603 0.0000000000 + 419 0.3553178196 0.7796471569 0.0000000000 + 420 1.6500000000 1.4722431864 0.0000000000 + 421 1.0351479914 1.0027188907 0.0000000000 + 422 0.9527180854 0.9492653639 0.0000000000 + 423 1.4000000000 1.2124355653 0.0000000000 + 424 2.2500000000 2.6846787517 0.0000000000 + 425 0.8664512274 0.8988632893 0.0000000000 + 426 1.6000000000 1.3856406461 0.0000000000 + 427 2.2000000000 2.4248711306 0.0000000000 + 428 0.5288881431 0.7870457978 0.0000000000 + 429 0.1016006721 0.7254005696 0.0000000000 + 430 2.1176007258 2.1564557898 0.0000000000 + 431 1.9500000000 1.8186533479 0.0000000000 + 432 2.0000000000 1.9000000000 0.0000000000 + 433 0.2696185992 0.7317678455 0.0000000000 + 434 1.9000000000 1.7320508076 0.0000000000 + 435 0.7820932001 0.8457873501 0.0000000000 + 436 2.0866025404 2.0500000000 0.0000000000 + 437 1.8500000000 1.6454482672 0.0000000000 + 438 2.3000000000 3.0000000000 0.0000000000 + 439 0.0000000000 0.7000000000 0.0000000000 + 440 1.5500000000 1.2990381057 0.0000000000 + 441 2.2500000000 2.5114736710 0.0000000000 + 442 1.8000000000 1.5588457268 0.0000000000 + 443 0.4429957461 0.7364253694 0.0000000000 + 444 1.3500000000 1.1258330249 0.0000000000 + 445 2.3000000000 2.7712812921 0.0000000000 + 446 0.6958556370 0.7958232150 0.0000000000 + 447 1.7500000000 1.4722431864 0.0000000000 + 448 2.2000000000 2.2516660498 0.0000000000 + 449 0.1853175657 0.6781895401 0.0000000000 + 450 1.1198573992 0.9554642418 0.0000000000 + 451 1.2063775253 1.0052368309 0.0000000000 + 452 1.5000000000 1.2124355653 0.0000000000 + 453 2.3000000000 2.5980762114 0.0000000000 + 454 2.0866025404 1.9500000000 0.0000000000 + 455 1.0339725021 0.9044814887 0.0000000000 + 456 0.6128724662 0.7424864040 0.0000000000 + 457 0.3570925433 0.6872134523 0.0000000000 + 458 1.7000000000 1.3856406461 0.0000000000 + 459 2.2500000000 2.3382685902 0.0000000000 + 460 2.3492063492 2.8798504795 0.0000000000 + 461 0.9529277116 0.8493539233 0.0000000000 + 462 1.3000000000 1.0392304845 0.0000000000 + 463 0.8661996790 0.8002865408 0.0000000000 + 464 2.0500000000 1.8186533479 0.0000000000 + 465 2.0000000000 1.7320508076 0.0000000000 + 466 1.4500000000 1.1258330249 0.0000000000 + 467 1.6500000000 1.2990381057 0.0000000000 + 468 2.3000000000 2.4248711306 0.0000000000 + 469 2.3500000000 2.6846787517 0.0000000000 + 470 0.5302909667 0.6882644300 0.0000000000 + 471 1.9500000000 1.6454482672 0.0000000000 + 472 0.1009189473 0.6263607536 0.0000000000 + 473 0.2740499122 0.6323215802 0.0000000000 + 474 1.9000000000 1.5588457268 0.0000000000 + 475 2.2000000000 2.0784609691 0.0000000000 + 476 0.7823895908 0.7458711594 0.0000000000 + 477 2.1732050808 2.0000000000 0.0000000000 + 478 2.2446001210 2.1636288895 0.0000000000 + 479 1.6000000000 1.2124355653 0.0000000000 + 480 1.8500000000 1.4722431864 0.0000000000 + 481 2.4000000000 3.0000000000 0.0000000000 + 482 0.0000000000 0.6000000000 0.0000000000 + 483 2.3500000000 2.5114736710 0.0000000000 + 484 0.4443764836 0.6404942186 0.0000000000 + 485 1.3759363848 1.0279133748 0.0000000000 + 486 0.7011891231 0.6963028179 0.0000000000 + 487 1.2826130172 0.9607082839 0.0000000000 + 488 2.4000000000 2.7712812921 0.0000000000 + 489 1.1997143309 0.9048309289 0.0000000000 + 490 1.8000000000 1.3856406461 0.0000000000 + 491 2.3000000000 2.2516660498 0.0000000000 + 492 1.1206411796 0.8555901093 0.0000000000 + 493 1.0341049345 0.8064647095 0.0000000000 + 494 0.1888092348 0.5804215875 0.0000000000 + 495 1.5500000000 1.1258330249 0.0000000000 + 496 2.4000000000 2.5980762114 0.0000000000 + 497 0.6191138307 0.6429827508 0.0000000000 + 498 0.3597254804 0.5874549561 0.0000000000 + 499 1.7500000000 1.2990381057 0.0000000000 + 500 2.3500000000 2.3382685902 0.0000000000 + 501 0.9522081830 0.7494448536 0.0000000000 + 502 2.4498677249 2.8800494827 0.0000000000 + 503 2.1000000000 1.7320508076 0.0000000000 + 504 2.1500000000 1.8186533479 0.0000000000 + 505 2.0500000000 1.6454482672 0.0000000000 + 506 2.2000000000 1.9052558883 0.0000000000 + 507 0.8711627335 0.7004840723 0.0000000000 + 508 0.5316486326 0.5952519427 0.0000000000 + 509 2.0000000000 1.5588457268 0.0000000000 + 510 2.2500000000 1.9918584287 0.0000000000 + 511 1.7000000000 1.2124355653 0.0000000000 + 512 2.4000000000 2.4248711306 0.0000000000 + 513 2.4500000000 2.6846787517 0.0000000000 + 514 0.1047474893 0.5266405467 0.0000000000 + 515 1.9500000000 1.4722431864 0.0000000000 + 516 2.3000000000 2.0784609691 0.0000000000 + 517 0.7869123458 0.6471686832 0.0000000000 + 518 0.2767112796 0.5331689385 0.0000000000 + 519 1.9000000000 1.3856406461 0.0000000000 + 520 2.3500000000 2.1650635095 0.0000000000 + 521 1.3730052914 0.9158754306 0.0000000000 + 522 1.6500000000 1.1258330249 0.0000000000 + 523 1.2894592926 0.8609706306 0.0000000000 + 524 2.4500000000 2.5114736710 0.0000000000 + 525 0.4481548305 0.5409877014 0.0000000000 + 526 1.5000000000 1.0000000000 0.0000000000 + 527 2.5000000000 3.0000000000 0.0000000000 + 528 0.0000000000 0.5000000000 0.0000000000 + 529 0.7009851409 0.5966001754 0.0000000000 + 530 1.2069856264 0.8052065736 0.0000000000 + 531 1.1201272852 0.7557142235 0.0000000000 + 532 2.5000000000 2.7712812921 0.0000000000 + 533 1.8500000000 1.2990381057 0.0000000000 + 534 2.4000000000 2.2516660498 0.0000000000 + 535 1.0418150050 0.7069715104 0.0000000000 + 536 0.1926771070 0.4795157568 0.0000000000 + 537 0.6173611244 0.5444409236 0.0000000000 + 538 2.5000000000 2.5980762114 0.0000000000 + 539 0.9585957405 0.6530463637 0.0000000000 + 540 1.8000000000 1.2124355653 0.0000000000 + 541 2.4500000000 2.3382685902 0.0000000000 + 542 0.3656161532 0.4878312526 0.0000000000 + 543 2.2000000000 1.7320508076 0.0000000000 + 544 2.1500000000 1.6454482672 0.0000000000 + 545 2.2500000000 1.8186533479 0.0000000000 + 546 2.1000000000 1.5588457268 0.0000000000 + 547 2.3000000000 1.9052558883 0.0000000000 + 548 2.5499779541 2.8831667403 0.0000000000 + 549 0.8753476309 0.6006459470 0.0000000000 + 550 2.0500000000 1.4722431864 0.0000000000 + 551 2.3500000000 1.9918584287 0.0000000000 + 552 1.6000000000 1.0000000000 0.0000000000 + 553 0.5370949925 0.4955058005 0.0000000000 + 554 1.7500000000 1.1258330249 0.0000000000 + 555 2.5000000000 2.4248711306 0.0000000000 + 556 2.5500000000 2.6846787517 0.0000000000 + 557 2.0000000000 1.3856406461 0.0000000000 + 558 2.4000000000 2.0784609691 0.0000000000 + 559 0.7878728758 0.5472475042 0.0000000000 + 560 0.1098548751 0.4243934624 0.0000000000 + 561 1.5000000000 0.9000000000 0.0000000000 + 562 0.2816329804 0.4344906676 0.0000000000 + 563 1.3786855825 0.8160645832 0.0000000000 + 564 1.2949725858 0.7615667109 0.0000000000 + 565 1.9500000000 1.2990381057 0.0000000000 + 566 1.2098364736 0.7125974855 0.0000000000 + 567 2.4500000000 2.1650635095 0.0000000000 + 568 0.4486097583 0.4492783974 0.0000000000 + 569 2.5500000000 2.5114736710 0.0000000000 + 570 1.1267336313 0.6578187562 0.0000000000 + 571 2.6000000000 3.0000000000 0.0000000000 + 572 0.0000000000 0.4000000000 0.0000000000 + 573 0.7050055421 0.4970400062 0.0000000000 + 574 1.9000000000 1.2124355653 0.0000000000 + 575 2.5000000000 2.2516660498 0.0000000000 + 576 2.6000000000 2.7712812921 0.0000000000 + 577 1.0441548401 0.6020693754 0.0000000000 + 578 1.7000000000 1.0000000000 0.0000000000 + 579 0.9565464501 0.5547007902 0.0000000000 + 580 0.1997814332 0.3818352250 0.0000000000 + 581 2.2500000000 1.6454482672 0.0000000000 + 582 2.3000000000 1.7320508076 0.0000000000 + 583 0.6199851614 0.4445649397 0.0000000000 + 584 2.2000000000 1.5588457268 0.0000000000 + 585 2.3500000000 1.8186533479 0.0000000000 + 586 2.6000000000 2.5980762114 0.0000000000 + 587 1.8500000000 1.1258330249 0.0000000000 + 588 2.5500000000 2.3382685902 0.0000000000 + 589 0.3706279912 0.3900128149 0.0000000000 + 590 2.1500000000 1.4722431864 0.0000000000 + 591 2.4000000000 1.9052558883 0.0000000000 + 592 0.8761446259 0.5006660178 0.0000000000 + 593 2.1000000000 1.3856406461 0.0000000000 + 594 2.4500000000 1.9918584287 0.0000000000 + 595 2.6499963257 2.8842002983 0.0000000000 + 596 0.5331961254 0.3962524042 0.0000000000 + 597 1.5000000000 0.8000000000 0.0000000000 + 598 2.6000000000 2.4248711306 0.0000000000 + 599 2.0500000000 1.2990381057 0.0000000000 + 600 2.5000000000 2.0784609691 0.0000000000 + 601 2.6500000000 2.6846787517 0.0000000000 + 602 0.7913155643 0.4480754574 0.0000000000 + 603 1.3818791861 0.7123211351 0.0000000000 + 604 1.2955839717 0.6620118925 0.0000000000 + 605 0.1157546703 0.3278647695 0.0000000000 + 606 1.2159474705 0.6129011785 0.0000000000 + 607 0.2874143384 0.3347852328 0.0000000000 + 608 2.0000000000 1.2124355653 0.0000000000 + 609 2.5500000000 2.1650635095 0.0000000000 + 610 0.4620203087 0.3506956989 0.0000000000 + 611 1.8000000000 1.0000000000 0.0000000000 + 612 2.6500000000 2.5114736710 0.0000000000 + 613 0.7054277297 0.3972323988 0.0000000000 + 614 2.7000000000 3.0000000000 0.0000000000 + 615 0.0000000000 0.3000000000 0.0000000000 + 616 1.1300391921 0.5466447001 0.0000000000 + 617 1.9500000000 1.1258330249 0.0000000000 + 618 2.6000000000 2.2516660498 0.0000000000 + 619 1.0406298097 0.5020126403 0.0000000000 + 620 2.7000000000 2.7712812921 0.0000000000 + 621 2.3500000000 1.6454482672 0.0000000000 + 622 2.3000000000 1.5588457268 0.0000000000 + 623 2.4000000000 1.7320508076 0.0000000000 + 624 0.9517229356 0.4579488203 0.0000000000 + 625 2.2500000000 1.4722431864 0.0000000000 + 626 2.4500000000 1.8186533479 0.0000000000 + 627 0.2047194092 0.2824931683 0.0000000000 + 628 0.6187127682 0.3447401408 0.0000000000 + 629 2.2000000000 1.3856406461 0.0000000000 + 630 2.5000000000 1.9052558883 0.0000000000 + 631 2.7000000000 2.5980762114 0.0000000000 + 632 2.6500000000 2.3382685902 0.0000000000 + 633 0.3821002123 0.2908009911 0.0000000000 + 634 2.1500000000 1.2990381057 0.0000000000 + 635 2.5500000000 1.9918584287 0.0000000000 + 636 0.8754576226 0.4012808989 0.0000000000 + 637 1.5000000000 0.7000000000 0.0000000000 + 638 0.7866599826 0.3640707414 0.0000000000 + 639 2.7499993876 2.8807744525 0.0000000000 + 640 0.5442946774 0.3005331547 0.0000000000 + 641 1.3848639909 0.6178395840 0.0000000000 + 642 2.1000000000 1.2124355653 0.0000000000 + 643 2.6000000000 2.0784609691 0.0000000000 + 644 1.9000000000 1.0000000000 0.0000000000 + 645 2.7000000000 2.4248711306 0.0000000000 + 646 1.3012234477 0.5637436120 0.0000000000 + 647 1.2153347071 0.5132932513 0.0000000000 + 648 2.7500000000 2.6846787517 0.0000000000 + 649 0.1298105112 0.2345919384 0.0000000000 + 650 0.2946776689 0.2440169052 0.0000000000 + 651 2.0500000000 1.1258330249 0.0000000000 + 652 2.6500000000 2.1650635095 0.0000000000 + 653 0.4580746821 0.2516716100 0.0000000000 + 654 0.7085976159 0.3027403372 0.0000000000 + 655 1.1237456476 0.4469128109 0.0000000000 + 656 2.7500000000 2.5114736710 0.0000000000 + 657 1.0329407499 0.3989742164 0.0000000000 + 658 2.4000000000 1.5588457268 0.0000000000 + 659 2.4500000000 1.6454482672 0.0000000000 + 660 2.8000000000 3.0000000000 0.0000000000 + 661 0.0000000000 0.2000000000 0.0000000000 + 662 0.9437634695 0.3632688426 0.0000000000 + 663 2.7000000000 2.2516660498 0.0000000000 + 664 2.3500000000 1.4722431864 0.0000000000 + 665 2.5000000000 1.7320508076 0.0000000000 + 666 2.8000000000 2.7712812921 0.0000000000 + 667 2.3000000000 1.3856406461 0.0000000000 + 668 2.5500000000 1.8186533479 0.0000000000 + 669 2.2500000000 1.2990381057 0.0000000000 + 670 2.6000000000 1.9052558883 0.0000000000 + 671 0.6257333902 0.2481803752 0.0000000000 + 672 0.2156419225 0.1836299976 0.0000000000 + 673 2.0000000000 1.0000000000 0.0000000000 + 674 2.7500000000 2.3382685902 0.0000000000 + 675 2.8000000000 2.5980762114 0.0000000000 + 676 1.5000000000 0.6000000000 0.0000000000 + 677 0.3804344366 0.1942451403 0.0000000000 + 678 0.8645292296 0.3028026049 0.0000000000 + 679 2.2000000000 1.2124355653 0.0000000000 + 680 2.6500000000 1.9918584287 0.0000000000 + 681 0.7982175310 0.2654726955 0.0000000000 + 682 0.5381834822 0.2015082960 0.0000000000 + 683 1.3021415174 0.4638452346 0.0000000000 + 684 2.1500000000 1.1258330249 0.0000000000 + 685 2.8499998979 2.8839900577 0.0000000000 + 686 2.7000000000 2.0784609691 0.0000000000 + 687 2.8000000000 2.4248711306 0.0000000000 + 688 1.4072840554 0.5049269073 0.0000000000 + 689 2.8500000000 2.6846787517 0.0000000000 + 690 0.1292150283 0.1347731227 0.0000000000 + 691 2.1042857143 1.0485547275 0.0000000000 + 692 0.2940845308 0.1442295757 0.0000000000 + 693 2.7500000000 2.1650635095 0.0000000000 + 694 0.7151113132 0.2153332615 0.0000000000 + 695 1.2094357332 0.3870007850 0.0000000000 + 696 1.0240469559 0.3041605519 0.0000000000 + 697 0.4707536470 0.1533319149 0.0000000000 + 698 2.5000000000 1.5588457268 0.0000000000 + 699 2.4500000000 1.4722431864 0.0000000000 + 700 2.5500000000 1.6454482672 0.0000000000 + 701 2.8500000000 2.5114736710 0.0000000000 + 702 2.4000000000 1.3856406461 0.0000000000 + 703 2.6000000000 1.7320508076 0.0000000000 + 704 0.9553734907 0.2642767314 0.0000000000 + 705 2.8000000000 2.2516660498 0.0000000000 + 706 2.0000000000 0.9000000000 0.0000000000 + 707 2.9000000000 3.0000000000 0.0000000000 + 708 0.0000000000 0.1000000000 0.0000000000 + 709 0.6317919410 0.1692330640 0.0000000000 + 710 2.3500000000 1.2990381057 0.0000000000 + 711 2.6500000000 1.8186533479 0.0000000000 + 712 1.1137356810 0.3195416324 0.0000000000 + 713 2.9000000000 2.7712812921 0.0000000000 + 714 2.3000000000 1.2124355653 0.0000000000 + 715 2.7000000000 1.9052558883 0.0000000000 + 716 1.5000000000 0.5000000000 0.0000000000 + 717 0.2159920884 0.0865409333 0.0000000000 + 718 0.8738568180 0.2086713828 0.0000000000 + 719 2.8500000000 2.3382685902 0.0000000000 + 720 2.9000000000 2.5980762114 0.0000000000 + 721 2.2500000000 1.1258330249 0.0000000000 + 722 2.7500000000 1.9918584287 0.0000000000 + 723 0.3898597217 0.0949021640 0.0000000000 + 724 1.3761313732 0.3964828895 0.0000000000 + 725 0.8014018109 0.1662506620 0.0000000000 + 726 2.2000000000 1.0392304845 0.0000000000 + 727 2.8000000000 2.0784609691 0.0000000000 + 728 2.1214285714 0.9518771030 0.0000000000 + 729 2.9499999830 2.8849543470 0.0000000000 + 730 0.5647503840 0.0991399687 0.0000000000 + 731 2.9000000000 2.4248711306 0.0000000000 + 732 1.3009542999 0.3389936051 0.0000000000 + 733 2.9500000000 2.6846787517 0.0000000000 + 734 1.0459298501 0.2235248487 0.0000000000 + 735 2.8500000000 2.1650635095 0.0000000000 + 736 2.5500000000 1.4722431864 0.0000000000 + 737 2.6000000000 1.5588457268 0.0000000000 + 738 2.0000000000 0.8000000000 0.0000000000 + 739 2.5000000000 1.3856406461 0.0000000000 + 740 2.6500000000 1.6454482672 0.0000000000 + 741 2.4500000000 1.2990381057 0.0000000000 + 742 2.7000000000 1.7320508076 0.0000000000 + 743 0.7160130498 0.1035972542 0.0000000000 + 744 2.9500000000 2.5114736710 0.0000000000 + 745 0.9639582181 0.1674728932 0.0000000000 + 746 2.4000000000 1.2124355653 0.0000000000 + 747 2.7500000000 1.8186533479 0.0000000000 + 748 2.1000000000 0.8660254038 0.0000000000 + 749 2.9000000000 2.2516660498 0.0000000000 + 750 0.0000000000 0.0000000000 0.0000000000 + 751 3.0000000000 3.0000000000 0.0000000000 + 752 0.6477732340 0.0707665376 0.0000000000 + 753 1.2135213366 0.2559193009 0.0000000000 + 754 0.1000000000 0.0000000000 0.0000000000 + 755 1.5000000000 0.4000000000 0.0000000000 + 756 2.3500000000 1.1258330249 0.0000000000 + 757 2.8000000000 1.9052558883 0.0000000000 + 758 0.2000000000 0.0000000000 0.0000000000 + 759 3.0000000000 2.7712812921 0.0000000000 + 760 0.3000000000 0.0000000000 0.0000000000 + 761 2.3000000000 1.0392304845 0.0000000000 + 762 2.8500000000 1.9918584287 0.0000000000 + 763 2.9500000000 2.3382685902 0.0000000000 + 764 0.4000000000 0.0000000000 0.0000000000 + 765 3.0000000000 2.5980762114 0.0000000000 + 766 0.8831751566 0.1038728121 0.0000000000 + 767 1.1389915215 0.1896008688 0.0000000000 + 768 1.3960258522 0.3061278962 0.0000000000 + 769 0.5000000000 0.0000000000 0.0000000000 + 770 2.2500000000 0.9526279442 0.0000000000 + 771 2.9000000000 2.0784609691 0.0000000000 + 772 2.0000000000 0.7000000000 0.0000000000 + 773 3.0500000000 2.8831734398 0.0000000000 + 774 3.0000000000 2.4248711306 0.0000000000 + 775 2.6500000000 1.4722431864 0.0000000000 + 776 0.6000000000 0.0000000000 0.0000000000 + 777 2.6000000000 1.3856406461 0.0000000000 + 778 2.7000000000 1.5588457268 0.0000000000 + 779 1.0538269579 0.1240113911 0.0000000000 + 780 2.2000000000 0.8660254038 0.0000000000 + 781 2.5500000000 1.2990381057 0.0000000000 + 782 2.7500000000 1.6454482672 0.0000000000 + 783 2.9500000000 2.1650635095 0.0000000000 + 784 3.0500000000 2.6846787517 0.0000000000 + 785 1.3084699869 0.2245855244 0.0000000000 + 786 0.9598340929 0.0808419349 0.0000000000 + 787 2.5000000000 1.2124355653 0.0000000000 + 788 2.8000000000 1.7320508076 0.0000000000 + 789 0.7000000000 0.0000000000 0.0000000000 + 790 2.1416666667 0.7828523862 0.0000000000 + 791 2.4500000000 1.1258330249 0.0000000000 + 792 2.8500000000 1.8186533479 0.0000000000 + 793 1.5000000000 0.3000000000 0.0000000000 + 794 3.0500000000 2.5114736710 0.0000000000 + 795 3.0000000000 2.2516660498 0.0000000000 + 796 1.2338258203 0.1580625950 0.0000000000 + 797 2.4000000000 1.0392304845 0.0000000000 + 798 2.9000000000 1.9052558883 0.0000000000 + 799 3.1000000000 3.0000000000 0.0000000000 + 800 0.8000000000 0.0000000000 0.0000000000 + 801 3.1000000000 2.7712812921 0.0000000000 + 802 2.3500000000 0.9526279442 0.0000000000 + 803 2.9500000000 1.9918584287 0.0000000000 + 804 2.1000000000 0.6928203230 0.0000000000 + 805 3.0500000000 2.3382685902 0.0000000000 + 806 2.0000000000 0.6000000000 0.0000000000 + 807 3.1000000000 2.5980762114 0.0000000000 + 808 0.9000000000 0.0000000000 0.0000000000 + 809 1.1500000000 0.0866025404 0.0000000000 + 810 2.3000000000 0.8660254038 0.0000000000 + 811 1.4034182439 0.1932064831 0.0000000000 + 812 3.0000000000 2.0784609691 0.0000000000 + 813 2.7000000000 1.3856406461 0.0000000000 + 814 2.7500000000 1.4722431864 0.0000000000 + 815 2.6500000000 1.2990381057 0.0000000000 + 816 2.8000000000 1.5588457268 0.0000000000 + 817 3.1500000000 2.8800896800 0.0000000000 + 818 3.1000000000 2.4248711306 0.0000000000 + 819 2.6000000000 1.2124355653 0.0000000000 + 820 2.8500000000 1.6454482672 0.0000000000 + 821 2.2500000000 0.7794228634 0.0000000000 + 822 3.0500000000 2.1650635095 0.0000000000 + 823 1.0000000000 0.0000000000 0.0000000000 + 824 2.5500000000 1.1258330249 0.0000000000 + 825 2.9000000000 1.7320508076 0.0000000000 + 826 1.3287669448 0.1266707838 0.0000000000 + 827 3.1500000000 2.6846787517 0.0000000000 + 828 1.2500000000 0.0866025404 0.0000000000 + 829 1.5000000000 0.2000000000 0.0000000000 + 830 2.5000000000 1.0392304845 0.0000000000 + 831 2.9500000000 1.8186533479 0.0000000000 + 832 3.1500000000 2.5114736710 0.0000000000 + 833 2.2000000000 0.6928203230 0.0000000000 + 834 3.1000000000 2.2516660498 0.0000000000 + 835 2.4500000000 0.9526279442 0.0000000000 + 836 3.0000000000 1.9052558883 0.0000000000 + 837 1.1000000000 0.0000000000 0.0000000000 + 838 3.2000000000 3.0000000000 0.0000000000 + 839 2.0000000000 0.5000000000 0.0000000000 + 840 3.2000000000 2.7712812921 0.0000000000 + 841 1.4264370377 0.1239754534 0.0000000000 + 842 2.4000000000 0.8660254038 0.0000000000 + 843 3.0500000000 1.9918584287 0.0000000000 + 844 2.1500000000 0.6062177826 0.0000000000 + 845 3.1500000000 2.3382685902 0.0000000000 + 846 3.2000000000 2.5980762114 0.0000000000 + 847 1.2000000000 0.0000000000 0.0000000000 + 848 2.8000000000 1.3856406461 0.0000000000 + 849 2.3500000000 0.7794228634 0.0000000000 + 850 2.7500000000 1.2990381057 0.0000000000 + 851 2.8500000000 1.4722431864 0.0000000000 + 852 3.1000000000 2.0784609691 0.0000000000 + 853 2.7000000000 1.2124355653 0.0000000000 + 854 2.9000000000 1.5588457268 0.0000000000 + 855 2.6500000000 1.1258330249 0.0000000000 + 856 2.9500000000 1.6454482672 0.0000000000 + 857 2.1000000000 0.5196152423 0.0000000000 + 858 3.2000000000 2.4248711306 0.0000000000 + 859 3.2500000000 2.8800916630 0.0000000000 + 860 2.6000000000 1.0392304845 0.0000000000 + 861 3.0000000000 1.7320508076 0.0000000000 + 862 2.3000000000 0.6928203230 0.0000000000 + 863 3.1500000000 2.1650635095 0.0000000000 + 864 1.5000000000 0.1000000000 0.0000000000 + 865 3.2500000000 2.6846787517 0.0000000000 + 866 1.3000000000 0.0000000000 0.0000000000 + 867 2.5500000000 0.9526279442 0.0000000000 + 868 3.0500000000 1.8186533479 0.0000000000 + 869 2.0000000000 0.4000000000 0.0000000000 + 870 2.2500000000 0.6062177826 0.0000000000 + 871 3.2000000000 2.2516660498 0.0000000000 + 872 3.2500000000 2.5114736710 0.0000000000 + 873 2.5000000000 0.8660254038 0.0000000000 + 874 3.1000000000 1.9052558883 0.0000000000 + 875 3.3000000000 3.0000000000 0.0000000000 + 876 2.4500000000 0.7794228634 0.0000000000 + 877 3.1500000000 1.9918584287 0.0000000000 + 878 3.3000000000 2.7712812921 0.0000000000 + 879 1.4000000000 0.0000000000 0.0000000000 + 880 2.2000000000 0.5196152423 0.0000000000 + 881 3.2500000000 2.3382685902 0.0000000000 + 882 2.8500000000 1.2990381057 0.0000000000 + 883 2.9000000000 1.3856406461 0.0000000000 + 884 2.8000000000 1.2124355653 0.0000000000 + 885 2.9500000000 1.4722431864 0.0000000000 + 886 3.3000000000 2.5980762114 0.0000000000 + 887 2.7500000000 1.1258330249 0.0000000000 + 888 3.0000000000 1.5588457268 0.0000000000 + 889 2.4000000000 0.6928203230 0.0000000000 + 890 3.2000000000 2.0784609691 0.0000000000 + 891 2.7000000000 1.0392304845 0.0000000000 + 892 3.0500000000 1.6454482672 0.0000000000 + 893 2.1416666667 0.4275105849 0.0000000000 + 894 2.6500000000 0.9526279442 0.0000000000 + 895 3.1000000000 1.7320508076 0.0000000000 + 896 3.3000000000 2.4248711306 0.0000000000 + 897 3.3500000000 2.8801035615 0.0000000000 + 898 1.5000000000 0.0000000000 0.0000000000 + 899 2.3500000000 0.6062177826 0.0000000000 + 900 3.2500000000 2.1650635095 0.0000000000 + 901 2.0000000000 0.3000000000 0.0000000000 + 902 2.6000000000 0.8660254038 0.0000000000 + 903 3.1500000000 1.8186533479 0.0000000000 + 904 3.3500000000 2.6846787517 0.0000000000 + 905 2.0926190476 0.3461852380 0.0000000000 + 906 2.5500000000 0.7794228634 0.0000000000 + 907 3.2000000000 1.9052558883 0.0000000000 + 908 2.3000000000 0.5196152423 0.0000000000 + 909 3.3000000000 2.2516660498 0.0000000000 + 910 3.3500000000 2.5114736710 0.0000000000 + 911 3.4000000000 3.0000000000 0.0000000000 + 912 2.5000000000 0.6928203230 0.0000000000 + 913 3.2500000000 1.9918584287 0.0000000000 + 914 2.9500000000 1.2990381057 0.0000000000 + 915 2.9000000000 1.2124355653 0.0000000000 + 916 3.0000000000 1.3856406461 0.0000000000 + 917 3.4000000000 2.7712812921 0.0000000000 + 918 2.8500000000 1.1258330249 0.0000000000 + 919 3.0500000000 1.4722431864 0.0000000000 + 920 2.2500000000 0.4330127019 0.0000000000 + 921 3.3500000000 2.3382685902 0.0000000000 + 922 2.8000000000 1.0392304845 0.0000000000 + 923 3.1000000000 1.5588457268 0.0000000000 + 924 3.4000000000 2.5980762114 0.0000000000 + 925 2.4500000000 0.6062177826 0.0000000000 + 926 3.3000000000 2.0784609691 0.0000000000 + 927 2.7500000000 0.9526279442 0.0000000000 + 928 3.1500000000 1.6454482672 0.0000000000 + 929 2.0000000000 0.2000000000 0.0000000000 + 930 2.7000000000 0.8660254038 0.0000000000 + 931 3.2000000000 1.7320508076 0.0000000000 + 932 2.2000000000 0.3464101615 0.0000000000 + 933 3.4000000000 2.4248711306 0.0000000000 + 934 2.4000000000 0.5196152423 0.0000000000 + 935 3.4500000000 2.8801749526 0.0000000000 + 936 3.3500000000 2.1650635095 0.0000000000 + 937 2.6500000000 0.7794228634 0.0000000000 + 938 3.2500000000 1.8186533479 0.0000000000 + 939 3.4500000000 2.6846787517 0.0000000000 + 940 2.1214285714 0.2570054437 0.0000000000 + 941 2.6000000000 0.6928203230 0.0000000000 + 942 3.3000000000 1.9052558883 0.0000000000 + 943 2.3500000000 0.4330127019 0.0000000000 + 944 3.4000000000 2.2516660498 0.0000000000 + 945 3.4500000000 2.5114736710 0.0000000000 + 946 3.0000000000 1.2124355653 0.0000000000 + 947 3.0500000000 1.2990381057 0.0000000000 + 948 2.9500000000 1.1258330249 0.0000000000 + 949 3.1000000000 1.3856406461 0.0000000000 + 950 2.5500000000 0.6062177826 0.0000000000 + 951 3.3500000000 1.9918584287 0.0000000000 + 952 3.5000000000 3.0000000000 0.0000000000 + 953 2.9000000000 1.0392304845 0.0000000000 + 954 3.1500000000 1.4722431864 0.0000000000 + 955 3.5000000000 2.7712812921 0.0000000000 + 956 2.8500000000 0.9526279442 0.0000000000 + 957 3.2000000000 1.5588457268 0.0000000000 + 958 2.3000000000 0.3464101615 0.0000000000 + 959 3.4500000000 2.3382685902 0.0000000000 + 960 2.8000000000 0.8660254038 0.0000000000 + 961 3.2500000000 1.6454482672 0.0000000000 + 962 2.1000000000 0.1732050808 0.0000000000 + 963 2.5000000000 0.5196152423 0.0000000000 + 964 3.4000000000 2.0784609691 0.0000000000 + 965 2.0000000000 0.1000000000 0.0000000000 + 966 3.5000000000 2.5980762114 0.0000000000 + 967 2.7500000000 0.7794228634 0.0000000000 + 968 3.3000000000 1.7320508076 0.0000000000 + 969 2.2500000000 0.2598076211 0.0000000000 + 970 3.5000000000 2.4248711306 0.0000000000 + 971 2.4500000000 0.4330127019 0.0000000000 + 972 3.4500000000 2.1650635095 0.0000000000 + 973 2.7000000000 0.6928203230 0.0000000000 + 974 3.5500000000 2.8806032987 0.0000000000 + 975 3.3500000000 1.8186533479 0.0000000000 + 976 3.5500000000 2.6846787517 0.0000000000 + 977 2.6500000000 0.6062177826 0.0000000000 + 978 3.4000000000 1.9052558883 0.0000000000 + 979 2.4000000000 0.3464101615 0.0000000000 + 980 3.1000000000 1.2124355653 0.0000000000 + 981 3.5000000000 2.2516660498 0.0000000000 + 982 3.0500000000 1.1258330249 0.0000000000 + 983 3.1500000000 1.2990381057 0.0000000000 + 984 2.2000000000 0.1732050808 0.0000000000 + 985 3.5500000000 2.5114736710 0.0000000000 + 986 3.0000000000 1.0392304845 0.0000000000 + 987 3.2000000000 1.3856406461 0.0000000000 + 988 2.9500000000 0.9526279442 0.0000000000 + 989 3.2500000000 1.4722431864 0.0000000000 + 990 2.6000000000 0.5196152423 0.0000000000 + 991 3.4500000000 1.9918584287 0.0000000000 + 992 3.6000000000 3.0000000000 0.0000000000 + 993 2.9000000000 0.8660254038 0.0000000000 + 994 3.3000000000 1.5588457268 0.0000000000 + 995 2.0000000000 0.0000000000 0.0000000000 + 996 3.6000000000 2.7712812921 0.0000000000 + 997 2.3500000000 0.2598076211 0.0000000000 + 998 3.5500000000 2.3382685902 0.0000000000 + 999 2.8500000000 0.7794228634 0.0000000000 + 1000 3.3500000000 1.6454482672 0.0000000000 + 1001 2.1416666667 0.0888354503 0.0000000000 + 1002 2.5500000000 0.4330127019 0.0000000000 + 1003 3.5000000000 2.0784609691 0.0000000000 + 1004 3.6000000000 2.5980762114 0.0000000000 + 1005 2.8000000000 0.6928203230 0.0000000000 + 1006 3.4000000000 1.7320508076 0.0000000000 + 1007 2.3000000000 0.1732050808 0.0000000000 + 1008 3.6000000000 2.4248711306 0.0000000000 + 1009 2.5000000000 0.3464101615 0.0000000000 + 1010 2.7500000000 0.6062177826 0.0000000000 + 1011 3.4500000000 1.8186533479 0.0000000000 + 1012 3.5500000000 2.1650635095 0.0000000000 + 1013 3.6500000000 2.8831733756 0.0000000000 + 1014 2.1000000000 0.0000000000 0.0000000000 + 1015 3.6500000000 2.6846787517 0.0000000000 + 1016 3.1500000000 1.1258330249 0.0000000000 + 1017 3.2000000000 1.2124355653 0.0000000000 + 1018 2.7000000000 0.5196152423 0.0000000000 + 1019 3.5000000000 1.9052558883 0.0000000000 + 1020 3.1000000000 1.0392304845 0.0000000000 + 1021 3.2500000000 1.2990381057 0.0000000000 + 1022 3.0500000000 0.9526279442 0.0000000000 + 1023 3.3000000000 1.3856406461 0.0000000000 + 1024 2.4500000000 0.2598076211 0.0000000000 + 1025 3.6000000000 2.2516660498 0.0000000000 + 1026 2.2500000000 0.0866025404 0.0000000000 + 1027 3.0000000000 0.8660254038 0.0000000000 + 1028 3.3500000000 1.4722431864 0.0000000000 + 1029 3.6500000000 2.5114736710 0.0000000000 + 1030 2.6500000000 0.4330127019 0.0000000000 + 1031 3.5500000000 1.9918584287 0.0000000000 + 1032 2.9500000000 0.7794228634 0.0000000000 + 1033 3.4000000000 1.5588457268 0.0000000000 + 1034 3.7000000000 3.0000000000 0.0000000000 + 1035 2.9000000000 0.6928203230 0.0000000000 + 1036 3.4500000000 1.6454482672 0.0000000000 + 1037 3.7000000000 2.7712812921 0.0000000000 + 1038 2.4000000000 0.1732050808 0.0000000000 + 1039 3.6500000000 2.3382685902 0.0000000000 + 1040 2.6000000000 0.3464101615 0.0000000000 + 1041 3.6000000000 2.0784609691 0.0000000000 + 1042 2.2000000000 0.0000000000 0.0000000000 + 1043 3.7000000000 2.5980762114 0.0000000000 + 1044 2.8500000000 0.6062177826 0.0000000000 + 1045 3.5000000000 1.7320508076 0.0000000000 + 1046 2.8000000000 0.5196152423 0.0000000000 + 1047 3.5500000000 1.8186533479 0.0000000000 + 1048 2.3500000000 0.0866025404 0.0000000000 + 1049 2.5500000000 0.2598076211 0.0000000000 + 1050 3.6500000000 2.1650635095 0.0000000000 + 1051 3.7000000000 2.4248711306 0.0000000000 + 1052 3.2500000000 1.1258330249 0.0000000000 + 1053 3.7500000000 2.8849210365 0.0000000000 + 1054 3.2000000000 1.0392304845 0.0000000000 + 1055 3.3000000000 1.2124355653 0.0000000000 + 1056 3.1500000000 0.9526279442 0.0000000000 + 1057 3.3500000000 1.2990381057 0.0000000000 + 1058 2.7500000000 0.4330127019 0.0000000000 + 1059 3.6000000000 1.9052558883 0.0000000000 + 1060 3.7500000000 2.6846787517 0.0000000000 + 1061 3.1000000000 0.8660254038 0.0000000000 + 1062 3.4000000000 1.3856406461 0.0000000000 + 1063 3.0500000000 0.7794228634 0.0000000000 + 1064 3.4500000000 1.4722431864 0.0000000000 + 1065 2.5000000000 0.1732050808 0.0000000000 + 1066 3.7000000000 2.2516660498 0.0000000000 + 1067 2.3000000000 0.0000000000 0.0000000000 + 1068 3.7500000000 2.5114736710 0.0000000000 + 1069 3.0000000000 0.6928203230 0.0000000000 + 1070 3.5000000000 1.5588457268 0.0000000000 + 1071 2.7000000000 0.3464101615 0.0000000000 + 1072 3.6500000000 1.9918584287 0.0000000000 + 1073 2.9500000000 0.6062177826 0.0000000000 + 1074 3.5500000000 1.6454482672 0.0000000000 + 1075 3.8000000000 3.0000000000 0.0000000000 + 1076 2.4500000000 0.0866025404 0.0000000000 + 1077 3.8000000000 2.7712812921 0.0000000000 + 1078 3.7500000000 2.3382685902 0.0000000000 + 1079 2.6500000000 0.2598076211 0.0000000000 + 1080 3.7000000000 2.0784609691 0.0000000000 + 1081 2.9000000000 0.5196152423 0.0000000000 + 1082 3.6000000000 1.7320508076 0.0000000000 + 1083 3.8000000000 2.5980762114 0.0000000000 + 1084 2.8500000000 0.4330127019 0.0000000000 + 1085 3.6500000000 1.8186533479 0.0000000000 + 1086 3.3000000000 1.0392304845 0.0000000000 + 1087 3.3500000000 1.1258330249 0.0000000000 + 1088 2.6000000000 0.1732050808 0.0000000000 + 1089 3.2500000000 0.9526279442 0.0000000000 + 1090 3.4000000000 1.2124355653 0.0000000000 + 1091 3.7500000000 2.1650635095 0.0000000000 + 1092 2.4000000000 0.0000000000 0.0000000000 + 1093 3.8000000000 2.4248711306 0.0000000000 + 1094 3.2000000000 0.8660254038 0.0000000000 + 1095 3.4500000000 1.2990381057 0.0000000000 + 1096 3.8500000000 2.8837902594 0.0000000000 + 1097 3.1500000000 0.7794228634 0.0000000000 + 1098 3.5000000000 1.3856406461 0.0000000000 + 1099 2.8000000000 0.3464101615 0.0000000000 + 1100 3.7000000000 1.9052558883 0.0000000000 + 1101 3.8500000000 2.6846787517 0.0000000000 + 1102 3.1000000000 0.6928203230 0.0000000000 + 1103 3.5500000000 1.4722431864 0.0000000000 + 1104 2.5500000000 0.0866025404 0.0000000000 + 1105 3.8000000000 2.2516660498 0.0000000000 + 1106 3.0500000000 0.6062177826 0.0000000000 + 1107 3.6000000000 1.5588457268 0.0000000000 + 1108 3.8500000000 2.5114736710 0.0000000000 + 1109 2.7500000000 0.2598076211 0.0000000000 + 1110 3.7500000000 1.9918584287 0.0000000000 + 1111 3.0000000000 0.5196152423 0.0000000000 + 1112 3.6500000000 1.6454482672 0.0000000000 + 1113 3.9000000000 3.0000000000 0.0000000000 + 1114 2.5000000000 0.0000000000 0.0000000000 + 1115 3.8500000000 2.3382685902 0.0000000000 + 1116 3.9000000000 2.7712812921 0.0000000000 + 1117 2.7000000000 0.1732050808 0.0000000000 + 1118 3.8000000000 2.0784609691 0.0000000000 + 1119 2.9500000000 0.4330127019 0.0000000000 + 1120 3.7000000000 1.7320508076 0.0000000000 + 1121 3.9000000000 2.5980762114 0.0000000000 + 1122 3.4000000000 1.0392304845 0.0000000000 + 1123 3.3500000000 0.9526279442 0.0000000000 + 1124 3.4500000000 1.1258330249 0.0000000000 + 1125 3.3000000000 0.8660254038 0.0000000000 + 1126 3.5000000000 1.2124355653 0.0000000000 + 1127 2.9000000000 0.3464101615 0.0000000000 + 1128 3.7500000000 1.8186533479 0.0000000000 + 1129 3.2500000000 0.7794228634 0.0000000000 + 1130 3.5500000000 1.2990381057 0.0000000000 + 1131 2.6500000000 0.0866025404 0.0000000000 + 1132 3.8500000000 2.1650635095 0.0000000000 + 1133 3.9000000000 2.4248711306 0.0000000000 + 1134 3.2000000000 0.6928203230 0.0000000000 + 1135 3.6000000000 1.3856406461 0.0000000000 + 1136 3.9500000000 2.8800896778 0.0000000000 + 1137 2.8500000000 0.2598076211 0.0000000000 + 1138 3.8000000000 1.9052558883 0.0000000000 + 1139 3.1500000000 0.6062177826 0.0000000000 + 1140 3.6500000000 1.4722431864 0.0000000000 + 1141 3.9500000000 2.6846787517 0.0000000000 + 1142 2.6000000000 0.0000000000 0.0000000000 + 1143 3.1000000000 0.5196152423 0.0000000000 + 1144 3.7000000000 1.5588457268 0.0000000000 + 1145 3.9000000000 2.2516660498 0.0000000000 + 1146 2.8000000000 0.1732050808 0.0000000000 + 1147 3.8500000000 1.9918584287 0.0000000000 + 1148 3.9500000000 2.5114736710 0.0000000000 + 1149 3.0500000000 0.4330127019 0.0000000000 + 1150 3.7500000000 1.6454482672 0.0000000000 + 1151 4.0000000000 3.0000000000 0.0000000000 + 1152 3.9500000000 2.3382685902 0.0000000000 + 1153 3.0000000000 0.3464101615 0.0000000000 + 1154 3.8000000000 1.7320508076 0.0000000000 + 1155 2.7500000000 0.0866025404 0.0000000000 + 1156 4.0000000000 2.7712812921 0.0000000000 + 1157 3.9000000000 2.0784609691 0.0000000000 + 1158 3.4500000000 0.9526279442 0.0000000000 + 1159 3.5000000000 1.0392304845 0.0000000000 + 1160 3.4000000000 0.8660254038 0.0000000000 + 1161 3.5500000000 1.1258330249 0.0000000000 + 1162 3.3500000000 0.7794228634 0.0000000000 + 1163 3.6000000000 1.2124355653 0.0000000000 + 1164 4.0000000000 2.5980762114 0.0000000000 + 1165 2.9500000000 0.2598076211 0.0000000000 + 1166 3.3000000000 0.6928203230 0.0000000000 + 1167 3.6500000000 1.2990381057 0.0000000000 + 1168 3.8500000000 1.8186533479 0.0000000000 + 1169 2.7000000000 0.0000000000 0.0000000000 + 1170 3.2500000000 0.6062177826 0.0000000000 + 1171 3.7000000000 1.3856406461 0.0000000000 + 1172 3.9500000000 2.1650635095 0.0000000000 + 1173 4.0000000000 2.4248711306 0.0000000000 + 1174 3.2000000000 0.5196152423 0.0000000000 + 1175 3.7500000000 1.4722431864 0.0000000000 + 1176 2.9000000000 0.1732050808 0.0000000000 + 1177 3.9000000000 1.9052558883 0.0000000000 + 1178 4.0500000000 2.8800916498 0.0000000000 + 1179 4.0500000000 2.6846787517 0.0000000000 + 1180 3.1500000000 0.4330127019 0.0000000000 + 1181 3.8000000000 1.5588457268 0.0000000000 + 1182 4.0000000000 2.2516660498 0.0000000000 + 1183 2.8500000000 0.0866025404 0.0000000000 + 1184 3.9500000000 1.9918584287 0.0000000000 + 1185 4.0500000000 2.5114736710 0.0000000000 + 1186 3.1000000000 0.3464101615 0.0000000000 + 1187 3.8500000000 1.6454482672 0.0000000000 + 1188 3.5500000000 0.9526279442 0.0000000000 + 1189 3.5000000000 0.8660254038 0.0000000000 + 1190 3.6000000000 1.0392304845 0.0000000000 + 1191 4.1000000000 3.0000000000 0.0000000000 + 1192 3.0500000000 0.2598076211 0.0000000000 + 1193 3.9000000000 1.7320508076 0.0000000000 + 1194 3.4500000000 0.7794228634 0.0000000000 + 1195 3.6500000000 1.1258330249 0.0000000000 + 1196 2.8000000000 0.0000000000 0.0000000000 + 1197 4.0500000000 2.3382685902 0.0000000000 + 1198 4.0000000000 2.0784609691 0.0000000000 + 1199 4.1000000000 2.7712812921 0.0000000000 + 1200 3.4000000000 0.6928203230 0.0000000000 + 1201 3.7000000000 1.2124355653 0.0000000000 + 1202 3.3500000000 0.6062177826 0.0000000000 + 1203 3.7500000000 1.2990381057 0.0000000000 + 1204 4.1000000000 2.5980762114 0.0000000000 + 1205 3.0000000000 0.1732050808 0.0000000000 + 1206 3.9500000000 1.8186533479 0.0000000000 + 1207 3.3000000000 0.5196152423 0.0000000000 + 1208 3.8000000000 1.3856406461 0.0000000000 + 1209 4.0500000000 2.1650635095 0.0000000000 + 1210 4.1000000000 2.4248711306 0.0000000000 + 1211 3.2500000000 0.4330127019 0.0000000000 + 1212 3.8500000000 1.4722431864 0.0000000000 + 1213 2.9500000000 0.0866025404 0.0000000000 + 1214 4.0000000000 1.9052558883 0.0000000000 + 1215 4.1500000000 2.8838047851 0.0000000000 + 1216 3.2000000000 0.3464101615 0.0000000000 + 1217 3.9000000000 1.5588457268 0.0000000000 + 1218 4.1500000000 2.6846787517 0.0000000000 + 1219 4.1000000000 2.2516660498 0.0000000000 + 1220 2.9000000000 0.0000000000 0.0000000000 + 1221 4.0500000000 1.9918584287 0.0000000000 + 1222 3.1500000000 0.2598076211 0.0000000000 + 1223 3.9500000000 1.6454482672 0.0000000000 + 1224 4.1500000000 2.5114736710 0.0000000000 + 1225 3.6000000000 0.8660254038 0.0000000000 + 1226 3.6500000000 0.9526279442 0.0000000000 + 1227 3.5500000000 0.7794228634 0.0000000000 + 1228 3.7000000000 1.0392304845 0.0000000000 + 1229 3.5000000000 0.6928203230 0.0000000000 + 1230 3.7500000000 1.1258330249 0.0000000000 + 1231 3.1000000000 0.1732050808 0.0000000000 + 1232 4.0000000000 1.7320508076 0.0000000000 + 1233 3.4500000000 0.6062177826 0.0000000000 + 1234 3.8000000000 1.2124355653 0.0000000000 + 1235 4.2000000000 3.0000000000 0.0000000000 + 1236 4.1000000000 2.0784609691 0.0000000000 + 1237 4.1500000000 2.3382685902 0.0000000000 + 1238 4.2000000000 2.7712812921 0.0000000000 + 1239 3.4000000000 0.5196152423 0.0000000000 + 1240 3.8500000000 1.2990381057 0.0000000000 + 1241 3.0500000000 0.0866025404 0.0000000000 + 1242 4.0500000000 1.8186533479 0.0000000000 + 1243 4.2000000000 2.5980762114 0.0000000000 + 1244 3.3500000000 0.4330127019 0.0000000000 + 1245 3.9000000000 1.3856406461 0.0000000000 + 1246 4.1500000000 2.1650635095 0.0000000000 + 1247 3.3000000000 0.3464101615 0.0000000000 + 1248 3.9500000000 1.4722431864 0.0000000000 + 1249 4.2000000000 2.4248711306 0.0000000000 + 1250 3.0000000000 0.0000000000 0.0000000000 + 1251 4.1000000000 1.9052558883 0.0000000000 + 1252 3.2500000000 0.2598076211 0.0000000000 + 1253 4.2500000000 2.8801744766 0.0000000000 + 1254 4.0000000000 1.5588457268 0.0000000000 + 1255 4.2500000000 2.6846787517 0.0000000000 + 1256 4.2000000000 2.2516660498 0.0000000000 + 1257 3.2000000000 0.1732050808 0.0000000000 + 1258 4.0500000000 1.6454482672 0.0000000000 + 1259 4.1500000000 1.9918584287 0.0000000000 + 1260 3.7000000000 0.8660254038 0.0000000000 + 1261 3.6500000000 0.7794228634 0.0000000000 + 1262 3.7500000000 0.9526279442 0.0000000000 + 1263 3.6000000000 0.6928203230 0.0000000000 + 1264 3.8000000000 1.0392304845 0.0000000000 + 1265 4.2500000000 2.5114736710 0.0000000000 + 1266 3.5500000000 0.6062177826 0.0000000000 + 1267 3.8500000000 1.1258330249 0.0000000000 + 1268 3.5000000000 0.5196152423 0.0000000000 + 1269 3.9000000000 1.2124355653 0.0000000000 + 1270 3.1500000000 0.0866025404 0.0000000000 + 1271 4.1000000000 1.7320508076 0.0000000000 + 1272 4.2000000000 2.0784609691 0.0000000000 + 1273 4.3000000000 3.0000000000 0.0000000000 + 1274 3.4500000000 0.4330127019 0.0000000000 + 1275 3.9500000000 1.2990381057 0.0000000000 + 1276 4.2500000000 2.3382685902 0.0000000000 + 1277 4.3000000000 2.7712812921 0.0000000000 + 1278 3.4000000000 0.3464101615 0.0000000000 + 1279 4.0000000000 1.3856406461 0.0000000000 + 1280 3.1000000000 0.0000000000 0.0000000000 + 1281 4.1500000000 1.8186533479 0.0000000000 + 1282 4.3000000000 2.5980762114 0.0000000000 + 1283 3.3500000000 0.2598076211 0.0000000000 + 1284 4.0500000000 1.4722431864 0.0000000000 + 1285 4.2500000000 2.1650635095 0.0000000000 + 1286 4.3000000000 2.4248711306 0.0000000000 + 1287 4.2000000000 1.9052558883 0.0000000000 + 1288 3.3000000000 0.1732050808 0.0000000000 + 1289 4.1000000000 1.5588457268 0.0000000000 + 1290 4.3500000000 2.8843155501 0.0000000000 + 1291 3.7500000000 0.7794228634 0.0000000000 + 1292 3.8000000000 0.8660254038 0.0000000000 + 1293 3.7000000000 0.6928203230 0.0000000000 + 1294 3.8500000000 0.9526279442 0.0000000000 + 1295 4.3500000000 2.6846787517 0.0000000000 + 1296 4.3000000000 2.2516660498 0.0000000000 + 1297 3.2500000000 0.0866025404 0.0000000000 + 1298 3.6500000000 0.6062177826 0.0000000000 + 1299 3.9000000000 1.0392304845 0.0000000000 + 1300 4.1500000000 1.6454482672 0.0000000000 + 1301 4.2500000000 1.9918584287 0.0000000000 + 1302 3.6000000000 0.5196152423 0.0000000000 + 1303 3.9500000000 1.1258330249 0.0000000000 + 1304 4.3500000000 2.5114736710 0.0000000000 + 1305 3.5500000000 0.4330127019 0.0000000000 + 1306 4.0000000000 1.2124355653 0.0000000000 + 1307 3.2000000000 0.0000000000 0.0000000000 + 1308 4.2000000000 1.7320508076 0.0000000000 + 1309 3.5000000000 0.3464101615 0.0000000000 + 1310 4.0500000000 1.2990381057 0.0000000000 + 1311 4.3000000000 2.0784609691 0.0000000000 + 1312 4.4000000000 3.0000000000 0.0000000000 + 1313 4.3500000000 2.3382685902 0.0000000000 + 1314 3.4500000000 0.2598076211 0.0000000000 + 1315 4.4000000000 2.7712812921 0.0000000000 + 1316 4.1000000000 1.3856406461 0.0000000000 + 1317 4.2500000000 1.8186533479 0.0000000000 + 1318 4.4000000000 2.5980762114 0.0000000000 + 1319 3.4000000000 0.1732050808 0.0000000000 + 1320 4.1500000000 1.4722431864 0.0000000000 + 1321 4.3500000000 2.1650635095 0.0000000000 + 1322 4.3000000000 1.9052558883 0.0000000000 + 1323 4.4000000000 2.4248711306 0.0000000000 + 1324 3.3500000000 0.0866025404 0.0000000000 + 1325 4.2000000000 1.5588457268 0.0000000000 + 1326 3.8500000000 0.7794228634 0.0000000000 + 1327 3.8000000000 0.6928203230 0.0000000000 + 1328 3.9000000000 0.8660254038 0.0000000000 + 1329 3.7500000000 0.6062177826 0.0000000000 + 1330 3.9500000000 0.9526279442 0.0000000000 + 1331 4.4500000000 2.8831562399 0.0000000000 + 1332 3.7000000000 0.5196152423 0.0000000000 + 1333 4.0000000000 1.0392304845 0.0000000000 + 1334 3.3000000000 0.0000000000 0.0000000000 + 1335 4.2500000000 1.6454482672 0.0000000000 + 1336 4.4500000000 2.6846787517 0.0000000000 + 1337 3.6500000000 0.4330127019 0.0000000000 + 1338 4.0500000000 1.1258330249 0.0000000000 + 1339 4.4000000000 2.2516660498 0.0000000000 + 1340 4.3500000000 1.9918584287 0.0000000000 + 1341 3.6000000000 0.3464101615 0.0000000000 + 1342 4.1000000000 1.2124355653 0.0000000000 + 1343 4.4500000000 2.5114736710 0.0000000000 + 1344 4.3000000000 1.7320508076 0.0000000000 + 1345 3.5500000000 0.2598076211 0.0000000000 + 1346 4.1500000000 1.2990381057 0.0000000000 + 1347 4.4000000000 2.0784609691 0.0000000000 + 1348 4.4500000000 2.3382685902 0.0000000000 + 1349 3.5000000000 0.1732050808 0.0000000000 + 1350 4.2000000000 1.3856406461 0.0000000000 + 1351 4.5000000000 3.0000000000 0.0000000000 + 1352 4.5000000000 2.7712812921 0.0000000000 + 1353 4.3500000000 1.8186533479 0.0000000000 + 1354 3.4500000000 0.0866025404 0.0000000000 + 1355 4.2500000000 1.4722431864 0.0000000000 + 1356 4.5000000000 2.5980762114 0.0000000000 + 1357 4.4500000000 2.1650635095 0.0000000000 + 1358 3.9000000000 0.6928203230 0.0000000000 + 1359 3.9500000000 0.7794228634 0.0000000000 + 1360 3.8500000000 0.6062177826 0.0000000000 + 1361 4.0000000000 0.8660254038 0.0000000000 + 1362 4.4000000000 1.9052558883 0.0000000000 + 1363 3.4000000000 0.0000000000 0.0000000000 + 1364 4.3000000000 1.5588457268 0.0000000000 + 1365 4.5000000000 2.4248711306 0.0000000000 + 1366 3.8000000000 0.5196152423 0.0000000000 + 1367 4.0500000000 0.9526279442 0.0000000000 + 1368 3.7500000000 0.4330127019 0.0000000000 + 1369 4.1000000000 1.0392304845 0.0000000000 + 1370 4.5500000000 2.8799864803 0.0000000000 + 1371 3.7000000000 0.3464101615 0.0000000000 + 1372 4.1500000000 1.1258330249 0.0000000000 + 1373 4.3500000000 1.6454482672 0.0000000000 + 1374 4.5500000000 2.6846787517 0.0000000000 + 1375 4.5000000000 2.2516660498 0.0000000000 + 1376 4.4500000000 1.9918584287 0.0000000000 + 1377 3.6500000000 0.2598076211 0.0000000000 + 1378 4.2000000000 1.2124355653 0.0000000000 + 1379 4.5500000000 2.5114736710 0.0000000000 + 1380 3.6000000000 0.1732050808 0.0000000000 + 1381 4.2500000000 1.2990381057 0.0000000000 + 1382 4.4000000000 1.7320508076 0.0000000000 + 1383 3.5500000000 0.0866025404 0.0000000000 + 1384 4.3000000000 1.3856406461 0.0000000000 + 1385 4.5000000000 2.0784609691 0.0000000000 + 1386 4.5500000000 2.3382685902 0.0000000000 + 1387 4.6000000000 3.0000000000 0.0000000000 + 1388 4.4500000000 1.8186533479 0.0000000000 + 1389 4.6000000000 2.7712812921 0.0000000000 + 1390 3.5000000000 0.0000000000 0.0000000000 + 1391 4.3500000000 1.4722431864 0.0000000000 + 1392 4.6000000000 2.5980762114 0.0000000000 + 1393 4.0000000000 0.6928203230 0.0000000000 + 1394 3.9500000000 0.6062177826 0.0000000000 + 1395 4.0500000000 0.7794228634 0.0000000000 + 1396 3.9000000000 0.5196152423 0.0000000000 + 1397 4.1000000000 0.8660254038 0.0000000000 + 1398 4.5500000000 2.1650635095 0.0000000000 + 1399 3.8500000000 0.4330127019 0.0000000000 + 1400 4.1500000000 0.9526279442 0.0000000000 + 1401 4.4000000000 1.5588457268 0.0000000000 + 1402 4.5000000000 1.9052558883 0.0000000000 + 1403 3.8000000000 0.3464101615 0.0000000000 + 1404 4.2000000000 1.0392304845 0.0000000000 + 1405 4.6000000000 2.4248711306 0.0000000000 + 1406 3.7500000000 0.2598076211 0.0000000000 + 1407 4.2500000000 1.1258330249 0.0000000000 + 1408 4.6500000000 2.8794724653 0.0000000000 + 1409 4.4500000000 1.6454482672 0.0000000000 + 1410 3.7000000000 0.1732050808 0.0000000000 + 1411 4.3000000000 1.2124355653 0.0000000000 + 1412 4.5500000000 1.9918584287 0.0000000000 + 1413 4.6000000000 2.2516660498 0.0000000000 + 1414 4.6500000000 2.6846787517 0.0000000000 + 1415 3.6500000000 0.0866025404 0.0000000000 + 1416 4.3500000000 1.2990381057 0.0000000000 + 1417 4.5000000000 1.7320508076 0.0000000000 + 1418 4.6500000000 2.5114736710 0.0000000000 + 1419 3.6000000000 0.0000000000 0.0000000000 + 1420 4.4000000000 1.3856406461 0.0000000000 + 1421 4.6000000000 2.0784609691 0.0000000000 + 1422 4.6500000000 2.3382685902 0.0000000000 + 1423 4.7000000000 3.0000000000 0.0000000000 + 1424 4.5500000000 1.8186533479 0.0000000000 + 1425 4.0500000000 0.6062177826 0.0000000000 + 1426 4.1000000000 0.6928203230 0.0000000000 + 1427 4.4500000000 1.4722431864 0.0000000000 + 1428 4.7000000000 2.7712812921 0.0000000000 + 1429 4.0000000000 0.5196152423 0.0000000000 + 1430 4.1500000000 0.7794228634 0.0000000000 + 1431 3.9500000000 0.4330127019 0.0000000000 + 1432 4.2000000000 0.8660254038 0.0000000000 + 1433 3.9000000000 0.3464101615 0.0000000000 + 1434 4.7000000000 2.5980762114 0.0000000000 + 1435 4.2500000000 0.9526279442 0.0000000000 + 1436 4.6500000000 2.1650635095 0.0000000000 + 1437 4.5000000000 1.5588457268 0.0000000000 + 1438 3.8500000000 0.2598076211 0.0000000000 + 1439 4.3000000000 1.0392304845 0.0000000000 + 1440 4.6000000000 1.9052558883 0.0000000000 + 1441 4.7000000000 2.4248711306 0.0000000000 + 1442 3.8000000000 0.1732050808 0.0000000000 + 1443 4.3500000000 1.1258330249 0.0000000000 + 1444 4.5500000000 1.6454482672 0.0000000000 + 1445 3.7500000000 0.0866025404 0.0000000000 + 1446 4.4000000000 1.2124355653 0.0000000000 + 1447 4.7500000000 2.8763883749 0.0000000000 + 1448 4.6500000000 1.9918584287 0.0000000000 + 1449 4.7000000000 2.2516660498 0.0000000000 + 1450 4.7500000000 2.6846787517 0.0000000000 + 1451 3.7000000000 0.0000000000 0.0000000000 + 1452 4.4500000000 1.2990381057 0.0000000000 + 1453 4.6000000000 1.7320508076 0.0000000000 + 1454 4.7500000000 2.5114736710 0.0000000000 + 1455 4.5000000000 1.3856406461 0.0000000000 + 1456 4.7000000000 2.0784609691 0.0000000000 + 1457 4.1500000000 0.6062177826 0.0000000000 + 1458 4.1000000000 0.5196152423 0.0000000000 + 1459 4.2000000000 0.6928203230 0.0000000000 + 1460 4.0500000000 0.4330127019 0.0000000000 + 1461 4.2500000000 0.7794228634 0.0000000000 + 1462 4.7500000000 2.3382685902 0.0000000000 + 1463 4.6500000000 1.8186533479 0.0000000000 + 1464 4.5500000000 1.4722431864 0.0000000000 + 1465 4.8000000000 3.0000000000 0.0000000000 + 1466 4.0000000000 0.3464101615 0.0000000000 + 1467 4.3000000000 0.8660254038 0.0000000000 + 1468 4.8000000000 2.7712812921 0.0000000000 + 1469 3.9500000000 0.2598076211 0.0000000000 + 1470 4.3500000000 0.9526279442 0.0000000000 + 1471 3.9000000000 0.1732050808 0.0000000000 + 1472 4.8000000000 2.5980762114 0.0000000000 + 1473 4.4000000000 1.0392304845 0.0000000000 + 1474 4.6000000000 1.5588457268 0.0000000000 + 1475 4.7500000000 2.1650635095 0.0000000000 + 1476 4.7000000000 1.9052558883 0.0000000000 + 1477 3.8500000000 0.0866025404 0.0000000000 + 1478 4.4500000000 1.1258330249 0.0000000000 + 1479 4.8000000000 2.4248711306 0.0000000000 + 1480 3.8000000000 0.0000000000 0.0000000000 + 1481 4.5000000000 1.2124355653 0.0000000000 + 1482 4.6500000000 1.6454482672 0.0000000000 + 1483 4.8500000000 2.8833275783 0.0000000000 + 1484 4.7500000000 1.9918584287 0.0000000000 + 1485 4.5500000000 1.2990381057 0.0000000000 + 1486 4.8000000000 2.2516660498 0.0000000000 + 1487 4.8500000000 2.6846787517 0.0000000000 + 1488 4.7000000000 1.7320508076 0.0000000000 + 1489 4.8500000000 2.5114736710 0.0000000000 + 1490 4.6000000000 1.3856406461 0.0000000000 + 1491 4.2000000000 0.5196152423 0.0000000000 + 1492 4.2500000000 0.6062177826 0.0000000000 + 1493 4.1500000000 0.4330127019 0.0000000000 + 1494 4.3000000000 0.6928203230 0.0000000000 + 1495 4.1000000000 0.3464101615 0.0000000000 + 1496 4.3500000000 0.7794228634 0.0000000000 + 1497 4.8000000000 2.0784609691 0.0000000000 + 1498 4.0500000000 0.2598076211 0.0000000000 + 1499 4.4000000000 0.8660254038 0.0000000000 + 1500 4.6500000000 1.4722431864 0.0000000000 + 1501 4.7500000000 1.8186533479 0.0000000000 + 1502 4.8500000000 2.3382685902 0.0000000000 + 1503 4.0000000000 0.1732050808 0.0000000000 + 1504 4.4500000000 0.9526279442 0.0000000000 + 1505 4.9000000000 3.0000000000 0.0000000000 + 1506 4.9000000000 2.7712812921 0.0000000000 + 1507 3.9500000000 0.0866025404 0.0000000000 + 1508 4.5000000000 1.0392304845 0.0000000000 + 1509 4.7000000000 1.5588457268 0.0000000000 + 1510 4.9000000000 2.5980762114 0.0000000000 + 1511 3.9000000000 0.0000000000 0.0000000000 + 1512 4.5500000000 1.1258330249 0.0000000000 + 1513 4.8500000000 2.1650635095 0.0000000000 + 1514 4.8000000000 1.9052558883 0.0000000000 + 1515 4.9000000000 2.4248711306 0.0000000000 + 1516 4.6000000000 1.2124355653 0.0000000000 + 1517 4.7500000000 1.6454482672 0.0000000000 + 1518 4.6500000000 1.2990381057 0.0000000000 + 1519 4.9500000000 2.8810145105 0.0000000000 + 1520 4.8500000000 1.9918584287 0.0000000000 + 1521 4.9000000000 2.2516660498 0.0000000000 + 1522 4.9500000000 2.6846787517 0.0000000000 + 1523 4.3000000000 0.5196152423 0.0000000000 + 1524 4.8000000000 1.7320508076 0.0000000000 + 1525 4.2500000000 0.4330127019 0.0000000000 + 1526 4.3500000000 0.6062177826 0.0000000000 + 1527 4.2000000000 0.3464101615 0.0000000000 + 1528 4.4000000000 0.6928203230 0.0000000000 + 1529 4.7000000000 1.3856406461 0.0000000000 + 1530 4.1500000000 0.2598076211 0.0000000000 + 1531 4.4500000000 0.7794228634 0.0000000000 + 1532 4.9500000000 2.5114736710 0.0000000000 + 1533 4.1000000000 0.1732050808 0.0000000000 + 1534 4.5000000000 0.8660254038 0.0000000000 + 1535 4.9000000000 2.0784609691 0.0000000000 + 1536 4.0500000000 0.0866025404 0.0000000000 + 1537 4.5500000000 0.9526279442 0.0000000000 + 1538 4.7500000000 1.4722431864 0.0000000000 + 1539 4.8500000000 1.8186533479 0.0000000000 + 1540 4.9500000000 2.3382685902 0.0000000000 + 1541 5.0000000000 3.0000000000 0.0000000000 + 1542 4.0000000000 0.0000000000 0.0000000000 + 1543 4.6000000000 1.0392304845 0.0000000000 + 1544 5.0000000000 2.7712812921 0.0000000000 + 1545 4.8000000000 1.5588457268 0.0000000000 + 1546 4.6500000000 1.1258330249 0.0000000000 + 1547 5.0000000000 2.5980762114 0.0000000000 + 1548 4.9500000000 2.1650635095 0.0000000000 + 1549 4.9000000000 1.9052558883 0.0000000000 + 1550 4.7000000000 1.2124355653 0.0000000000 + 1551 5.0000000000 2.4248711306 0.0000000000 + 1552 4.8500000000 1.6454482672 0.0000000000 + 1553 4.7500000000 1.2990381057 0.0000000000 + 1554 4.3500000000 0.4330127019 0.0000000000 + 1555 4.4000000000 0.5196152423 0.0000000000 + 1556 5.0500000000 2.8856406461 0.0000000000 + 1557 4.9500000000 1.9918584287 0.0000000000 + 1558 4.3000000000 0.3464101615 0.0000000000 + 1559 4.4500000000 0.6062177826 0.0000000000 + 1560 5.0000000000 2.2516660498 0.0000000000 + 1561 4.2500000000 0.2598076211 0.0000000000 + 1562 4.5000000000 0.6928203230 0.0000000000 + 1563 5.0500000000 2.6846787517 0.0000000000 + 1564 4.9000000000 1.7320508076 0.0000000000 + 1565 4.2000000000 0.1732050808 0.0000000000 + 1566 4.5500000000 0.7794228634 0.0000000000 + 1567 4.8000000000 1.3856406461 0.0000000000 + 1568 4.1500000000 0.0866025404 0.0000000000 + 1569 4.6000000000 0.8660254038 0.0000000000 + 1570 5.0500000000 2.5114736710 0.0000000000 + 1571 4.1000000000 0.0000000000 0.0000000000 + 1572 4.6500000000 0.9526279442 0.0000000000 + 1573 5.0000000000 2.0784609691 0.0000000000 + 1574 4.8500000000 1.4722431864 0.0000000000 + 1575 4.9500000000 1.8186533479 0.0000000000 + 1576 4.7000000000 1.0392304845 0.0000000000 + 1577 5.0500000000 2.3382685902 0.0000000000 + 1578 5.1000000000 3.0000000000 0.0000000000 + 1579 5.1000000000 2.7712812921 0.0000000000 + 1580 4.7500000000 1.1258330249 0.0000000000 + 1581 4.9000000000 1.5588457268 0.0000000000 + 1582 5.1000000000 2.5980762114 0.0000000000 + 1583 5.0000000000 1.9052558883 0.0000000000 + 1584 5.0500000000 2.1650635095 0.0000000000 + 1585 4.8000000000 1.2124355653 0.0000000000 + 1586 4.9500000000 1.6454482672 0.0000000000 + 1587 5.1000000000 2.4248711306 0.0000000000 + 1588 4.4500000000 0.4330127019 0.0000000000 + 1589 4.4000000000 0.3464101615 0.0000000000 + 1590 4.5000000000 0.5196152423 0.0000000000 + 1591 4.8500000000 1.2990381057 0.0000000000 + 1592 4.3500000000 0.2598076211 0.0000000000 + 1593 4.5500000000 0.6062177826 0.0000000000 + 1594 4.3000000000 0.1732050808 0.0000000000 + 1595 4.6000000000 0.6928203230 0.0000000000 + 1596 5.0500000000 1.9918584287 0.0000000000 + 1597 5.1500000000 2.9133974596 0.0000000000 + 1598 4.2500000000 0.0866025404 0.0000000000 + 1599 4.6500000000 0.7794228634 0.0000000000 + 1600 5.1000000000 2.2516660498 0.0000000000 + 1601 5.0000000000 1.7320508076 0.0000000000 + 1602 4.9000000000 1.3856406461 0.0000000000 + 1603 5.1500000000 2.6846787517 0.0000000000 + 1604 4.2000000000 0.0000000000 0.0000000000 + 1605 4.7000000000 0.8660254038 0.0000000000 + 1606 4.7500000000 0.9526279442 0.0000000000 + 1607 5.1500000000 2.5114736710 0.0000000000 + 1608 4.9500000000 1.4722431864 0.0000000000 + 1609 5.1000000000 2.0784609691 0.0000000000 + 1610 4.8000000000 1.0392304845 0.0000000000 + 1611 5.0500000000 1.8186533479 0.0000000000 + 1612 5.1500000000 2.3382685902 0.0000000000 + 1613 4.8500000000 1.1258330249 0.0000000000 + 1614 5.2000000000 3.0000000000 0.0000000000 + 1615 5.0000000000 1.5588457268 0.0000000000 + 1616 5.2000000000 2.8036642413 0.0000000000 + 1617 5.2000000000 2.5980762114 0.0000000000 + 1618 4.9000000000 1.2124355653 0.0000000000 + 1619 5.1000000000 1.9052558883 0.0000000000 + 1620 5.1500000000 2.1650635095 0.0000000000 + 1621 4.5000000000 0.3464101615 0.0000000000 + 1622 4.5500000000 0.4330127019 0.0000000000 + 1623 4.4500000000 0.2598076211 0.0000000000 + 1624 4.6000000000 0.5196152423 0.0000000000 + 1625 5.0500000000 1.6454482672 0.0000000000 + 1626 4.4000000000 0.1732050808 0.0000000000 + 1627 4.6500000000 0.6062177826 0.0000000000 + 1628 5.2000000000 2.4248711306 0.0000000000 + 1629 4.9500000000 1.2990381057 0.0000000000 + 1630 4.3500000000 0.0866025404 0.0000000000 + 1631 4.7000000000 0.6928203230 0.0000000000 + 1632 4.3000000000 0.0000000000 0.0000000000 + 1633 4.7500000000 0.7794228634 0.0000000000 + 1634 5.1500000000 1.9918584287 0.0000000000 + 1635 5.2500000000 2.9133974596 0.0000000000 + 1636 4.8000000000 0.8660254038 0.0000000000 + 1637 5.2000000000 2.2516660498 0.0000000000 + 1638 5.0000000000 1.3856406461 0.0000000000 + 1639 5.1000000000 1.7320508076 0.0000000000 + 1640 5.2500000000 2.7124355653 0.0000000000 + 1641 4.8500000000 0.9526279442 0.0000000000 + 1642 5.2500000000 2.5114736710 0.0000000000 + 1643 5.0500000000 1.4722431864 0.0000000000 + 1644 4.9000000000 1.0392304845 0.0000000000 + 1645 5.2000000000 2.0784609691 0.0000000000 + 1646 5.1500000000 1.8186533479 0.0000000000 + 1647 5.2500000000 2.3382685902 0.0000000000 + 1648 4.9500000000 1.1258330249 0.0000000000 + 1649 5.1000000000 1.5588457268 0.0000000000 + 1650 5.3000000000 3.0000000000 0.0000000000 + 1651 5.3000000000 2.8267949192 0.0000000000 + 1652 5.0000000000 1.2124355653 0.0000000000 + 1653 4.6000000000 0.3464101615 0.0000000000 + 1654 4.5500000000 0.2598076211 0.0000000000 + 1655 4.6500000000 0.4330127019 0.0000000000 + 1656 5.2000000000 1.9052558883 0.0000000000 + 1657 4.5000000000 0.1732050808 0.0000000000 + 1658 4.7000000000 0.5196152423 0.0000000000 + 1659 5.3000000000 2.5980762114 0.0000000000 + 1660 5.2500000000 2.1650635095 0.0000000000 + 1661 4.4500000000 0.0866025404 0.0000000000 + 1662 4.7500000000 0.6062177826 0.0000000000 + 1663 5.1500000000 1.6454482672 0.0000000000 + 1664 4.4000000000 0.0000000000 0.0000000000 + 1665 4.8000000000 0.6928203230 0.0000000000 + 1666 5.0500000000 1.2990381057 0.0000000000 + 1667 5.3000000000 2.4248711306 0.0000000000 + 1668 4.8500000000 0.7794228634 0.0000000000 + 1669 4.9000000000 0.8660254038 0.0000000000 + 1670 5.2500000000 1.9918584287 0.0000000000 + 1671 5.1000000000 1.3856406461 0.0000000000 + 1672 5.3500000000 2.9133974596 0.0000000000 + 1673 5.2000000000 1.7320508076 0.0000000000 + 1674 5.3000000000 2.2516660498 0.0000000000 + 1675 5.3500000000 2.7401923789 0.0000000000 + 1676 4.9500000000 0.9526279442 0.0000000000 + 1677 5.0000000000 1.0392304845 0.0000000000 + 1678 5.1500000000 1.4722431864 0.0000000000 + 1679 5.3500000000 2.5114736710 0.0000000000 + 1680 5.3000000000 2.0784609691 0.0000000000 + 1681 5.2500000000 1.8186533479 0.0000000000 + 1682 5.0500000000 1.1258330249 0.0000000000 + 1683 5.3500000000 2.3382685902 0.0000000000 + 1684 5.2000000000 1.5588457268 0.0000000000 + 1685 4.6500000000 0.2598076211 0.0000000000 + 1686 4.7000000000 0.3464101615 0.0000000000 + 1687 4.6000000000 0.1732050808 0.0000000000 + 1688 4.7500000000 0.4330127019 0.0000000000 + 1689 5.4000000000 3.0000000000 0.0000000000 + 1690 5.4000000000 2.8267949192 0.0000000000 + 1691 4.5500000000 0.0866025404 0.0000000000 + 1692 4.8000000000 0.5196152423 0.0000000000 + 1693 5.1000000000 1.2124355653 0.0000000000 + 1694 4.5000000000 0.0000000000 0.0000000000 + 1695 4.8500000000 0.6062177826 0.0000000000 + 1696 5.3000000000 1.9052558883 0.0000000000 + 1697 5.4000000000 2.6235199571 0.0000000000 + 1698 5.3500000000 2.1650635095 0.0000000000 + 1699 4.9000000000 0.6928203230 0.0000000000 + 1700 5.2500000000 1.6454482672 0.0000000000 + 1701 5.1500000000 1.2990381057 0.0000000000 + 1702 4.9500000000 0.7794228634 0.0000000000 + 1703 5.4000000000 2.4248711306 0.0000000000 + 1704 5.0000000000 0.8660254038 0.0000000000 + 1705 5.3500000000 1.9918584287 0.0000000000 + 1706 5.2000000000 1.3856406461 0.0000000000 + 1707 5.0500000000 0.9526279442 0.0000000000 + 1708 5.3000000000 1.7320508076 0.0000000000 + 1709 5.4500000000 2.9133974596 0.0000000000 + 1710 5.4000000000 2.2516660498 0.0000000000 + 1711 5.4500000000 2.7401923789 0.0000000000 + 1712 5.1000000000 1.0392304845 0.0000000000 + 1713 5.2500000000 1.4722431864 0.0000000000 + 1714 5.4500000000 2.5272796343 0.0000000000 + 1715 5.4000000000 2.0784609691 0.0000000000 + 1716 5.3500000000 1.8186533479 0.0000000000 + 1717 5.1500000000 1.1258330249 0.0000000000 + 1718 4.7500000000 0.2598076211 0.0000000000 + 1719 4.7000000000 0.1732050808 0.0000000000 + 1720 4.8000000000 0.3464101615 0.0000000000 + 1721 4.6500000000 0.0866025404 0.0000000000 + 1722 4.8500000000 0.4330127019 0.0000000000 + 1723 5.4500000000 2.3382685902 0.0000000000 + 1724 4.6000000000 0.0000000000 0.0000000000 + 1725 4.9000000000 0.5196152423 0.0000000000 + 1726 5.3000000000 1.5588457268 0.0000000000 + 1727 4.9500000000 0.6062177826 0.0000000000 + 1728 5.2000000000 1.2124355653 0.0000000000 + 1729 5.5000000000 3.0000000000 0.0000000000 + 1730 5.5000000000 2.8267949192 0.0000000000 + 1731 5.0000000000 0.6928203230 0.0000000000 + 1732 5.4000000000 1.9052558883 0.0000000000 + 1733 5.5000000000 2.6397114317 0.0000000000 + 1734 5.4500000000 2.1650635095 0.0000000000 + 1735 5.0500000000 0.7794228634 0.0000000000 + 1736 5.2500000000 1.2990381057 0.0000000000 + 1737 5.3500000000 1.6454482672 0.0000000000 + 1738 5.1000000000 0.8660254038 0.0000000000 + 1739 5.5000000000 2.4248711306 0.0000000000 + 1740 5.3000000000 1.3856406461 0.0000000000 + 1741 5.1500000000 0.9526279442 0.0000000000 + 1742 5.4500000000 1.9918584287 0.0000000000 + 1743 5.4000000000 1.7320508076 0.0000000000 + 1744 5.5500000000 2.9133974596 0.0000000000 + 1745 5.5000000000 2.2516660498 0.0000000000 + 1746 5.5500000000 2.7401923789 0.0000000000 + 1747 5.2000000000 1.0392304845 0.0000000000 + 1748 5.3500000000 1.4722431864 0.0000000000 + 1749 5.5500000000 2.5392304845 0.0000000000 + 1750 4.8000000000 0.1732050808 0.0000000000 + 1751 4.8500000000 0.2598076211 0.0000000000 + 1752 4.7500000000 0.0866025404 0.0000000000 + 1753 4.9000000000 0.3464101615 0.0000000000 + 1754 5.2500000000 1.1258330249 0.0000000000 + 1755 4.7000000000 0.0000000000 0.0000000000 + 1756 4.9500000000 0.4330127019 0.0000000000 + 1757 5.4500000000 1.8186533479 0.0000000000 + 1758 5.5000000000 2.0784609691 0.0000000000 + 1759 5.0000000000 0.5196152423 0.0000000000 + 1760 5.0500000000 0.6062177826 0.0000000000 + 1761 5.4000000000 1.5588457268 0.0000000000 + 1762 5.5500000000 2.3382685902 0.0000000000 + 1763 5.3000000000 1.2124355653 0.0000000000 + 1764 5.1000000000 0.6928203230 0.0000000000 + 1765 5.6000000000 3.0000000000 0.0000000000 + 1766 5.6000000000 2.8267949192 0.0000000000 + 1767 5.5000000000 1.9052558883 0.0000000000 + 1768 5.1500000000 0.7794228634 0.0000000000 + 1769 5.6000000000 2.6535898385 0.0000000000 + 1770 5.5500000000 2.1650635095 0.0000000000 + 1771 5.3500000000 1.2990381057 0.0000000000 + 1772 5.4500000000 1.6454482672 0.0000000000 + 1773 5.2000000000 0.8660254038 0.0000000000 + 1774 5.6000000000 2.4248711306 0.0000000000 + 1775 5.2500000000 0.9526279442 0.0000000000 + 1776 5.4000000000 1.3856406461 0.0000000000 + 1777 5.5500000000 1.9918584287 0.0000000000 + 1778 5.5000000000 1.7320508076 0.0000000000 + 1779 5.6000000000 2.2516660498 0.0000000000 + 1780 5.6500000000 2.9133974596 0.0000000000 + 1781 5.3000000000 1.0392304845 0.0000000000 + 1782 5.6500000000 2.7401923789 0.0000000000 + 1783 4.9000000000 0.1732050808 0.0000000000 + 1784 4.8500000000 0.0866025404 0.0000000000 + 1785 4.9500000000 0.2598076211 0.0000000000 + 1786 5.4500000000 1.4722431864 0.0000000000 + 1787 4.8000000000 0.0000000000 0.0000000000 + 1788 5.0000000000 0.3464101615 0.0000000000 + 1789 5.0500000000 0.4330127019 0.0000000000 + 1790 5.6500000000 2.5669872981 0.0000000000 + 1791 5.3500000000 1.1258330249 0.0000000000 + 1792 5.1000000000 0.5196152423 0.0000000000 + 1793 5.5500000000 1.8186533479 0.0000000000 + 1794 5.6000000000 2.0784609691 0.0000000000 + 1795 5.1500000000 0.6062177826 0.0000000000 + 1796 5.5000000000 1.5588457268 0.0000000000 + 1797 5.4000000000 1.2124355653 0.0000000000 + 1798 5.6500000000 2.3382685902 0.0000000000 + 1799 5.2000000000 0.6928203230 0.0000000000 + 1800 5.7000000000 3.0000000000 0.0000000000 + 1801 5.2500000000 0.7794228634 0.0000000000 + 1802 5.7000000000 2.8267949192 0.0000000000 + 1803 5.6000000000 1.9052558883 0.0000000000 + 1804 5.4500000000 1.2990381057 0.0000000000 + 1805 5.7000000000 2.6535898385 0.0000000000 + 1806 5.6500000000 2.1650635095 0.0000000000 + 1807 5.5500000000 1.6454482672 0.0000000000 + 1808 5.3000000000 0.8660254038 0.0000000000 + 1809 5.7000000000 2.4489227522 0.0000000000 + 1810 5.3500000000 0.9526279442 0.0000000000 + 1811 5.5000000000 1.3856406461 0.0000000000 + 1812 5.6500000000 1.9918584287 0.0000000000 + 1813 5.6000000000 1.7320508076 0.0000000000 + 1814 4.9500000000 0.0866025404 0.0000000000 + 1815 5.0000000000 0.1732050808 0.0000000000 + 1816 5.4000000000 1.0392304845 0.0000000000 + 1817 4.9000000000 0.0000000000 0.0000000000 + 1818 5.0500000000 0.2598076211 0.0000000000 + 1819 5.7000000000 2.2516660498 0.0000000000 + 1820 5.1000000000 0.3464101615 0.0000000000 + 1821 5.7500000000 2.9133974596 0.0000000000 + 1822 5.1500000000 0.4330127019 0.0000000000 + 1823 5.7500000000 2.7401923789 0.0000000000 + 1824 5.5500000000 1.4722431864 0.0000000000 + 1825 5.2000000000 0.5196152423 0.0000000000 + 1826 5.4500000000 1.1258330249 0.0000000000 + 1827 5.7500000000 2.5669872981 0.0000000000 + 1828 5.2500000000 0.6062177826 0.0000000000 + 1829 5.6500000000 1.8186533479 0.0000000000 + 1830 5.7000000000 2.0784609691 0.0000000000 + 1831 5.3000000000 0.6928203230 0.0000000000 + 1832 5.6000000000 1.5588457268 0.0000000000 + 1833 5.5000000000 1.2124355653 0.0000000000 + 1834 5.7500000000 2.3499731416 0.0000000000 + 1835 5.3500000000 0.7794228634 0.0000000000 + 1836 5.8000000000 3.0000000000 0.0000000000 + 1837 5.8000000000 2.8267949192 0.0000000000 + 1838 5.7000000000 1.9052558883 0.0000000000 + 1839 5.5500000000 1.2990381057 0.0000000000 + 1840 5.4000000000 0.8660254038 0.0000000000 + 1841 5.6500000000 1.6454482672 0.0000000000 + 1842 5.7500000000 2.1650635095 0.0000000000 + 1843 5.8000000000 2.6535898385 0.0000000000 + 1844 5.4500000000 0.9526279442 0.0000000000 + 1845 5.8000000000 2.4581536061 0.0000000000 + 1846 5.6000000000 1.3856406461 0.0000000000 + 1847 5.0500000000 0.0866025404 0.0000000000 + 1848 5.0000000000 0.0000000000 0.0000000000 + 1849 5.1000000000 0.1732050808 0.0000000000 + 1850 5.1500000000 0.2598076211 0.0000000000 + 1851 5.7500000000 1.9918584287 0.0000000000 + 1852 5.2000000000 0.3464101615 0.0000000000 + 1853 5.5000000000 1.0392304845 0.0000000000 + 1854 5.7000000000 1.7320508076 0.0000000000 + 1855 5.2500000000 0.4330127019 0.0000000000 + 1856 5.8000000000 2.2516660498 0.0000000000 + 1857 5.8500000000 2.9133974596 0.0000000000 + 1858 5.3000000000 0.5196152423 0.0000000000 + 1859 5.6500000000 1.4722431864 0.0000000000 + 1860 5.8500000000 2.7401923789 0.0000000000 + 1861 5.5500000000 1.1258330249 0.0000000000 + 1862 5.3500000000 0.6062177826 0.0000000000 + 1863 5.8500000000 2.5669872981 0.0000000000 + 1864 5.7500000000 1.8186533479 0.0000000000 + 1865 5.4000000000 0.6928203230 0.0000000000 + 1866 5.8000000000 2.0784609691 0.0000000000 + 1867 5.6000000000 1.2124355653 0.0000000000 + 1868 5.7000000000 1.5588457268 0.0000000000 + 1869 5.4500000000 0.7794228634 0.0000000000 + 1870 5.8500000000 2.3511618015 0.0000000000 + 1871 5.5000000000 0.8660254038 0.0000000000 + 1872 5.9000000000 3.0000000000 0.0000000000 + 1873 5.6500000000 1.2990381057 0.0000000000 + 1874 5.8000000000 1.9052558883 0.0000000000 + 1875 5.9000000000 2.8267949192 0.0000000000 + 1876 5.7500000000 1.6454482672 0.0000000000 + 1877 5.8500000000 2.1650635095 0.0000000000 + 1878 5.9000000000 2.6535898385 0.0000000000 + 1879 5.5500000000 0.9526279442 0.0000000000 + 1880 5.1000000000 0.0000000000 0.0000000000 + 1881 5.1500000000 0.0866025404 0.0000000000 + 1882 5.2000000000 0.1732050808 0.0000000000 + 1883 5.2500000000 0.2598076211 0.0000000000 + 1884 5.7000000000 1.3856406461 0.0000000000 + 1885 5.9000000000 2.4580251024 0.0000000000 + 1886 5.3000000000 0.3464101615 0.0000000000 + 1887 5.6000000000 1.0392304845 0.0000000000 + 1888 5.3500000000 0.4330127019 0.0000000000 + 1889 5.8500000000 1.9918584287 0.0000000000 + 1890 5.8000000000 1.7320508076 0.0000000000 + 1891 5.4000000000 0.5196152423 0.0000000000 + 1892 5.9000000000 2.2516660498 0.0000000000 + 1893 5.7500000000 1.4722431864 0.0000000000 + 1894 5.9500000000 2.9133974596 0.0000000000 + 1895 5.4500000000 0.6062177826 0.0000000000 + 1896 5.6500000000 1.1258330249 0.0000000000 + 1897 5.9500000000 2.7401923789 0.0000000000 + 1898 5.5000000000 0.6928203230 0.0000000000 + 1899 5.9500000000 2.5669872981 0.0000000000 + 1900 5.8500000000 1.8186533479 0.0000000000 + 1901 5.9000000000 2.0784609691 0.0000000000 + 1902 5.7000000000 1.2124355653 0.0000000000 + 1903 5.8000000000 1.5588457268 0.0000000000 + 1904 5.5500000000 0.7794228634 0.0000000000 + 1905 5.9500000000 2.3491914104 0.0000000000 + 1906 5.6000000000 0.8660254038 0.0000000000 + 1907 5.7500000000 1.2990381057 0.0000000000 + 1908 6.0000000000 3.0000000000 0.0000000000 + 1909 5.9000000000 1.9052558883 0.0000000000 + 1910 6.0000000000 2.8267949192 0.0000000000 + 1911 5.2000000000 0.0000000000 0.0000000000 + 1912 5.2500000000 0.0866025404 0.0000000000 + 1913 5.8500000000 1.6454482672 0.0000000000 + 1914 5.3000000000 0.1732050808 0.0000000000 + 1915 5.9500000000 2.1650635095 0.0000000000 + 1916 5.6500000000 0.9526279442 0.0000000000 + 1917 6.0000000000 2.6535898385 0.0000000000 + 1918 5.3500000000 0.2598076211 0.0000000000 + 1919 5.4000000000 0.3464101615 0.0000000000 + 1920 5.8000000000 1.3856406461 0.0000000000 + 1921 5.4500000000 0.4330127019 0.0000000000 + 1922 6.0000000000 2.4572540798 0.0000000000 + 1923 5.7000000000 1.0392304845 0.0000000000 + 1924 5.5000000000 0.5196152423 0.0000000000 + 1925 5.9000000000 1.7320508076 0.0000000000 + 1926 5.9500000000 1.9918584287 0.0000000000 + 1927 5.5500000000 0.6062177826 0.0000000000 + 1928 5.8500000000 1.4722431864 0.0000000000 + 1929 6.0000000000 2.2516660498 0.0000000000 + 1930 5.7500000000 1.1258330249 0.0000000000 + 1931 6.0500000000 2.9133974596 0.0000000000 + 1932 6.0500000000 2.7401923789 0.0000000000 + 1933 5.6000000000 0.6928203230 0.0000000000 + 1934 6.0500000000 2.5669872981 0.0000000000 + 1935 5.9500000000 1.8186533479 0.0000000000 + 1936 5.8000000000 1.2124355653 0.0000000000 + 1937 6.0000000000 2.0784609691 0.0000000000 + 1938 5.6500000000 0.7794228634 0.0000000000 + 1939 5.9000000000 1.5588457268 0.0000000000 + 1940 6.0500000000 2.3382685902 0.0000000000 + 1941 5.7000000000 0.8660254038 0.0000000000 + 1942 5.3000000000 0.0000000000 0.0000000000 + 1943 5.3500000000 0.0866025404 0.0000000000 + 1944 5.8500000000 1.2990381057 0.0000000000 + 1945 5.4000000000 0.1732050808 0.0000000000 + 1946 6.0000000000 1.9052558883 0.0000000000 + 1947 6.1000000000 3.0000000000 0.0000000000 + 1948 5.4500000000 0.2598076211 0.0000000000 + 1949 5.9500000000 1.6454482672 0.0000000000 + 1950 6.1000000000 2.8267949192 0.0000000000 + 1951 5.7500000000 0.9526279442 0.0000000000 + 1952 5.5000000000 0.3464101615 0.0000000000 + 1953 6.0500000000 2.1650635095 0.0000000000 + 1954 6.1000000000 2.6535898385 0.0000000000 + 1955 5.5500000000 0.4330127019 0.0000000000 + 1956 5.9000000000 1.3856406461 0.0000000000 + 1957 5.8000000000 1.0392304845 0.0000000000 + 1958 6.1000000000 2.4526279442 0.0000000000 + 1959 5.6000000000 0.5196152423 0.0000000000 + 1960 6.0000000000 1.7320508076 0.0000000000 + 1961 6.0500000000 1.9918584287 0.0000000000 + 1962 5.6500000000 0.6062177826 0.0000000000 + 1963 5.8500000000 1.1258330249 0.0000000000 + 1964 5.9500000000 1.4722431864 0.0000000000 + 1965 6.1000000000 2.2516660498 0.0000000000 + 1966 5.7000000000 0.6928203230 0.0000000000 + 1967 6.1500000000 2.9133974596 0.0000000000 + 1968 6.1500000000 2.7401923789 0.0000000000 + 1969 5.7500000000 0.7794228634 0.0000000000 + 1970 6.0500000000 1.8186533479 0.0000000000 + 1971 5.9000000000 1.2124355653 0.0000000000 + 1972 6.1500000000 2.5484827557 0.0000000000 + 1973 6.1000000000 2.0784609691 0.0000000000 + 1974 6.0000000000 1.5588457268 0.0000000000 + 1975 5.4000000000 0.0000000000 0.0000000000 + 1976 5.4500000000 0.0866025404 0.0000000000 + 1977 5.8000000000 0.8660254038 0.0000000000 + 1978 5.5000000000 0.1732050808 0.0000000000 + 1979 6.1500000000 2.3382685902 0.0000000000 + 1980 5.9500000000 1.2990381057 0.0000000000 + 1981 5.5500000000 0.2598076211 0.0000000000 + 1982 5.6000000000 0.3464101615 0.0000000000 + 1983 6.1000000000 1.9052558883 0.0000000000 + 1984 5.8500000000 0.9526279442 0.0000000000 + 1985 6.0500000000 1.6454482672 0.0000000000 + 1986 6.2000000000 3.0000000000 0.0000000000 + 1987 6.2000000000 2.8267949192 0.0000000000 + 1988 5.6500000000 0.4330127019 0.0000000000 + 1989 6.1500000000 2.1650635095 0.0000000000 + 1990 6.2000000000 2.6535898385 0.0000000000 + 1991 6.0000000000 1.3856406461 0.0000000000 + 1992 5.7000000000 0.5196152423 0.0000000000 + 1993 5.9000000000 1.0392304845 0.0000000000 + 1994 6.2000000000 2.4248711306 0.0000000000 + 1995 5.7500000000 0.6062177826 0.0000000000 + 1996 6.1000000000 1.7320508076 0.0000000000 + 1997 6.1500000000 1.9918584287 0.0000000000 + 1998 5.9500000000 1.1258330249 0.0000000000 + 1999 6.0500000000 1.4722431864 0.0000000000 + 2000 5.8000000000 0.6928203230 0.0000000000 + 2001 6.2000000000 2.2516660498 0.0000000000 + 2002 6.2500000000 2.9133974596 0.0000000000 + 2003 6.2500000000 2.7401923789 0.0000000000 + 2004 5.8500000000 0.7794228634 0.0000000000 + 2005 6.0000000000 1.2124355653 0.0000000000 + 2006 6.1500000000 1.8186533479 0.0000000000 + 2007 5.5000000000 0.0000000000 0.0000000000 + 2008 6.2500000000 2.5392304845 0.0000000000 + 2009 6.1000000000 1.5588457268 0.0000000000 + 2010 6.2000000000 2.0784609691 0.0000000000 + 2011 5.5500000000 0.0866025404 0.0000000000 + 2012 5.6000000000 0.1732050808 0.0000000000 + 2013 5.9000000000 0.8660254038 0.0000000000 + 2014 5.6500000000 0.2598076211 0.0000000000 + 2015 6.0500000000 1.2990381057 0.0000000000 + 2016 6.2500000000 2.3382685902 0.0000000000 + 2017 5.7000000000 0.3464101615 0.0000000000 + 2018 5.9500000000 0.9526279442 0.0000000000 + 2019 6.2000000000 1.9052558883 0.0000000000 + 2020 5.7500000000 0.4330127019 0.0000000000 + 2021 6.1500000000 1.6454482672 0.0000000000 + 2022 6.3000000000 3.0000000000 0.0000000000 + 2023 6.3000000000 2.8267949192 0.0000000000 + 2024 6.2500000000 2.1650635095 0.0000000000 + 2025 5.8000000000 0.5196152423 0.0000000000 + 2026 6.1000000000 1.3856406461 0.0000000000 + 2027 6.3000000000 2.6304591605 0.0000000000 + 2028 6.0000000000 1.0392304845 0.0000000000 + 2029 5.8500000000 0.6062177826 0.0000000000 + 2030 6.3000000000 2.4248711306 0.0000000000 + 2031 6.2000000000 1.7320508076 0.0000000000 + 2032 6.2500000000 1.9918584287 0.0000000000 + 2033 6.0500000000 1.1258330249 0.0000000000 + 2034 5.9000000000 0.6928203230 0.0000000000 + 2035 6.1500000000 1.4722431864 0.0000000000 + 2036 6.3000000000 2.2516660498 0.0000000000 + 2037 6.3500000000 2.9133974596 0.0000000000 + 2038 5.9500000000 0.7794228634 0.0000000000 + 2039 5.6000000000 0.0000000000 0.0000000000 + 2040 6.3500000000 2.7401923789 0.0000000000 + 2041 6.1000000000 1.2124355653 0.0000000000 + 2042 5.6500000000 0.0866025404 0.0000000000 + 2043 6.2500000000 1.8186533479 0.0000000000 + 2044 5.7000000000 0.1732050808 0.0000000000 + 2045 6.2000000000 1.5588457268 0.0000000000 + 2046 6.3000000000 2.0784609691 0.0000000000 + 2047 6.0000000000 0.8660254038 0.0000000000 + 2048 6.3500000000 2.5114736710 0.0000000000 + 2049 5.7500000000 0.2598076211 0.0000000000 + 2050 5.8000000000 0.3464101615 0.0000000000 + 2051 6.1500000000 1.2990381057 0.0000000000 + 2052 6.3500000000 2.3382685902 0.0000000000 + 2053 6.0500000000 0.9526279442 0.0000000000 + 2054 5.8500000000 0.4330127019 0.0000000000 + 2055 6.3000000000 1.9052558883 0.0000000000 + 2056 6.2500000000 1.6454482672 0.0000000000 + 2057 6.4000000000 3.0000000000 0.0000000000 + 2058 5.9000000000 0.5196152423 0.0000000000 + 2059 6.4000000000 2.8267949192 0.0000000000 + 2060 6.3500000000 2.1650635095 0.0000000000 + 2061 6.2000000000 1.3856406461 0.0000000000 + 2062 6.1000000000 1.0392304845 0.0000000000 + 2063 6.4000000000 2.5980762114 0.0000000000 + 2064 5.9500000000 0.6062177826 0.0000000000 + 2065 6.4000000000 2.4248711306 0.0000000000 + 2066 6.3000000000 1.7320508076 0.0000000000 + 2067 6.0000000000 0.6928203230 0.0000000000 + 2068 6.1500000000 1.1258330249 0.0000000000 + 2069 6.3500000000 1.9918584287 0.0000000000 + 2070 6.2500000000 1.4722431864 0.0000000000 + 2071 5.7000000000 0.0000000000 0.0000000000 + 2072 6.4000000000 2.2516660498 0.0000000000 + 2073 6.0500000000 0.7794228634 0.0000000000 + 2074 5.7500000000 0.0866025404 0.0000000000 + 2075 6.4500000000 2.9133974596 0.0000000000 + 2076 5.8000000000 0.1732050808 0.0000000000 + 2077 6.2000000000 1.2124355653 0.0000000000 + 2078 6.4500000000 2.7164191821 0.0000000000 + 2079 6.3500000000 1.8186533479 0.0000000000 + 2080 5.8500000000 0.2598076211 0.0000000000 + 2081 6.1000000000 0.8660254038 0.0000000000 + 2082 6.3000000000 1.5588457268 0.0000000000 + 2083 6.4000000000 2.0784609691 0.0000000000 + 2084 6.4500000000 2.5114736710 0.0000000000 + 2085 5.9000000000 0.3464101615 0.0000000000 + 2086 6.2500000000 1.2990381057 0.0000000000 + 2087 5.9500000000 0.4330127019 0.0000000000 + 2088 6.1500000000 0.9526279442 0.0000000000 + 2089 6.4500000000 2.3382685902 0.0000000000 + 2090 6.0000000000 0.5196152423 0.0000000000 + 2091 6.3500000000 1.6454482672 0.0000000000 + 2092 6.4000000000 1.9052558883 0.0000000000 + 2093 6.5000000000 3.0000000000 0.0000000000 + 2094 6.5000000000 2.8267949192 0.0000000000 + 2095 6.2000000000 1.0392304845 0.0000000000 + 2096 6.3000000000 1.3856406461 0.0000000000 + 2097 6.4500000000 2.1650635095 0.0000000000 + 2098 6.0500000000 0.6062177826 0.0000000000 + 2099 6.5000000000 2.5980762114 0.0000000000 + 2100 6.1000000000 0.6928203230 0.0000000000 + 2101 6.4000000000 1.7320508076 0.0000000000 + 2102 6.2500000000 1.1258330249 0.0000000000 + 2103 6.5000000000 2.4248711306 0.0000000000 + 2104 6.4500000000 1.9918584287 0.0000000000 + 2105 5.8000000000 0.0000000000 0.0000000000 + 2106 6.3500000000 1.4722431864 0.0000000000 + 2107 5.8500000000 0.0866025404 0.0000000000 + 2108 6.1500000000 0.7794228634 0.0000000000 + 2109 5.9000000000 0.1732050808 0.0000000000 + 2110 6.5000000000 2.2516660498 0.0000000000 + 2111 6.3000000000 1.2124355653 0.0000000000 + 2112 6.5500000000 2.9133974596 0.0000000000 + 2113 5.9500000000 0.2598076211 0.0000000000 + 2114 6.5500000000 2.7085804523 0.0000000000 + 2115 6.2000000000 0.8660254038 0.0000000000 + 2116 6.4500000000 1.8186533479 0.0000000000 + 2117 6.4000000000 1.5588457268 0.0000000000 + 2118 6.0000000000 0.3464101615 0.0000000000 + 2119 6.5000000000 2.0784609691 0.0000000000 + 2120 6.5500000000 2.5114736710 0.0000000000 + 2121 6.0500000000 0.4330127019 0.0000000000 + 2122 6.3500000000 1.2990381057 0.0000000000 + 2123 6.2500000000 0.9526279442 0.0000000000 + 2124 6.5500000000 2.3382685902 0.0000000000 + 2125 6.1000000000 0.5196152423 0.0000000000 + 2126 6.4500000000 1.6454482672 0.0000000000 + 2127 6.5000000000 1.9052558883 0.0000000000 + 2128 6.3000000000 1.0392304845 0.0000000000 + 2129 6.1500000000 0.6062177826 0.0000000000 + 2130 6.6000000000 3.0000000000 0.0000000000 + 2131 6.4000000000 1.3856406461 0.0000000000 + 2132 6.6000000000 2.8267949192 0.0000000000 + 2133 6.5500000000 2.1650635095 0.0000000000 + 2134 6.6000000000 2.6091275353 0.0000000000 + 2135 6.2000000000 0.6928203230 0.0000000000 + 2136 5.9000000000 0.0000000000 0.0000000000 + 2137 6.3500000000 1.1258330249 0.0000000000 + 2138 6.5000000000 1.7320508076 0.0000000000 + 2139 5.9500000000 0.0866025404 0.0000000000 + 2140 6.6000000000 2.4248711306 0.0000000000 + 2141 6.5500000000 1.9918584287 0.0000000000 + 2142 6.4500000000 1.4722431864 0.0000000000 + 2143 6.0000000000 0.1732050808 0.0000000000 + 2144 6.2500000000 0.7794228634 0.0000000000 + 2145 6.0500000000 0.2598076211 0.0000000000 + 2146 6.6000000000 2.2516660498 0.0000000000 + 2147 6.4000000000 1.2124355653 0.0000000000 + 2148 6.6500000000 2.9133974596 0.0000000000 + 2149 6.3000000000 0.8660254038 0.0000000000 + 2150 6.1000000000 0.3464101615 0.0000000000 + 2151 6.5500000000 1.8186533479 0.0000000000 + 2152 6.6500000000 2.7170617009 0.0000000000 + 2153 6.5000000000 1.5588457268 0.0000000000 + 2154 6.6000000000 2.0784609691 0.0000000000 + 2155 6.1500000000 0.4330127019 0.0000000000 + 2156 6.6500000000 2.5114736710 0.0000000000 + 2157 6.4500000000 1.2990381057 0.0000000000 + 2158 6.3500000000 0.9526279442 0.0000000000 + 2159 6.2000000000 0.5196152423 0.0000000000 + 2160 6.6500000000 2.3382685902 0.0000000000 + 2161 6.5500000000 1.6454482672 0.0000000000 + 2162 6.6000000000 1.9052558883 0.0000000000 + 2163 6.2500000000 0.6062177826 0.0000000000 + 2164 6.4000000000 1.0392304845 0.0000000000 + 2165 6.5000000000 1.3856406461 0.0000000000 + 2166 6.7000000000 3.0000000000 0.0000000000 + 2167 6.6500000000 2.1650635095 0.0000000000 + 2168 6.7000000000 2.8267949192 0.0000000000 + 2169 6.0000000000 0.0000000000 0.0000000000 + 2170 6.3000000000 0.6928203230 0.0000000000 + 2171 6.7000000000 2.6080995051 0.0000000000 + 2172 6.0500000000 0.0866025404 0.0000000000 + 2173 6.4500000000 1.1258330249 0.0000000000 + 2174 6.6000000000 1.7320508076 0.0000000000 + 2175 6.1000000000 0.1732050808 0.0000000000 + 2176 6.7000000000 2.4248711306 0.0000000000 + 2177 6.5500000000 1.4722431864 0.0000000000 + 2178 6.6500000000 1.9918584287 0.0000000000 + 2179 6.3500000000 0.7794228634 0.0000000000 + 2180 6.1500000000 0.2598076211 0.0000000000 + 2181 6.5000000000 1.2124355653 0.0000000000 + 2182 6.7000000000 2.2516660498 0.0000000000 + 2183 6.2000000000 0.3464101615 0.0000000000 + 2184 6.4000000000 0.8660254038 0.0000000000 + 2185 6.7500000000 2.9133974596 0.0000000000 + 2186 6.6500000000 1.8186533479 0.0000000000 + 2187 6.6000000000 1.5588457268 0.0000000000 + 2188 6.7500000000 2.7124355653 0.0000000000 + 2189 6.2500000000 0.4330127019 0.0000000000 + 2190 6.7000000000 2.0784609691 0.0000000000 + 2191 6.4500000000 0.9526279442 0.0000000000 + 2192 6.5500000000 1.2990381057 0.0000000000 + 2193 6.7500000000 2.5114736710 0.0000000000 + 2194 6.3000000000 0.5196152423 0.0000000000 + 2195 6.7500000000 2.3382685902 0.0000000000 + 2196 6.3500000000 0.6062177826 0.0000000000 + 2197 6.6500000000 1.6454482672 0.0000000000 + 2198 6.7000000000 1.9052558883 0.0000000000 + 2199 6.5000000000 1.0392304845 0.0000000000 + 2200 6.6000000000 1.3856406461 0.0000000000 + 2201 6.1000000000 0.0000000000 0.0000000000 + 2202 6.8000000000 3.0000000000 0.0000000000 + 2203 6.7500000000 2.1650635095 0.0000000000 + 2204 6.8000000000 2.8267949192 0.0000000000 + 2205 6.4000000000 0.6928203230 0.0000000000 + 2206 6.1500000000 0.0866025404 0.0000000000 + 2207 6.8000000000 2.5980762114 0.0000000000 + 2208 6.5500000000 1.1258330249 0.0000000000 + 2209 6.2000000000 0.1732050808 0.0000000000 + 2210 6.7000000000 1.7320508076 0.0000000000 + 2211 6.4500000000 0.7794228634 0.0000000000 + 2212 6.6500000000 1.4722431864 0.0000000000 + 2213 6.8000000000 2.4248711306 0.0000000000 + 2214 6.2500000000 0.2598076211 0.0000000000 + 2215 6.7500000000 1.9918584287 0.0000000000 + 2216 6.3000000000 0.3464101615 0.0000000000 + 2217 6.6000000000 1.2124355653 0.0000000000 + 2218 6.8000000000 2.2516660498 0.0000000000 + 2219 6.5000000000 0.8660254038 0.0000000000 + 2220 6.3500000000 0.4330127019 0.0000000000 + 2221 6.8500000000 2.9133974596 0.0000000000 + 2222 6.7500000000 1.8186533479 0.0000000000 + 2223 6.7000000000 1.5588457268 0.0000000000 + 2224 6.8500000000 2.6846787517 0.0000000000 + 2225 6.8000000000 2.0784609691 0.0000000000 + 2226 6.5500000000 0.9526279442 0.0000000000 + 2227 6.4000000000 0.5196152423 0.0000000000 + 2228 6.6500000000 1.2990381057 0.0000000000 + 2229 6.8500000000 2.5114736710 0.0000000000 + 2230 6.4500000000 0.6062177826 0.0000000000 + 2231 6.8500000000 2.3382685902 0.0000000000 + 2232 6.7500000000 1.6454482672 0.0000000000 + 2233 6.6000000000 1.0392304845 0.0000000000 + 2234 6.8000000000 1.9052558883 0.0000000000 + 2235 6.2000000000 0.0000000000 0.0000000000 + 2236 6.7000000000 1.3856406461 0.0000000000 + 2237 6.2500000000 0.0866025404 0.0000000000 + 2238 6.5000000000 0.6928203230 0.0000000000 + 2239 6.9000000000 3.0000000000 0.0000000000 + 2240 6.8500000000 2.1650635095 0.0000000000 + 2241 6.9000000000 2.7712812921 0.0000000000 + 2242 6.3000000000 0.1732050808 0.0000000000 + 2243 6.6500000000 1.1258330249 0.0000000000 + 2244 6.9000000000 2.5980762114 0.0000000000 + 2245 6.3500000000 0.2598076211 0.0000000000 + 2246 6.5500000000 0.7794228634 0.0000000000 + 2247 6.8000000000 1.7320508076 0.0000000000 + 2248 6.7500000000 1.4722431864 0.0000000000 + 2249 6.8500000000 1.9918584287 0.0000000000 + 2250 6.9000000000 2.4248711306 0.0000000000 + 2251 6.4000000000 0.3464101615 0.0000000000 + 2252 6.7000000000 1.2124355653 0.0000000000 + 2253 6.6000000000 0.8660254038 0.0000000000 + 2254 6.9000000000 2.2516660498 0.0000000000 + 2255 6.4500000000 0.4330127019 0.0000000000 + 2256 6.8000000000 1.5588457268 0.0000000000 + 2257 6.8500000000 1.8186533479 0.0000000000 + 2258 6.9500000000 2.8578838325 0.0000000000 + 2259 6.9500000000 2.6846787517 0.0000000000 + 2260 6.5000000000 0.5196152423 0.0000000000 + 2261 6.6500000000 0.9526279442 0.0000000000 + 2262 6.7500000000 1.2990381057 0.0000000000 + 2263 6.9000000000 2.0784609691 0.0000000000 + 2264 6.9500000000 2.5114736710 0.0000000000 + 2265 6.5500000000 0.6062177826 0.0000000000 + 2266 6.3000000000 0.0000000000 0.0000000000 + 2267 6.7000000000 1.0392304845 0.0000000000 + 2268 6.9500000000 2.3382685902 0.0000000000 + 2269 6.8500000000 1.6454482672 0.0000000000 + 2270 6.9000000000 1.9052558883 0.0000000000 + 2271 6.3500000000 0.0866025404 0.0000000000 + 2272 6.8000000000 1.3856406461 0.0000000000 + 2273 6.6000000000 0.6928203230 0.0000000000 + 2274 6.4000000000 0.1732050808 0.0000000000 + 2275 6.9500000000 2.1650635095 0.0000000000 + 2276 7.0000000000 3.0000000000 0.0000000000 + 2277 7.0000000000 2.7712812921 0.0000000000 + 2278 6.7500000000 1.1258330249 0.0000000000 + 2279 6.4500000000 0.2598076211 0.0000000000 + 2280 6.6500000000 0.7794228634 0.0000000000 + 2281 7.0000000000 2.5980762114 0.0000000000 + 2282 6.9000000000 1.7320508076 0.0000000000 + 2283 6.8500000000 1.4722431864 0.0000000000 + 2284 6.5000000000 0.3464101615 0.0000000000 + 2285 6.9500000000 1.9918584287 0.0000000000 + 2286 7.0000000000 2.4248711306 0.0000000000 + 2287 6.8000000000 1.2124355653 0.0000000000 + 2288 6.7000000000 0.8660254038 0.0000000000 + 2289 6.5500000000 0.4330127019 0.0000000000 + 2290 7.0000000000 2.2516660498 0.0000000000 + 2291 6.9000000000 1.5588457268 0.0000000000 + 2292 6.9500000000 1.8186533479 0.0000000000 + 2293 6.6000000000 0.5196152423 0.0000000000 + 2294 7.0500000170 2.8800892782 0.0000000000 + 2295 6.7500000000 0.9526279442 0.0000000000 + 2296 7.0500000000 2.6846787517 0.0000000000 + 2297 6.8500000000 1.2990381057 0.0000000000 + 2298 7.0000000000 2.0784609691 0.0000000000 + 2299 7.0500000000 2.5114736710 0.0000000000 + 2300 6.6500000000 0.6062177826 0.0000000000 + 2301 6.4000000000 0.0000000000 0.0000000000 + 2302 6.8000000000 1.0392304845 0.0000000000 + 2303 6.4500000000 0.0866025404 0.0000000000 + 2304 6.9500000000 1.6454482672 0.0000000000 + 2305 7.0500000000 2.3382685902 0.0000000000 + 2306 7.0000000000 1.9052558883 0.0000000000 + 2307 6.7000000000 0.6928203230 0.0000000000 + 2308 6.9000000000 1.3856406461 0.0000000000 + 2309 6.5000000000 0.1732050808 0.0000000000 + 2310 7.0500000000 2.1650635095 0.0000000000 + 2311 7.1000000000 3.0000000000 0.0000000000 + 2312 6.5500000000 0.2598076211 0.0000000000 + 2313 6.8500000000 1.1258330249 0.0000000000 + 2314 7.1000000000 2.7712812921 0.0000000000 + 2315 6.7500000000 0.7794228634 0.0000000000 + 2316 7.1000000000 2.5980762114 0.0000000000 + 2317 6.6000000000 0.3464101615 0.0000000000 + 2318 7.0000000000 1.7320508076 0.0000000000 + 2319 6.9500000000 1.4722431864 0.0000000000 + 2320 7.0500000000 1.9918584287 0.0000000000 + 2321 7.1000000000 2.4248711306 0.0000000000 + 2322 6.8000000000 0.8660254038 0.0000000000 + 2323 6.9000000000 1.2124355653 0.0000000000 + 2324 6.6500000000 0.4330127019 0.0000000000 + 2325 7.1000000000 2.2516660498 0.0000000000 + 2326 6.7000000000 0.5196152423 0.0000000000 + 2327 7.0000000000 1.5588457268 0.0000000000 + 2328 7.0500000000 1.8186533479 0.0000000000 + 2329 6.8500000000 0.9526279442 0.0000000000 + 2330 7.1500001021 2.8800892526 0.0000000000 + 2331 6.9500000000 1.2990381057 0.0000000000 + 2332 7.1500000000 2.6846787517 0.0000000000 + 2333 6.5000000000 0.0000000000 0.0000000000 + 2334 7.1000000000 2.0784609691 0.0000000000 + 2335 6.7500000000 0.6062177826 0.0000000000 + 2336 7.1500000000 2.5114736710 0.0000000000 + 2337 6.5500000000 0.0866025404 0.0000000000 + 2338 6.9000000000 1.0392304845 0.0000000000 + 2339 7.0500000000 1.6454482672 0.0000000000 + 2340 6.6000000000 0.1732050808 0.0000000000 + 2341 7.1500000000 2.3382685902 0.0000000000 + 2342 6.8000000000 0.6928203230 0.0000000000 + 2343 7.0000000000 1.3856406461 0.0000000000 + 2344 7.1000000000 1.9052558883 0.0000000000 + 2345 6.6500000000 0.2598076211 0.0000000000 + 2346 6.9500000000 1.1258330249 0.0000000000 + 2347 7.1500000000 2.1650635095 0.0000000000 + 2348 7.2000000000 3.0000000000 0.0000000000 + 2349 6.8500000000 0.7794228634 0.0000000000 + 2350 7.2000000000 2.7712812921 0.0000000000 + 2351 6.7000000000 0.3464101615 0.0000000000 + 2352 7.2000000000 2.5980762114 0.0000000000 + 2353 7.1000000000 1.7320508076 0.0000000000 + 2354 7.0500000000 1.4722431864 0.0000000000 + 2355 7.1500000000 1.9918584287 0.0000000000 + 2356 6.7500000000 0.4330127019 0.0000000000 + 2357 6.9000000000 0.8660254038 0.0000000000 + 2358 7.2000000000 2.4248711306 0.0000000000 + 2359 7.0000000000 1.2124355653 0.0000000000 + 2360 6.8000000000 0.5196152423 0.0000000000 + 2361 7.2000000000 2.2516660498 0.0000000000 + 2362 7.1000000000 1.5588457268 0.0000000000 + 2363 6.9500000000 0.9526279442 0.0000000000 + 2364 7.1500000000 1.8186533479 0.0000000000 + 2365 6.6000000000 0.0000000000 0.0000000000 + 2366 7.2500006124 2.8800890991 0.0000000000 + 2367 7.0500000000 1.2990381057 0.0000000000 + 2368 6.8500000000 0.6062177826 0.0000000000 + 2369 7.2500000000 2.6846787517 0.0000000000 + 2370 7.2000000000 2.0784609691 0.0000000000 + 2371 6.6500000000 0.0866025404 0.0000000000 + 2372 7.2500000000 2.5114736710 0.0000000000 + 2373 7.0000000000 1.0392304845 0.0000000000 + 2374 6.7000000000 0.1732050808 0.0000000000 + 2375 6.9000000000 0.6928203230 0.0000000000 + 2376 7.1500000000 1.6454482672 0.0000000000 + 2377 7.2500000000 2.3382685902 0.0000000000 + 2378 7.1000000000 1.3856406461 0.0000000000 + 2379 7.2000000000 1.9052558883 0.0000000000 + 2380 6.7500000000 0.2598076211 0.0000000000 + 2381 7.1341154273 1.4851150572 0.0000000000 + 2382 7.0500000000 1.1258330249 0.0000000000 + 2383 6.9500000000 0.7794228634 0.0000000000 + 2384 7.2500000000 2.1650635095 0.0000000000 + 2385 6.8000000000 0.3464101615 0.0000000000 + 2386 7.3000000000 3.0000000000 0.0000000000 + 2387 7.3000000000 2.7712812921 0.0000000000 + 2388 7.2000000000 1.7320508076 0.0000000000 + 2389 7.3000000000 2.5980762114 0.0000000000 + 2390 6.8500000000 0.4330127019 0.0000000000 + 2391 7.0000000000 0.8660254038 0.0000000000 + 2392 7.2500000000 1.9918584287 0.0000000000 + 2393 7.3000000000 2.4248711306 0.0000000000 + 2394 6.9000000000 0.5196152423 0.0000000000 + 2395 7.1339745962 1.3000000000 0.0000000000 + 2396 7.3000000000 2.2516660498 0.0000000000 + 2397 6.7000000000 0.0000000000 0.0000000000 + 2398 7.0500000000 0.9526279442 0.0000000000 + 2399 7.2000000000 1.5588457268 0.0000000000 + 2400 7.2500000000 1.8186533479 0.0000000000 + 2401 6.9500000000 0.6062177826 0.0000000000 + 2402 7.3500036743 2.8800881778 0.0000000000 + 2403 6.7500000000 0.0866025404 0.0000000000 + 2404 7.3500000000 2.6846787517 0.0000000000 + 2405 7.1339745962 1.2000000000 0.0000000000 + 2406 7.3000000000 2.0784609691 0.0000000000 + 2407 6.8000000000 0.1732050808 0.0000000000 + 2408 7.1000000000 1.0392304845 0.0000000000 + 2409 7.3500000000 2.5114736710 0.0000000000 + 2410 7.0000000000 0.6928203230 0.0000000000 + 2411 7.2500000000 1.6454482672 0.0000000000 + 2412 6.8500000000 0.2598076211 0.0000000000 + 2413 7.3500000000 2.3382685902 0.0000000000 + 2414 7.3000000000 1.9052558883 0.0000000000 + 2415 7.2205771366 1.4500000000 0.0000000000 + 2416 7.0500000000 0.7794228634 0.0000000000 + 2417 7.1500000000 1.1258330249 0.0000000000 + 2418 6.9000000000 0.3464101615 0.0000000000 + 2419 7.3500000000 2.1650635095 0.0000000000 + 2420 7.4000000000 3.0000000000 0.0000000000 + 2421 7.4000000000 2.7712812921 0.0000000000 + 2422 7.2205771366 1.3500000000 0.0000000000 + 2423 6.9500000000 0.4330127019 0.0000000000 + 2424 7.3000000000 1.7320508076 0.0000000000 + 2425 7.4000000000 2.5980762114 0.0000000000 + 2426 7.1000000000 0.8660254038 0.0000000000 + 2427 7.3500000000 1.9918584287 0.0000000000 + 2428 7.4000000000 2.4248711306 0.0000000000 + 2429 7.0000000000 0.5196152423 0.0000000000 + 2430 7.2205771366 1.2500000000 0.0000000000 + 2431 6.8000000000 0.0000000000 0.0000000000 + 2432 7.4000000000 2.2516660498 0.0000000000 + 2433 7.3000000000 1.5588457268 0.0000000000 + 2434 6.8500000000 0.0866025404 0.0000000000 + 2435 7.3500000000 1.8186533479 0.0000000000 + 2436 7.0500000000 0.6062177826 0.0000000000 + 2437 7.4500220459 2.8800826499 0.0000000000 + 2438 7.2205771366 1.1500000000 0.0000000000 + 2439 6.9000000000 0.1732050808 0.0000000000 + 2440 7.4500000000 2.6846787517 0.0000000000 + 2441 7.4000000000 2.0784609691 0.0000000000 + 2442 7.4500000000 2.5114736710 0.0000000000 + 2443 7.2114164744 1.0607752115 0.0000000000 + 2444 7.1835623558 0.9495877596 0.0000000000 + 2445 6.9500000000 0.2598076211 0.0000000000 + 2446 7.1383842635 0.7890629013 0.0000000000 + 2447 7.1125986072 0.7055973786 0.0000000000 + 2448 7.3500000000 1.6454482672 0.0000000000 + 2449 7.2987785354 1.3885768194 0.0000000000 + 2450 7.4500000000 2.3382685902 0.0000000000 + 2451 7.4000000000 1.9052558883 0.0000000000 + 2452 7.0000000000 0.3464101615 0.0000000000 + 2453 7.4500000000 2.1650635095 0.0000000000 + 2454 7.5000000000 3.0000000000 0.0000000000 + 2455 7.3071796770 1.3000000000 0.0000000000 + 2456 7.0500000000 0.4330127019 0.0000000000 + 2457 7.5000000000 2.7712812921 0.0000000000 + 2458 7.3500000000 1.4722431864 0.0000000000 + 2459 7.4000000000 1.7320508076 0.0000000000 + 2460 7.5000000000 2.5980762114 0.0000000000 + 2461 7.4500000000 1.9918584287 0.0000000000 + 2462 7.1000000000 0.5196152423 0.0000000000 + 2463 7.5000000000 2.4248711306 0.0000000000 + 2464 6.9000000000 0.0000000000 0.0000000000 + 2465 7.2087455738 0.8442688606 0.0000000000 + 2466 7.3071796770 1.2000000000 0.0000000000 + 2467 7.1398860844 0.6026573386 0.0000000000 + 2468 6.9500000000 0.0866025404 0.0000000000 + 2469 7.5000000000 2.2516660498 0.0000000000 + 2470 7.4000000000 1.5588457268 0.0000000000 + 2471 7.4500000000 1.8186533479 0.0000000000 + 2472 7.0000000000 0.1732050808 0.0000000000 + 2473 7.3071796770 1.1000000000 0.0000000000 + 2474 7.5501322751 2.8800494827 0.0000000000 + 2475 7.5000000000 2.0784609691 0.0000000000 + 2476 7.5500000000 2.6846787517 0.0000000000 + 2477 7.2205771366 0.7500000000 0.0000000000 + 2478 7.0500000000 0.2598076211 0.0000000000 + 2479 7.5500000000 2.5114736710 0.0000000000 + 2480 7.4500000000 1.6454482672 0.0000000000 + 2481 7.3955587267 1.3706409104 0.0000000000 + 2482 7.3071796770 1.0000000000 0.0000000000 + 2483 7.5500000000 2.3382685902 0.0000000000 + 2484 7.5000000000 1.9052558883 0.0000000000 + 2485 7.1000000000 0.3464101615 0.0000000000 + 2486 7.2205771366 0.6500000000 0.0000000000 + 2487 7.5500000000 2.1650635095 0.0000000000 + 2488 7.1500000000 0.4330127019 0.0000000000 + 2489 7.3937822174 1.2500000000 0.0000000000 + 2490 7.6000000000 3.0000000000 0.0000000000 + 2491 7.3071796770 0.9000000000 0.0000000000 + 2492 7.6000000000 2.7712812921 0.0000000000 + 2493 7.4500000000 1.4722431864 0.0000000000 + 2494 7.5000000000 1.7320508076 0.0000000000 + 2495 7.6000000000 2.5980762114 0.0000000000 + 2496 7.0000000000 0.0000000000 0.0000000000 + 2497 7.5500000000 1.9918584287 0.0000000000 + 2498 7.3937822174 1.1500000000 0.0000000000 + 2499 7.6000000000 2.4248711306 0.0000000000 + 2500 7.2162546780 0.5318562897 0.0000000000 + 2501 7.0500000000 0.0866025404 0.0000000000 + 2502 7.3071796770 0.8000000000 0.0000000000 + 2503 7.6000000000 2.2516660498 0.0000000000 + 2504 7.5000000000 1.5588457268 0.0000000000 + 2505 7.5500000000 1.8186533479 0.0000000000 + 2506 7.1000000000 0.1732050808 0.0000000000 + 2507 7.3937822174 1.0500000000 0.0000000000 + 2508 7.4803847577 1.4000000000 0.0000000000 + 2509 7.6507936508 2.8798504795 0.0000000000 + 2510 7.6000000000 2.0784609691 0.0000000000 + 2511 7.6500000000 2.6846787517 0.0000000000 + 2512 7.3071796770 0.7000000000 0.0000000000 + 2513 7.6500000000 2.5114736710 0.0000000000 + 2514 7.5500000000 1.6454482672 0.0000000000 + 2515 7.4803847577 1.3000000000 0.0000000000 + 2516 7.3937822174 0.9500000000 0.0000000000 + 2517 7.2000000000 0.3464101615 0.0000000000 + 2518 7.6000000000 1.9052558883 0.0000000000 + 2519 7.6500000000 2.3382685902 0.0000000000 + 2520 7.1835623558 0.2536904321 0.0000000000 + 2521 7.3071796770 0.6000000000 0.0000000000 + 2522 7.4803847577 1.2000000000 0.0000000000 + 2523 7.6500000000 2.1650635095 0.0000000000 + 2524 7.7000000000 3.0000000000 0.0000000000 + 2525 7.3937822174 0.8500000000 0.0000000000 + 2526 7.5500000000 1.4722431864 0.0000000000 + 2527 7.7000000000 2.7712812921 0.0000000000 + 2528 7.6000000000 1.7320508076 0.0000000000 + 2529 7.1000000000 0.0000000000 0.0000000000 + 2530 7.1341154273 0.0819615242 0.0000000000 + 2531 7.7000000000 2.5980762114 0.0000000000 + 2532 7.6500000000 1.9918584287 0.0000000000 + 2533 7.4803847577 1.1000000000 0.0000000000 + 2534 7.7000000000 2.4248711306 0.0000000000 + 2535 7.3071796770 0.5000000000 0.0000000000 + 2536 7.2788462555 0.4141483008 0.0000000000 + 2537 7.3937822174 0.7500000000 0.0000000000 + 2538 7.6000000000 1.5588457268 0.0000000000 + 2539 7.7000000000 2.2516660498 0.0000000000 + 2540 7.6500000000 1.8186533479 0.0000000000 + 2541 7.4803847577 1.0000000000 0.0000000000 + 2542 7.2043113345 0.1349120182 0.0000000000 + 2543 7.7000000000 2.0784609691 0.0000000000 + 2544 7.7547619048 2.8786564603 0.0000000000 + 2545 7.7500000000 2.6846787517 0.0000000000 + 2546 7.3937822174 0.6500000000 0.0000000000 + 2547 7.7500000000 2.5114736710 0.0000000000 + 2548 7.5669872981 1.2500000000 0.0000000000 + 2549 7.6500000000 1.6454482672 0.0000000000 + 2550 7.4803847577 0.9000000000 0.0000000000 + 2551 7.6000000000 1.3856406461 0.0000000000 + 2552 7.2918305988 0.3024773277 0.0000000000 + 2553 7.7000000000 1.9052558883 0.0000000000 + 2554 7.7500000000 2.3382685902 0.0000000000 + 2555 7.3937822174 0.5500000000 0.0000000000 + 2556 7.5669872981 1.1500000000 0.0000000000 + 2557 7.7500000000 2.1650635095 0.0000000000 + 2558 7.4803847577 0.8000000000 0.0000000000 + 2559 7.8000000000 3.0000000000 0.0000000000 + 2560 7.2000000000 0.0000000000 0.0000000000 + 2561 7.6500000000 1.4722431864 0.0000000000 + 2562 7.8000000000 2.7712812921 0.0000000000 + 2563 7.7000000000 1.7320508076 0.0000000000 + 2564 7.8000000000 2.5980762114 0.0000000000 + 2565 7.5669872981 1.0500000000 0.0000000000 + 2566 7.7500000000 1.9918584287 0.0000000000 + 2567 7.3010105468 0.2006150720 0.0000000000 + 2568 7.3937822174 0.4500000000 0.0000000000 + 2569 7.8000000000 2.4248711306 0.0000000000 + 2570 7.4803847577 0.7000000000 0.0000000000 + 2571 7.7000000000 1.5588457268 0.0000000000 + 2572 7.8000000000 2.2516660498 0.0000000000 + 2573 7.7500000000 1.8186533479 0.0000000000 + 2574 7.5669872981 0.9500000000 0.0000000000 + 2575 7.6535898385 1.3000000000 0.0000000000 + 2576 7.8000000000 2.0784609691 0.0000000000 + 2577 7.3937822174 0.3500000000 0.0000000000 + 2578 7.4803847577 0.6000000000 0.0000000000 + 2579 7.3071796770 0.1000000000 0.0000000000 + 2580 7.6535898385 1.2000000000 0.0000000000 + 2581 7.8583333333 2.6872322931 0.0000000000 + 2582 7.8500000000 2.5114736710 0.0000000000 + 2583 7.5669872981 0.8500000000 0.0000000000 + 2584 7.7000000000 1.3856406461 0.0000000000 + 2585 7.7500000000 1.6454482672 0.0000000000 + 2586 7.8000000000 1.9052558883 0.0000000000 + 2587 7.8785714286 2.8714923452 0.0000000000 + 2588 7.6535898385 1.1000000000 0.0000000000 + 2589 7.8583333333 2.3318904918 0.0000000000 + 2590 7.4803847577 0.5000000000 0.0000000000 + 2591 7.3937822174 0.2500000000 0.0000000000 + 2592 7.3000000000 0.0000000000 0.0000000000 + 2593 7.5669872981 0.7500000000 0.0000000000 + 2594 7.7500000000 1.4722431864 0.0000000000 + 2595 7.9000000000 3.0000000000 0.0000000000 + 2596 7.8583333333 2.1708862579 0.0000000000 + 2597 7.8000000000 1.7320508076 0.0000000000 + 2598 7.9000000000 2.7712812921 0.0000000000 + 2599 7.9000000000 2.5980762114 0.0000000000 + 2600 7.6535898385 1.0000000000 0.0000000000 + 2601 7.8500000000 1.9918584287 0.0000000000 + 2602 7.4803847577 0.4000000000 0.0000000000 + 2603 7.9000000000 2.4248711306 0.0000000000 + 2604 7.5669872981 0.6500000000 0.0000000000 + 2605 7.3937822174 0.1500000000 0.0000000000 + 2606 7.8000000000 1.5588457268 0.0000000000 + 2607 7.7500000000 1.2990381057 0.0000000000 + 2608 7.9000000000 2.2516660498 0.0000000000 + 2609 7.6535898385 0.9000000000 0.0000000000 + 2610 7.8583333333 1.8155444566 0.0000000000 + 2611 7.4803847577 0.3000000000 0.0000000000 + 2612 7.9000000000 2.0784609691 0.0000000000 + 2613 7.5669872981 0.5500000000 0.0000000000 + 2614 7.7401923789 1.1500000000 0.0000000000 + 2615 7.6535898385 0.8000000000 0.0000000000 + 2616 7.8000000000 1.3856406461 0.0000000000 + 2617 7.9000000000 1.9052558883 0.0000000000 + 2618 7.7401923789 1.0500000000 0.0000000000 + 2619 7.4000000000 0.0000000000 0.0000000000 + 2620 7.5669872981 0.4500000000 0.0000000000 + 2621 7.4803847577 0.2000000000 0.0000000000 + 2622 7.6535898385 0.7000000000 0.0000000000 + 2623 7.8785714286 1.6467487623 0.0000000000 + 2624 8.0000000000 3.0000000000 0.0000000000 + 2625 8.0000000000 2.9000000000 0.0000000000 + 2626 7.9000000000 1.7320508076 0.0000000000 + 2627 8.0000000000 2.8000000000 0.0000000000 + 2628 7.8583333333 1.4768693220 0.0000000000 + 2629 8.0000000000 2.7000000000 0.0000000000 + 2630 7.7401923789 0.9500000000 0.0000000000 + 2631 8.0000000000 2.6000000000 0.0000000000 + 2632 8.0000000000 2.5000000000 0.0000000000 + 2633 7.5669872981 0.3500000000 0.0000000000 + 2634 7.8380384758 1.3040638796 0.0000000000 + 2635 7.6535898385 0.6000000000 0.0000000000 + 2636 8.0000000000 2.4000000000 0.0000000000 + 2637 7.4803847577 0.1000000000 0.0000000000 + 2638 8.0000000000 2.3000000000 0.0000000000 + 2639 7.8267949192 1.2000000000 0.0000000000 + 2640 7.7401923789 0.8500000000 0.0000000000 + 2641 7.9073809524 1.5564927622 0.0000000000 + 2642 8.0000000000 2.2000000000 0.0000000000 + 2643 8.0000000000 2.1000000000 0.0000000000 + 2644 7.5669872981 0.2500000000 0.0000000000 + 2645 7.6535898385 0.5000000000 0.0000000000 + 2646 7.8267949192 1.1000000000 0.0000000000 + 2647 7.7401923789 0.7500000000 0.0000000000 + 2648 8.0000000000 2.0000000000 0.0000000000 + 2649 7.9000000000 1.3856406461 0.0000000000 + 2650 8.0000000000 1.9000000000 0.0000000000 + 2651 7.5000000000 0.0000000000 0.0000000000 + 2652 7.8267949192 1.0000000000 0.0000000000 + 2653 7.6535898385 0.4000000000 0.0000000000 + 2654 7.7401923789 0.6500000000 0.0000000000 + 2655 8.0000000000 1.8000000000 0.0000000000 + 2656 7.5724894151 0.1416666667 0.0000000000 + 2657 7.8267949192 0.9000000000 0.0000000000 + 2658 7.9133974596 1.2500000000 0.0000000000 + 2659 8.0000000000 1.7000000000 0.0000000000 + 2660 7.6535898385 0.3000000000 0.0000000000 + 2661 7.7401923789 0.5500000000 0.0000000000 + 2662 8.0000000000 1.6000000000 0.0000000000 + 2663 7.9133974596 1.1500000000 0.0000000000 + 2664 7.8267949192 0.8000000000 0.0000000000 + 2665 8.0000000000 1.5000000000 0.0000000000 + 2666 7.7401923789 0.4500000000 0.0000000000 + 2667 7.6535898385 0.2000000000 0.0000000000 + 2668 7.9133974596 1.0500000000 0.0000000000 + 2669 7.8267949192 0.7000000000 0.0000000000 + 2670 8.0000000000 1.4000000000 0.0000000000 + 2671 7.6000000000 0.0000000000 0.0000000000 + 2672 7.9133974596 0.9500000000 0.0000000000 + 2673 8.0000000000 1.3000000000 0.0000000000 + 2674 7.7401923789 0.3500000000 0.0000000000 + 2675 7.8267949192 0.6000000000 0.0000000000 + 2676 7.6538147620 0.0926190476 0.0000000000 + 2677 8.0000000000 1.2000000000 0.0000000000 + 2678 7.9133974596 0.8500000000 0.0000000000 + 2679 7.7401923789 0.2500000000 0.0000000000 + 2680 7.8267949192 0.5000000000 0.0000000000 + 2681 8.0000000000 1.1000000000 0.0000000000 + 2682 7.9133974596 0.7500000000 0.0000000000 + 2683 8.0000000000 1.0000000000 0.0000000000 + 2684 7.8267949192 0.4000000000 0.0000000000 + 2685 7.9133974596 0.6500000000 0.0000000000 + 2686 7.7429945563 0.1214285714 0.0000000000 + 2687 7.7000000000 0.0000000000 0.0000000000 + 2688 8.0000000000 0.9000000000 0.0000000000 + 2689 7.8267949192 0.3000000000 0.0000000000 + 2690 7.9133974596 0.5500000000 0.0000000000 + 2691 8.0000000000 0.8000000000 0.0000000000 + 2692 7.8267949192 0.2000000000 0.0000000000 + 2693 7.9133974596 0.4500000000 0.0000000000 + 2694 8.0000000000 0.7000000000 0.0000000000 + 2695 7.9133974596 0.3500000000 0.0000000000 + 2696 7.8267949192 0.1000000000 0.0000000000 + 2697 8.0000000000 0.6000000000 0.0000000000 + 2698 7.8000000000 0.0000000000 0.0000000000 + 2699 7.9133974596 0.2500000000 0.0000000000 + 2700 8.0000000000 0.5000000000 0.0000000000 + 2701 7.9111645497 0.1416666667 0.0000000000 + 2702 8.0000000000 0.4000000000 0.0000000000 + 2703 8.0000000000 0.3000000000 0.0000000000 + 2704 7.9000000000 0.0000000000 0.0000000000 + 2705 8.0000000000 0.2000000000 0.0000000000 + 2706 8.0000000000 0.1000000000 0.0000000000 + 2707 8.0000000000 0.0000000000 0.0000000000 +End Nodes + + +Begin Elements Element2D3N// GUI group identifier: Volume + 1 0 898 864 879 + 2 0 2166 2130 2148 + 3 0 837 847 809 + 4 0 2148 2130 2112 + 5 0 2166 2148 2185 + 6 0 809 847 828 + 7 0 2112 2130 2093 + 8 0 2185 2148 2168 + 9 0 828 847 866 + 10 0 2168 2148 2132 + 11 0 2185 2168 2204 + 12 0 2132 2148 2112 + 13 0 2168 2132 2152 + 14 0 2204 2168 2188 + 15 0 2132 2112 2094 + 16 0 2152 2132 2114 + 17 0 2188 2168 2152 + 18 0 2094 2112 2075 + 19 0 2114 2132 2094 + 20 0 2075 2112 2093 + 21 0 2094 2075 2059 + 22 0 2075 2093 2057 + 23 0 2059 2075 2037 + 24 0 2075 2057 2037 + 25 0 2059 2037 2023 + 26 0 2037 2057 2022 + 27 0 2023 2037 2002 + 28 0 2059 2023 2040 + 29 0 2037 2022 2002 + 30 0 2040 2023 2003 + 31 0 2002 2022 1986 + 32 0 2003 2023 1987 + 33 0 2040 2003 2027 + 34 0 1987 2023 2002 + 35 0 2003 1987 1968 + 36 0 2027 2003 1990 + 37 0 1987 2002 1967 + 38 0 1968 1987 1950 + 39 0 1990 2003 1968 + 40 0 1967 2002 1986 + 41 0 1950 1987 1967 + 42 0 1967 1986 1947 + 43 0 1950 1967 1931 + 44 0 1967 1947 1931 + 45 0 1931 1947 1908 + 46 0 1931 1908 1894 + 47 0 1894 1908 1872 + 48 0 1931 1894 1910 + 49 0 1894 1872 1857 + 50 0 1910 1894 1875 + 51 0 1931 1910 1950 + 52 0 1857 1872 1836 + 53 0 1875 1894 1857 + 54 0 1950 1910 1932 + 55 0 1857 1836 1821 + 56 0 1932 1910 1897 + 57 0 1950 1932 1968 + 58 0 1821 1836 1800 + 59 0 1897 1910 1875 + 60 0 1968 1932 1954 + 61 0 1897 1875 1860 + 62 0 1954 1932 1917 + 63 0 1968 1954 1990 + 64 0 1860 1875 1837 + 65 0 1917 1932 1897 + 66 0 1990 1954 1972 + 67 0 1860 1837 1823 + 68 0 1917 1897 1878 + 69 0 1972 1954 1934 + 70 0 1823 1837 1802 + 71 0 1878 1897 1860 + 72 0 1934 1954 1917 + 73 0 1802 1837 1821 + 74 0 1934 1917 1899 + 75 0 1821 1837 1857 + 76 0 1899 1917 1878 + 77 0 1934 1899 1922 + 78 0 1857 1837 1875 + 79 0 1922 1899 1885 + 80 0 1885 1899 1863 + 81 0 1863 1899 1878 + 82 0 1885 1863 1845 + 83 0 1863 1878 1843 + 84 0 1845 1863 1827 + 85 0 1843 1878 1860 + 86 0 1827 1863 1843 + 87 0 1845 1827 1809 + 88 0 1827 1843 1805 + 89 0 1809 1827 1790 + 90 0 1805 1843 1823 + 91 0 1827 1805 1790 + 92 0 1823 1843 1860 + 93 0 1790 1805 1769 + 94 0 1769 1805 1782 + 95 0 1782 1805 1823 + 96 0 1769 1782 1746 + 97 0 1782 1823 1802 + 98 0 1746 1782 1766 + 99 0 1769 1746 1733 + 100 0 1782 1802 1766 + 101 0 1733 1746 1711 + 102 0 1766 1802 1780 + 103 0 1711 1746 1730 + 104 0 1733 1711 1697 + 105 0 1780 1802 1821 + 106 0 1730 1746 1766 + 107 0 1697 1711 1675 + 108 0 1780 1821 1800 + 109 0 1730 1766 1744 + 110 0 1675 1711 1690 + 111 0 1780 1800 1765 + 112 0 1744 1766 1780 + 113 0 1690 1711 1730 + 114 0 1744 1780 1765 + 115 0 1690 1730 1709 + 116 0 1709 1730 1744 + 117 0 1690 1709 1672 + 118 0 1672 1709 1689 + 119 0 1690 1672 1651 + 120 0 1689 1709 1729 + 121 0 1651 1672 1635 + 122 0 1729 1709 1744 + 123 0 1635 1672 1650 + 124 0 1651 1635 1616 + 125 0 1729 1744 1765 + 126 0 1650 1672 1689 + 127 0 1616 1635 1597 + 128 0 1597 1635 1614 + 129 0 1614 1635 1650 + 130 0 1597 1614 1578 + 131 0 2136 2169 2139 + 132 0 2139 2169 2172 + 133 0 2136 2139 2107 + 134 0 2172 2169 2201 + 135 0 2107 2139 2109 + 136 0 2172 2201 2206 + 137 0 2109 2139 2143 + 138 0 2206 2201 2235 + 139 0 2143 2139 2172 + 140 0 2143 2172 2175 + 141 0 2175 2172 2206 + 142 0 2175 2206 2209 + 143 0 2209 2206 2237 + 144 0 2175 2209 2180 + 145 0 2237 2206 2235 + 146 0 2180 2209 2214 + 147 0 2237 2235 2266 + 148 0 2214 2209 2242 + 149 0 2242 2209 2237 + 150 0 2214 2242 2245 + 151 0 2242 2237 2271 + 152 0 2245 2242 2274 + 153 0 2271 2237 2266 + 154 0 2274 2242 2271 + 155 0 2245 2274 2279 + 156 0 2274 2271 2303 + 157 0 2279 2274 2309 + 158 0 2303 2271 2301 + 159 0 2274 2303 2309 + 160 0 2301 2271 2266 + 161 0 2309 2303 2337 + 162 0 2337 2303 2333 + 163 0 2309 2337 2340 + 164 0 2333 2303 2301 + 165 0 2337 2333 2365 + 166 0 2340 2337 2371 + 167 0 2337 2365 2371 + 168 0 2340 2371 2374 + 169 0 2371 2365 2397 + 170 0 2374 2371 2403 + 171 0 2340 2374 2345 + 172 0 2371 2397 2403 + 173 0 2345 2374 2380 + 174 0 2403 2397 2431 + 175 0 2380 2374 2407 + 176 0 2345 2380 2351 + 177 0 2407 2374 2403 + 178 0 2380 2407 2412 + 179 0 2351 2380 2385 + 180 0 2412 2407 2439 + 181 0 2380 2412 2385 + 182 0 2439 2407 2434 + 183 0 2385 2412 2418 + 184 0 2434 2407 2403 + 185 0 2439 2434 2468 + 186 0 2418 2412 2445 + 187 0 2434 2403 2431 + 188 0 2468 2434 2464 + 189 0 2445 2412 2439 + 190 0 2434 2431 2464 + 191 0 260 251 238 + 192 0 238 251 227 + 193 0 260 238 249 + 194 0 227 251 241 + 195 0 249 238 222 + 196 0 227 241 216 + 197 0 222 238 210 + 198 0 216 241 232 + 199 0 227 216 198 + 200 0 210 238 227 + 201 0 198 216 189 + 202 0 227 198 210 + 203 0 189 216 205 + 204 0 198 189 171 + 205 0 210 198 186 + 206 0 189 205 180 + 207 0 171 189 166 + 208 0 186 198 171 + 209 0 180 205 197 + 210 0 166 189 180 + 211 0 197 205 226 + 212 0 180 197 174 + 213 0 166 180 154 + 214 0 226 205 232 + 215 0 174 197 192 + 216 0 154 180 174 + 217 0 232 205 216 + 218 0 192 197 218 + 219 0 154 174 151 + 220 0 218 197 226 + 221 0 151 174 169 + 222 0 169 174 192 + 223 0 151 169 147 + 224 0 169 192 190 + 225 0 147 169 167 + 226 0 190 192 215 + 227 0 169 190 167 + 228 0 215 192 218 + 229 0 167 190 184 + 230 0 2214 2245 2216 + 231 0 2216 2245 2251 + 232 0 2214 2216 2183 + 233 0 2251 2245 2279 + 234 0 2216 2251 2220 + 235 0 2183 2216 2189 + 236 0 2214 2183 2180 + 237 0 2220 2251 2255 + 238 0 2216 2220 2189 + 239 0 2180 2183 2150 + 240 0 2220 2255 2227 + 241 0 2189 2220 2194 + 242 0 2180 2150 2145 + 243 0 2227 2255 2260 + 244 0 2194 2220 2227 + 245 0 2145 2150 2118 + 246 0 2260 2255 2289 + 247 0 2118 2150 2121 + 248 0 2145 2118 2113 + 249 0 2289 2255 2284 + 250 0 2121 2150 2155 + 251 0 2113 2118 2085 + 252 0 2284 2255 2251 + 253 0 2155 2150 2183 + 254 0 2085 2118 2087 + 255 0 2155 2183 2189 + 256 0 2087 2118 2121 + 257 0 2155 2189 2159 + 258 0 2087 2121 2090 + 259 0 2159 2189 2194 + 260 0 2090 2121 2125 + 261 0 2087 2090 2058 + 262 0 2125 2121 2155 + 263 0 2090 2125 2098 + 264 0 2058 2090 2064 + 265 0 2125 2155 2159 + 266 0 2098 2125 2129 + 267 0 2064 2090 2098 + 268 0 2129 2125 2159 + 269 0 2098 2129 2100 + 270 0 2129 2159 2163 + 271 0 2100 2129 2135 + 272 0 2163 2159 2194 + 273 0 2129 2163 2135 + 274 0 2163 2194 2196 + 275 0 2135 2163 2170 + 276 0 2196 2194 2227 + 277 0 2163 2196 2170 + 278 0 2170 2196 2205 + 279 0 2205 2196 2230 + 280 0 2170 2205 2179 + 281 0 2230 2196 2227 + 282 0 2205 2230 2238 + 283 0 2179 2205 2211 + 284 0 2230 2227 2260 + 285 0 2238 2230 2265 + 286 0 2211 2205 2238 + 287 0 2230 2260 2265 + 288 0 2211 2238 2246 + 289 0 2265 2260 2293 + 290 0 2246 2238 2273 + 291 0 2211 2246 2219 + 292 0 2293 2260 2289 + 293 0 2273 2238 2265 + 294 0 2219 2246 2253 + 295 0 2273 2265 2300 + 296 0 2253 2246 2280 + 297 0 2219 2253 2226 + 298 0 2300 2265 2293 + 299 0 2280 2246 2273 + 300 0 2226 2253 2261 + 301 0 2300 2293 2326 + 302 0 2280 2273 2307 + 303 0 2261 2253 2288 + 304 0 2326 2293 2324 + 305 0 2307 2273 2300 + 306 0 2288 2253 2280 + 307 0 2324 2293 2289 + 308 0 2288 2280 2315 + 309 0 2324 2289 2317 + 310 0 2315 2280 2307 + 311 0 2317 2289 2284 + 312 0 2324 2317 2351 + 313 0 2315 2307 2342 + 314 0 2317 2284 2312 + 315 0 2351 2317 2345 + 316 0 2342 2307 2335 + 317 0 2312 2284 2279 + 318 0 2345 2317 2312 + 319 0 2342 2335 2368 + 320 0 2279 2284 2251 + 321 0 2345 2312 2340 + 322 0 2368 2335 2360 + 323 0 2340 2312 2309 + 324 0 2360 2335 2326 + 325 0 2309 2312 2279 + 326 0 2360 2326 2356 + 327 0 2360 2356 2390 + 328 0 2390 2356 2385 + 329 0 2385 2356 2351 + 330 0 2390 2385 2418 + 331 0 2351 2356 2324 + 332 0 2324 2356 2326 + 333 0 2085 2087 2054 + 334 0 2054 2087 2058 + 335 0 2085 2054 2050 + 336 0 2054 2058 2025 + 337 0 2050 2054 2020 + 338 0 2025 2058 2029 + 339 0 2020 2054 2025 + 340 0 2029 2058 2064 + 341 0 2025 2029 1995 + 342 0 2029 2064 2034 + 343 0 1995 2029 2000 + 344 0 2025 1995 1992 + 345 0 2034 2064 2067 + 346 0 2000 2029 2034 + 347 0 1992 1995 1962 + 348 0 2067 2064 2098 + 349 0 1962 1995 1966 + 350 0 1992 1962 1959 + 351 0 1966 1995 2000 + 352 0 1962 1966 1933 + 353 0 1959 1962 1927 + 354 0 1933 1966 1938 + 355 0 1962 1933 1927 + 356 0 1938 1966 1969 + 357 0 1927 1933 1898 + 358 0 1969 1966 2000 + 359 0 1938 1969 1941 + 360 0 1898 1933 1904 + 361 0 1969 2000 2004 + 362 0 1941 1969 1977 + 363 0 1904 1933 1938 + 364 0 2004 2000 2034 + 365 0 1977 1969 2004 + 366 0 2004 2034 2038 + 367 0 1977 2004 2013 + 368 0 2038 2034 2067 + 369 0 2004 2038 2013 + 370 0 2038 2067 2073 + 371 0 2013 2038 2047 + 372 0 2073 2067 2100 + 373 0 2038 2073 2047 + 374 0 2100 2067 2098 + 375 0 2047 2073 2081 + 376 0 2081 2073 2108 + 377 0 2047 2081 2053 + 378 0 2108 2073 2100 + 379 0 2053 2081 2088 + 380 0 2108 2100 2135 + 381 0 2088 2081 2115 + 382 0 2053 2088 2062 + 383 0 2108 2135 2144 + 384 0 2115 2081 2108 + 385 0 2062 2088 2095 + 386 0 2144 2135 2170 + 387 0 2095 2088 2123 + 388 0 2062 2095 2068 + 389 0 2144 2170 2179 + 390 0 2123 2088 2115 + 391 0 2068 2095 2102 + 392 0 2144 2179 2149 + 393 0 2123 2115 2149 + 394 0 2102 2095 2128 + 395 0 2149 2179 2184 + 396 0 2149 2115 2144 + 397 0 2128 2095 2123 + 398 0 2184 2179 2211 + 399 0 2144 2115 2108 + 400 0 2184 2211 2219 + 401 0 2184 2219 2191 + 402 0 2191 2219 2226 + 403 0 2191 2226 2199 + 404 0 2199 2226 2233 + 405 0 2233 2226 2261 + 406 0 2199 2233 2208 + 407 0 2233 2261 2267 + 408 0 2208 2233 2243 + 409 0 2199 2208 2173 + 410 0 2267 2261 2295 + 411 0 2243 2233 2267 + 412 0 2173 2208 2181 + 413 0 2295 2261 2288 + 414 0 2181 2208 2217 + 415 0 2173 2181 2147 + 416 0 2217 2208 2243 + 417 0 2181 2217 2192 + 418 0 2147 2181 2157 + 419 0 2192 2217 2228 + 420 0 2181 2192 2157 + 421 0 2228 2217 2252 + 422 0 2157 2192 2165 + 423 0 2252 2217 2243 + 424 0 2228 2252 2262 + 425 0 2165 2192 2200 + 426 0 2262 2252 2287 + 427 0 2228 2262 2236 + 428 0 2200 2192 2228 + 429 0 2287 2252 2278 + 430 0 2236 2262 2272 + 431 0 2200 2228 2236 + 432 0 2278 2252 2243 + 433 0 2272 2262 2297 + 434 0 2278 2243 2267 + 435 0 2297 2262 2287 + 436 0 2278 2267 2302 + 437 0 2297 2287 2323 + 438 0 2302 2267 2295 + 439 0 2323 2287 2313 + 440 0 2302 2295 2329 + 441 0 2313 2287 2278 + 442 0 2323 2313 2346 + 443 0 2329 2295 2322 + 444 0 2346 2313 2338 + 445 0 2323 2346 2359 + 446 0 2322 2295 2288 + 447 0 2338 2313 2302 + 448 0 2359 2346 2382 + 449 0 2322 2288 2315 + 450 0 2302 2313 2278 + 451 0 2382 2346 2373 + 452 0 2373 2346 2338 + 453 0 2382 2373 2408 + 454 0 2408 2373 2398 + 455 0 2382 2408 2417 + 456 0 2398 2373 2363 + 457 0 2417 2408 2443 + 458 0 2363 2373 2338 + 459 0 2398 2363 2391 + 460 0 2443 2408 2444 + 461 0 2391 2363 2357 + 462 0 2398 2391 2426 + 463 0 2444 2408 2398 + 464 0 2357 2363 2329 + 465 0 2426 2391 2416 + 466 0 2329 2363 2338 + 467 0 2357 2329 2322 + 468 0 2416 2391 2383 + 469 0 2357 2322 2349 + 470 0 2383 2391 2357 + 471 0 2416 2383 2410 + 472 0 2349 2322 2315 + 473 0 2383 2357 2349 + 474 0 2410 2383 2375 + 475 0 2383 2349 2375 + 476 0 2410 2375 2401 + 477 0 2375 2349 2342 + 478 0 2401 2375 2368 + 479 0 2410 2401 2436 + 480 0 2342 2349 2315 + 481 0 2368 2375 2342 + 482 0 2436 2401 2429 + 483 0 2429 2401 2394 + 484 0 2436 2429 2462 + 485 0 2394 2401 2368 + 486 0 2462 2429 2456 + 487 0 2436 2462 2467 + 488 0 2456 2429 2423 + 489 0 2462 2456 2488 + 490 0 2467 2462 2500 + 491 0 2423 2429 2394 + 492 0 2488 2456 2485 + 493 0 2500 2462 2488 + 494 0 2485 2456 2452 + 495 0 2488 2485 2517 + 496 0 2452 2456 2423 + 497 0 2485 2452 2478 + 498 0 2517 2485 2520 + 499 0 2478 2452 2445 + 500 0 2485 2478 2520 + 501 0 2445 2452 2418 + 502 0 2520 2478 2506 + 503 0 2418 2452 2423 + 504 0 2506 2478 2472 + 505 0 2418 2423 2390 + 506 0 2472 2478 2445 + 507 0 2506 2472 2501 + 508 0 2390 2423 2394 + 509 0 2472 2445 2439 + 510 0 2501 2472 2468 + 511 0 2472 2439 2468 + 512 0 2368 2360 2394 + 513 0 2394 2360 2390 + 514 0 2020 2025 1992 + 515 0 2020 1992 1988 + 516 0 1988 1992 1959 + 517 0 2020 1988 2017 + 518 0 1988 1959 1955 + 519 0 2017 1988 1982 + 520 0 1955 1959 1924 + 521 0 1982 1988 1955 + 522 0 1924 1959 1927 + 523 0 1955 1924 1921 + 524 0 1924 1927 1895 + 525 0 1921 1924 1891 + 526 0 1955 1921 1952 + 527 0 1895 1927 1898 + 528 0 1891 1924 1895 + 529 0 1952 1921 1919 + 530 0 1891 1895 1862 + 531 0 1919 1921 1888 + 532 0 1952 1919 1948 + 533 0 1862 1895 1865 + 534 0 1888 1921 1891 + 535 0 1948 1919 1918 + 536 0 1865 1895 1898 + 537 0 1888 1891 1858 + 538 0 1918 1919 1886 + 539 0 1865 1898 1869 + 540 0 1858 1891 1862 + 541 0 1886 1919 1888 + 542 0 1869 1898 1904 + 543 0 1858 1862 1828 + 544 0 1886 1888 1855 + 545 0 1828 1862 1831 + 546 0 1858 1828 1825 + 547 0 1855 1888 1858 + 548 0 1831 1862 1865 + 549 0 1825 1828 1795 + 550 0 1831 1865 1835 + 551 0 1795 1828 1799 + 552 0 1835 1865 1869 + 553 0 1831 1835 1801 + 554 0 1799 1828 1831 + 555 0 1835 1869 1840 + 556 0 1801 1835 1808 + 557 0 1799 1831 1801 + 558 0 1840 1869 1871 + 559 0 1808 1835 1840 + 560 0 1871 1869 1904 + 561 0 1840 1871 1844 + 562 0 1871 1904 1906 + 563 0 1844 1871 1879 + 564 0 1840 1844 1810 + 565 0 1906 1904 1938 + 566 0 1879 1871 1906 + 567 0 1810 1844 1816 + 568 0 1879 1906 1916 + 569 0 1816 1844 1853 + 570 0 1916 1906 1941 + 571 0 1879 1916 1887 + 572 0 1853 1844 1879 + 573 0 1941 1906 1938 + 574 0 1887 1916 1923 + 575 0 1853 1879 1887 + 576 0 1923 1916 1951 + 577 0 1951 1916 1941 + 578 0 1923 1951 1957 + 579 0 1951 1941 1977 + 580 0 1957 1951 1984 + 581 0 1923 1957 1930 + 582 0 1951 1977 1984 + 583 0 1930 1957 1963 + 584 0 1984 1977 2013 + 585 0 1963 1957 1993 + 586 0 1930 1963 1936 + 587 0 1984 2013 2018 + 588 0 1993 1957 1984 + 589 0 1936 1963 1971 + 590 0 2018 2013 2047 + 591 0 1993 1984 2018 + 592 0 1971 1963 1998 + 593 0 2018 2047 2053 + 594 0 1998 1963 1993 + 595 0 1971 1998 2005 + 596 0 1998 1993 2028 + 597 0 2005 1998 2033 + 598 0 2028 1993 2018 + 599 0 1998 2028 2033 + 600 0 2028 2018 2053 + 601 0 2033 2028 2062 + 602 0 2028 2053 2062 + 603 0 2157 2165 2131 + 604 0 2131 2165 2142 + 605 0 2157 2131 2122 + 606 0 2142 2165 2177 + 607 0 2131 2142 2106 + 608 0 2122 2131 2096 + 609 0 2177 2165 2200 + 610 0 2106 2142 2117 + 611 0 2096 2131 2106 + 612 0 2117 2142 2153 + 613 0 2106 2117 2082 + 614 0 2153 2142 2177 + 615 0 2117 2153 2126 + 616 0 2082 2117 2091 + 617 0 2153 2177 2187 + 618 0 2126 2153 2161 + 619 0 2091 2117 2126 + 620 0 2187 2177 2212 + 621 0 2161 2153 2187 + 622 0 2212 2177 2200 + 623 0 2187 2212 2223 + 624 0 2212 2200 2236 + 625 0 2223 2212 2248 + 626 0 2212 2236 2248 + 627 0 2248 2236 2272 + 628 0 2248 2272 2283 + 629 0 2283 2272 2308 + 630 0 2248 2283 2256 + 631 0 2308 2272 2297 + 632 0 2256 2283 2291 + 633 0 2248 2256 2223 + 634 0 2291 2283 2319 + 635 0 2256 2291 2269 + 636 0 2223 2256 2232 + 637 0 2291 2319 2327 + 638 0 2269 2291 2304 + 639 0 2232 2256 2269 + 640 0 2327 2319 2354 + 641 0 2304 2291 2327 + 642 0 2354 2319 2343 + 643 0 2327 2354 2362 + 644 0 2343 2319 2308 + 645 0 2354 2343 2378 + 646 0 2362 2354 2381 + 647 0 2308 2319 2283 + 648 0 2378 2343 2367 + 649 0 2381 2354 2378 + 650 0 2367 2343 2331 + 651 0 2331 2343 2308 + 652 0 2367 2331 2359 + 653 0 2331 2308 2297 + 654 0 2359 2331 2323 + 655 0 2331 2297 2323 + 656 0 1982 1955 1952 + 657 0 1982 1952 1981 + 658 0 1981 1952 1948 + 659 0 1982 1981 2014 + 660 0 1981 1948 1978 + 661 0 2014 1981 2012 + 662 0 1982 2014 2017 + 663 0 1978 1948 1945 + 664 0 2012 1981 1978 + 665 0 2017 2014 2049 + 666 0 1945 1948 1918 + 667 0 2012 1978 2011 + 668 0 2049 2014 2044 + 669 0 2011 1978 1976 + 670 0 2012 2011 2042 + 671 0 2044 2014 2012 + 672 0 1976 1978 1945 + 673 0 2042 2011 2039 + 674 0 1976 1945 1943 + 675 0 2039 2011 2007 + 676 0 2042 2039 2071 + 677 0 1943 1945 1914 + 678 0 2007 2011 1976 + 679 0 2042 2071 2074 + 680 0 1914 1945 1918 + 681 0 2007 1976 1975 + 682 0 2074 2071 2105 + 683 0 1975 1976 1943 + 684 0 2074 2105 2107 + 685 0 1975 1943 1942 + 686 0 2107 2105 2136 + 687 0 2074 2107 2076 + 688 0 1942 1943 1912 + 689 0 2076 2107 2109 + 690 0 1912 1943 1914 + 691 0 1942 1912 1911 + 692 0 1912 1914 1882 + 693 0 1911 1912 1881 + 694 0 1912 1882 1881 + 695 0 1881 1882 1849 + 696 0 1849 1882 1850 + 697 0 1881 1849 1847 + 698 0 1850 1882 1883 + 699 0 1849 1850 1818 + 700 0 1847 1849 1815 + 701 0 1883 1882 1914 + 702 0 1818 1850 1820 + 703 0 1815 1849 1818 + 704 0 1820 1850 1852 + 705 0 1818 1820 1788 + 706 0 1852 1850 1883 + 707 0 1820 1852 1822 + 708 0 1788 1820 1789 + 709 0 1822 1852 1855 + 710 0 1820 1822 1789 + 711 0 1855 1852 1886 + 712 0 1789 1822 1792 + 713 0 1886 1852 1883 + 714 0 1792 1822 1825 + 715 0 1789 1792 1759 + 716 0 1825 1822 1855 + 717 0 1792 1825 1795 + 718 0 1759 1792 1760 + 719 0 1825 1855 1858 + 720 0 1760 1792 1795 + 721 0 1759 1760 1727 + 722 0 1760 1795 1764 + 723 0 1727 1760 1731 + 724 0 1764 1795 1799 + 725 0 1760 1764 1731 + 726 0 1764 1799 1768 + 727 0 1731 1764 1735 + 728 0 1768 1799 1801 + 729 0 1764 1768 1735 + 730 0 1768 1801 1773 + 731 0 1735 1768 1738 + 732 0 1773 1801 1808 + 733 0 1768 1773 1738 + 734 0 1773 1808 1775 + 735 0 1738 1773 1741 + 736 0 1775 1808 1810 + 737 0 1773 1775 1741 + 738 0 1810 1808 1840 + 739 0 1741 1775 1747 + 740 0 1747 1775 1781 + 741 0 1741 1747 1712 + 742 0 1781 1775 1810 + 743 0 1747 1781 1754 + 744 0 1712 1747 1717 + 745 0 1781 1810 1816 + 746 0 1754 1781 1791 + 747 0 1717 1747 1754 + 748 0 1781 1816 1791 + 749 0 1717 1754 1728 + 750 0 1791 1816 1826 + 751 0 1728 1754 1763 + 752 0 1717 1728 1693 + 753 0 1826 1816 1853 + 754 0 1763 1754 1791 + 755 0 1693 1728 1701 + 756 0 1763 1791 1797 + 757 0 1701 1728 1736 + 758 0 1797 1791 1826 + 759 0 1763 1797 1771 + 760 0 1736 1728 1763 + 761 0 1797 1826 1833 + 762 0 1771 1797 1804 + 763 0 1736 1763 1771 + 764 0 1833 1826 1861 + 765 0 1804 1797 1833 + 766 0 1736 1771 1740 + 767 0 1861 1826 1853 + 768 0 1740 1771 1776 + 769 0 1736 1740 1706 + 770 0 1776 1771 1804 + 771 0 1740 1776 1748 + 772 0 1706 1740 1713 + 773 0 1776 1804 1811 + 774 0 1748 1776 1786 + 775 0 1713 1740 1748 + 776 0 1811 1804 1839 + 777 0 1786 1776 1811 + 778 0 1713 1748 1726 + 779 0 1839 1804 1833 + 780 0 1726 1748 1761 + 781 0 1713 1726 1684 + 782 0 1761 1748 1786 + 783 0 1726 1761 1737 + 784 0 1684 1726 1700 + 785 0 1761 1786 1796 + 786 0 1737 1761 1772 + 787 0 1700 1726 1737 + 788 0 1796 1786 1824 + 789 0 1772 1761 1796 + 790 0 1700 1737 1708 + 791 0 1824 1786 1811 + 792 0 1708 1737 1743 + 793 0 1700 1708 1673 + 794 0 1743 1737 1772 + 795 0 1708 1743 1716 + 796 0 1673 1708 1681 + 797 0 1743 1772 1778 + 798 0 1716 1743 1757 + 799 0 1681 1708 1716 + 800 0 1778 1772 1807 + 801 0 1757 1743 1778 + 802 0 1681 1716 1696 + 803 0 1807 1772 1796 + 804 0 1696 1716 1732 + 805 0 1681 1696 1656 + 806 0 1732 1716 1757 + 807 0 1696 1732 1705 + 808 0 1656 1696 1670 + 809 0 1732 1757 1767 + 810 0 1705 1732 1742 + 811 0 1670 1696 1705 + 812 0 1767 1757 1793 + 813 0 1742 1732 1767 + 814 0 1670 1705 1680 + 815 0 1793 1757 1778 + 816 0 1680 1705 1715 + 817 0 1670 1680 1645 + 818 0 1715 1705 1742 + 819 0 1680 1715 1698 + 820 0 1645 1680 1660 + 821 0 1715 1742 1758 + 822 0 1698 1715 1734 + 823 0 1660 1680 1698 + 824 0 1758 1742 1777 + 825 0 1734 1715 1758 + 826 0 1660 1698 1674 + 827 0 1777 1742 1767 + 828 0 1674 1698 1710 + 829 0 1660 1674 1637 + 830 0 1710 1698 1734 + 831 0 1674 1710 1683 + 832 0 1637 1674 1647 + 833 0 1710 1734 1745 + 834 0 1683 1710 1723 + 835 0 1647 1674 1683 + 836 0 1637 1647 1612 + 837 0 1745 1734 1770 + 838 0 1723 1710 1745 + 839 0 1647 1683 1667 + 840 0 1612 1647 1628 + 841 0 1770 1734 1758 + 842 0 1723 1745 1762 + 843 0 1667 1683 1703 + 844 0 1628 1647 1667 + 845 0 1762 1745 1779 + 846 0 1723 1762 1739 + 847 0 1703 1683 1723 + 848 0 1628 1667 1642 + 849 0 1779 1745 1770 + 850 0 1739 1762 1774 + 851 0 1703 1723 1739 + 852 0 1642 1667 1679 + 853 0 1774 1762 1798 + 854 0 1739 1774 1749 + 855 0 1703 1739 1714 + 856 0 1679 1667 1703 + 857 0 1798 1762 1779 + 858 0 1749 1774 1790 + 859 0 1714 1739 1749 + 860 0 1679 1703 1714 + 861 0 1714 1749 1733 + 862 0 1679 1714 1697 + 863 0 2157 2122 2147 + 864 0 2147 2122 2111 + 865 0 2111 2122 2086 + 866 0 2147 2111 2137 + 867 0 2086 2122 2096 + 868 0 2111 2086 2077 + 869 0 2137 2111 2102 + 870 0 2086 2096 2061 + 871 0 2077 2086 2051 + 872 0 2111 2077 2102 + 873 0 2061 2096 2070 + 874 0 2051 2086 2061 + 875 0 2102 2077 2068 + 876 0 2070 2096 2106 + 877 0 2061 2070 2035 + 878 0 2051 2061 2026 + 879 0 2068 2077 2041 + 880 0 2070 2106 2082 + 881 0 2035 2070 2045 + 882 0 2026 2061 2035 + 883 0 2041 2077 2051 + 884 0 2070 2082 2045 + 885 0 2026 2035 1999 + 886 0 2045 2082 2056 + 887 0 1999 2035 2009 + 888 0 2026 1999 1991 + 889 0 2056 2082 2091 + 890 0 2045 2056 2021 + 891 0 2009 2035 2045 + 892 0 1991 1999 1964 + 893 0 2021 2056 2031 + 894 0 2045 2021 2009 + 895 0 1964 1999 1974 + 896 0 1991 1964 1956 + 897 0 2031 2056 2066 + 898 0 2009 2021 1985 + 899 0 1974 1999 2009 + 900 0 1956 1964 1928 + 901 0 2066 2056 2091 + 902 0 1985 2021 1996 + 903 0 1928 1964 1939 + 904 0 1956 1928 1920 + 905 0 1996 2021 2031 + 906 0 1985 1996 1960 + 907 0 1939 1964 1974 + 908 0 1920 1928 1893 + 909 0 1960 1996 1970 + 910 0 1985 1960 1949 + 911 0 1893 1928 1903 + 912 0 1920 1893 1884 + 913 0 1970 1996 2006 + 914 0 1949 1960 1925 + 915 0 1903 1928 1939 + 916 0 1884 1893 1859 + 917 0 2006 1996 2031 + 918 0 1925 1960 1935 + 919 0 1859 1893 1868 + 920 0 1884 1859 1846 + 921 0 1935 1960 1970 + 922 0 1925 1935 1900 + 923 0 1868 1893 1903 + 924 0 1846 1859 1824 + 925 0 1900 1935 1909 + 926 0 1925 1900 1890 + 927 0 1824 1859 1832 + 928 0 1846 1824 1811 + 929 0 1909 1935 1946 + 930 0 1890 1900 1864 + 931 0 1832 1859 1868 + 932 0 1846 1811 1839 + 933 0 1946 1935 1970 + 934 0 1864 1900 1874 + 935 0 1846 1839 1873 + 936 0 1946 1970 1983 + 937 0 1874 1900 1909 + 938 0 1864 1874 1838 + 939 0 1873 1839 1867 + 940 0 1983 1970 2006 + 941 0 1838 1874 1851 + 942 0 1864 1838 1829 + 943 0 1867 1839 1833 + 944 0 1983 2006 2019 + 945 0 1851 1874 1889 + 946 0 1829 1838 1803 + 947 0 2019 2006 2043 + 948 0 1983 2019 1997 + 949 0 1889 1874 1909 + 950 0 1803 1838 1812 + 951 0 2043 2006 2031 + 952 0 1997 2019 2032 + 953 0 1812 1838 1851 + 954 0 1803 1812 1777 + 955 0 2032 2019 2055 + 956 0 1997 2032 2010 + 957 0 1777 1812 1794 + 958 0 1803 1777 1767 + 959 0 2055 2019 2043 + 960 0 2010 2032 2046 + 961 0 1794 1812 1830 + 962 0 1803 1767 1793 + 963 0 2046 2032 2069 + 964 0 2010 2046 2024 + 965 0 1830 1812 1851 + 966 0 1803 1793 1829 + 967 0 2069 2032 2055 + 968 0 2024 2046 2060 + 969 0 1829 1793 1813 + 970 0 2069 2055 2092 + 971 0 2060 2046 2083 + 972 0 1813 1793 1778 + 973 0 2092 2055 2079 + 974 0 2069 2092 2104 + 975 0 2083 2046 2069 + 976 0 1813 1778 1807 + 977 0 2079 2055 2043 + 978 0 2104 2092 2127 + 979 0 2083 2069 2104 + 980 0 2079 2043 2066 + 981 0 2127 2092 2116 + 982 0 2104 2127 2141 + 983 0 2066 2043 2031 + 984 0 2079 2066 2101 + 985 0 2116 2092 2079 + 986 0 2141 2127 2162 + 987 0 2079 2101 2116 + 988 0 2162 2127 2151 + 989 0 2141 2162 2178 + 990 0 2116 2101 2138 + 991 0 2162 2151 2186 + 992 0 2178 2162 2198 + 993 0 2138 2101 2126 + 994 0 2116 2138 2151 + 995 0 2186 2151 2174 + 996 0 2198 2162 2186 + 997 0 2126 2101 2091 + 998 0 2151 2138 2174 + 999 0 2198 2186 2222 + 1000 0 2091 2101 2066 + 1001 0 2174 2138 2161 + 1002 0 2222 2186 2210 + 1003 0 2198 2222 2234 + 1004 0 2161 2138 2126 + 1005 0 2174 2161 2197 + 1006 0 2210 2186 2174 + 1007 0 2234 2222 2257 + 1008 0 2197 2161 2187 + 1009 0 2174 2197 2210 + 1010 0 2257 2222 2247 + 1011 0 2197 2187 2223 + 1012 0 2210 2197 2232 + 1013 0 2247 2222 2210 + 1014 0 2257 2247 2282 + 1015 0 2232 2197 2223 + 1016 0 2210 2232 2247 + 1017 0 2282 2247 2269 + 1018 0 2247 2232 2269 + 1019 0 2282 2269 2304 + 1020 0 2282 2304 2318 + 1021 0 2318 2304 2339 + 1022 0 2282 2318 2292 + 1023 0 2339 2304 2327 + 1024 0 2318 2339 2353 + 1025 0 2292 2318 2328 + 1026 0 2282 2292 2257 + 1027 0 2353 2339 2376 + 1028 0 2318 2353 2328 + 1029 0 2257 2292 2270 + 1030 0 2376 2339 2362 + 1031 0 2328 2353 2364 + 1032 0 2270 2292 2306 + 1033 0 2257 2270 2234 + 1034 0 2362 2339 2327 + 1035 0 2364 2353 2388 + 1036 0 2306 2292 2328 + 1037 0 2234 2270 2249 + 1038 0 2306 2328 2344 + 1039 0 2249 2270 2285 + 1040 0 2344 2328 2364 + 1041 0 2306 2344 2320 + 1042 0 2285 2270 2306 + 1043 0 2344 2364 2379 + 1044 0 2320 2344 2355 + 1045 0 2285 2306 2320 + 1046 0 2379 2364 2400 + 1047 0 2344 2379 2355 + 1048 0 2400 2364 2388 + 1049 0 2379 2400 2414 + 1050 0 2355 2379 2392 + 1051 0 2400 2388 2424 + 1052 0 2414 2400 2435 + 1053 0 2392 2379 2414 + 1054 0 2355 2392 2370 + 1055 0 2424 2388 2411 + 1056 0 2435 2400 2424 + 1057 0 2370 2392 2406 + 1058 0 2355 2370 2334 + 1059 0 2411 2388 2376 + 1060 0 2435 2424 2459 + 1061 0 2406 2392 2427 + 1062 0 2334 2370 2347 + 1063 0 2376 2388 2353 + 1064 0 2459 2424 2448 + 1065 0 2427 2392 2414 + 1066 0 2347 2370 2384 + 1067 0 2448 2424 2411 + 1068 0 2459 2448 2480 + 1069 0 2384 2370 2406 + 1070 0 2347 2384 2361 + 1071 0 2480 2448 2470 + 1072 0 2459 2480 2494 + 1073 0 2361 2384 2396 + 1074 0 2347 2361 2325 + 1075 0 2470 2448 2433 + 1076 0 2494 2480 2514 + 1077 0 2396 2384 2419 + 1078 0 2325 2361 2341 + 1079 0 2433 2448 2411 + 1080 0 2514 2480 2504 + 1081 0 2419 2384 2406 + 1082 0 2341 2361 2377 + 1083 0 2504 2480 2470 + 1084 0 2514 2504 2538 + 1085 0 2377 2361 2396 + 1086 0 2341 2377 2358 + 1087 0 2538 2504 2526 + 1088 0 2514 2538 2549 + 1089 0 2358 2377 2393 + 1090 0 2341 2358 2321 + 1091 0 2526 2504 2493 + 1092 0 2549 2538 2571 + 1093 0 2393 2377 2413 + 1094 0 2321 2358 2336 + 1095 0 2493 2504 2470 + 1096 0 2571 2538 2561 + 1097 0 2413 2377 2396 + 1098 0 2336 2358 2372 + 1099 0 2561 2538 2526 + 1100 0 2571 2561 2594 + 1101 0 2372 2358 2393 + 1102 0 2336 2372 2352 + 1103 0 2594 2561 2584 + 1104 0 2571 2594 2606 + 1105 0 2352 2372 2389 + 1106 0 2336 2352 2316 + 1107 0 2584 2561 2551 + 1108 0 2606 2594 2628 + 1109 0 2389 2372 2409 + 1110 0 2316 2352 2332 + 1111 0 2551 2561 2526 + 1112 0 2628 2594 2616 + 1113 0 2409 2372 2393 + 1114 0 2332 2352 2369 + 1115 0 2616 2594 2584 + 1116 0 2628 2616 2649 + 1117 0 2369 2352 2389 + 1118 0 2332 2369 2350 + 1119 0 2649 2616 2634 + 1120 0 2628 2649 2665 + 1121 0 2350 2369 2387 + 1122 0 2332 2350 2314 + 1123 0 2634 2616 2607 + 1124 0 2387 2369 2404 + 1125 0 2350 2387 2366 + 1126 0 2314 2350 2330 + 1127 0 2607 2616 2584 + 1128 0 2404 2369 2389 + 1129 0 2366 2387 2402 + 1130 0 2330 2350 2366 + 1131 0 2404 2389 2425 + 1132 0 2402 2387 2421 + 1133 0 2330 2366 2348 + 1134 0 2425 2389 2409 + 1135 0 2421 2387 2404 + 1136 0 2402 2421 2437 + 1137 0 2425 2409 2442 + 1138 0 2421 2404 2440 + 1139 0 2437 2421 2457 + 1140 0 2402 2437 2420 + 1141 0 2442 2409 2428 + 1142 0 2440 2404 2425 + 1143 0 2457 2421 2440 + 1144 0 2428 2409 2393 + 1145 0 2442 2428 2463 + 1146 0 2440 2425 2460 + 1147 0 2457 2440 2476 + 1148 0 2428 2393 2413 + 1149 0 2463 2428 2450 + 1150 0 2460 2425 2442 + 1151 0 2476 2440 2460 + 1152 0 2428 2413 2450 + 1153 0 2460 2442 2479 + 1154 0 2476 2460 2495 + 1155 0 2450 2413 2432 + 1156 0 2479 2442 2463 + 1157 0 2460 2479 2495 + 1158 0 2432 2413 2396 + 1159 0 2479 2463 2499 + 1160 0 2495 2479 2513 + 1161 0 2432 2396 2419 + 1162 0 2499 2463 2483 + 1163 0 2513 2479 2499 + 1164 0 2495 2513 2531 + 1165 0 2483 2463 2450 + 1166 0 2499 2483 2519 + 1167 0 2531 2513 2547 + 1168 0 2495 2531 2511 + 1169 0 2519 2483 2503 + 1170 0 2499 2519 2534 + 1171 0 2547 2513 2534 + 1172 0 2511 2531 2545 + 1173 0 2503 2483 2469 + 1174 0 2534 2519 2554 + 1175 0 2534 2513 2499 + 1176 0 2545 2531 2564 + 1177 0 2469 2483 2450 + 1178 0 2554 2519 2539 + 1179 0 2564 2531 2547 + 1180 0 2545 2564 2581 + 1181 0 2539 2519 2503 + 1182 0 2554 2539 2572 + 1183 0 2581 2564 2599 + 1184 0 2545 2581 2562 + 1185 0 2572 2539 2557 + 1186 0 2554 2572 2589 + 1187 0 2599 2564 2582 + 1188 0 2562 2581 2598 + 1189 0 2557 2539 2523 + 1190 0 2589 2572 2608 + 1191 0 2582 2564 2547 + 1192 0 2598 2581 2629 + 1193 0 2523 2539 2503 + 1194 0 2608 2572 2596 + 1195 0 2523 2503 2487 + 1196 0 2596 2572 2557 + 1197 0 2608 2596 2642 + 1198 0 2487 2503 2469 + 1199 0 2596 2557 2576 + 1200 0 2487 2469 2453 + 1201 0 2576 2557 2543 + 1202 0 2453 2469 2432 + 1203 0 2487 2453 2475 + 1204 0 2543 2557 2523 + 1205 0 2432 2469 2450 + 1206 0 2453 2432 2419 + 1207 0 2475 2453 2441 + 1208 0 2543 2523 2510 + 1209 0 2441 2453 2419 + 1210 0 2510 2523 2487 + 1211 0 2543 2510 2532 + 1212 0 2510 2487 2475 + 1213 0 2532 2510 2497 + 1214 0 2510 2475 2497 + 1215 0 2497 2475 2461 + 1216 0 2461 2475 2441 + 1217 0 2497 2461 2484 + 1218 0 2461 2441 2427 + 1219 0 2484 2461 2451 + 1220 0 2427 2441 2406 + 1221 0 2461 2427 2451 + 1222 0 2406 2441 2419 + 1223 0 2451 2427 2414 + 1224 0 1914 1918 1883 + 1225 0 1883 1918 1886 + 1226 0 1833 1861 1867 + 1227 0 1867 1861 1896 + 1228 0 1896 1861 1887 + 1229 0 1867 1896 1902 + 1230 0 1887 1861 1853 + 1231 0 1896 1887 1923 + 1232 0 1902 1896 1930 + 1233 0 1896 1923 1930 + 1234 0 1902 1930 1936 + 1235 0 1902 1936 1907 + 1236 0 1907 1936 1944 + 1237 0 1902 1907 1873 + 1238 0 1944 1936 1971 + 1239 0 1907 1944 1920 + 1240 0 1873 1907 1884 + 1241 0 1944 1971 1980 + 1242 0 1920 1944 1956 + 1243 0 1884 1907 1920 + 1244 0 1873 1884 1846 + 1245 0 1980 1971 2005 + 1246 0 1956 1944 1980 + 1247 0 1980 2005 2015 + 1248 0 1956 1980 1991 + 1249 0 2015 2005 2041 + 1250 0 1991 1980 2015 + 1251 0 2041 2005 2033 + 1252 0 1991 2015 2026 + 1253 0 2041 2033 2068 + 1254 0 2026 2015 2051 + 1255 0 2068 2033 2062 + 1256 0 2051 2015 2041 + 1257 0 2147 2137 2173 + 1258 0 2173 2137 2164 + 1259 0 2164 2137 2128 + 1260 0 2128 2137 2102 + 1261 0 2164 2128 2158 + 1262 0 2158 2128 2123 + 1263 0 2164 2158 2191 + 1264 0 2158 2123 2149 + 1265 0 2191 2158 2184 + 1266 0 2158 2149 2184 + 1267 0 2336 2316 2299 + 1268 0 2299 2316 2281 + 1269 0 2336 2299 2321 + 1270 0 2281 2316 2296 + 1271 0 2321 2299 2286 + 1272 0 2296 2316 2332 + 1273 0 2281 2296 2259 + 1274 0 2286 2299 2264 + 1275 0 2296 2332 2314 + 1276 0 2259 2296 2277 + 1277 0 2264 2299 2281 + 1278 0 2277 2296 2314 + 1279 0 2259 2277 2241 + 1280 0 2264 2281 2244 + 1281 0 2277 2314 2294 + 1282 0 2241 2277 2258 + 1283 0 2244 2281 2259 + 1284 0 2294 2314 2330 + 1285 0 2258 2277 2294 + 1286 0 2294 2330 2311 + 1287 0 2258 2294 2276 + 1288 0 2164 2191 2199 + 1289 0 2164 2199 2173 + 1290 0 2286 2264 2250 + 1291 0 2250 2264 2229 + 1292 0 2286 2250 2268 + 1293 0 2229 2264 2244 + 1294 0 2268 2250 2231 + 1295 0 2286 2268 2305 + 1296 0 2231 2250 2213 + 1297 0 2268 2231 2254 + 1298 0 2305 2268 2290 + 1299 0 2213 2250 2229 + 1300 0 2254 2231 2218 + 1301 0 2290 2268 2254 + 1302 0 2213 2229 2193 + 1303 0 2218 2231 2195 + 1304 0 2193 2229 2207 + 1305 0 2213 2193 2176 + 1306 0 2195 2231 2213 + 1307 0 2207 2229 2244 + 1308 0 2176 2193 2156 + 1309 0 2195 2213 2176 + 1310 0 2207 2244 2224 + 1311 0 2156 2193 2171 + 1312 0 2195 2176 2160 + 1313 0 2224 2244 2259 + 1314 0 2171 2193 2207 + 1315 0 2160 2176 2140 + 1316 0 2224 2259 2241 + 1317 0 2171 2207 2188 + 1318 0 2140 2176 2156 + 1319 0 2224 2241 2204 + 1320 0 2140 2156 2120 + 1321 0 2120 2156 2134 + 1322 0 2140 2120 2103 + 1323 0 2134 2156 2171 + 1324 0 2120 2134 2099 + 1325 0 2103 2120 2084 + 1326 0 2134 2171 2152 + 1327 0 2099 2134 2114 + 1328 0 2084 2120 2099 + 1329 0 2084 2099 2063 + 1330 0 2063 2099 2078 + 1331 0 2084 2063 2048 + 1332 0 2078 2099 2114 + 1333 0 2063 2078 2040 + 1334 0 2048 2063 2027 + 1335 0 2305 2290 2325 + 1336 0 2325 2290 2310 + 1337 0 2305 2325 2341 + 1338 0 2310 2290 2275 + 1339 0 2325 2310 2347 + 1340 0 2305 2341 2321 + 1341 0 2275 2290 2254 + 1342 0 2347 2310 2334 + 1343 0 2305 2321 2286 + 1344 0 2275 2254 2240 + 1345 0 2334 2310 2298 + 1346 0 2240 2254 2218 + 1347 0 2275 2240 2263 + 1348 0 2298 2310 2275 + 1349 0 2240 2218 2203 + 1350 0 2263 2240 2225 + 1351 0 2298 2275 2263 + 1352 0 2203 2218 2182 + 1353 0 2240 2203 2225 + 1354 0 2182 2218 2195 + 1355 0 2203 2182 2167 + 1356 0 2225 2203 2190 + 1357 0 2182 2195 2160 + 1358 0 2167 2182 2146 + 1359 0 2203 2167 2190 + 1360 0 2182 2160 2146 + 1361 0 2190 2167 2154 + 1362 0 2146 2160 2124 + 1363 0 2154 2167 2133 + 1364 0 2190 2154 2178 + 1365 0 2124 2160 2140 + 1366 0 2146 2124 2110 + 1367 0 2133 2167 2146 + 1368 0 2178 2154 2141 + 1369 0 2110 2124 2089 + 1370 0 2146 2110 2133 + 1371 0 2141 2154 2119 + 1372 0 2089 2124 2103 + 1373 0 2133 2110 2097 + 1374 0 2119 2154 2133 + 1375 0 2103 2124 2140 + 1376 0 2089 2103 2065 + 1377 0 2097 2110 2072 + 1378 0 2119 2133 2097 + 1379 0 2065 2103 2084 + 1380 0 2072 2110 2089 + 1381 0 2119 2097 2083 + 1382 0 2072 2089 2052 + 1383 0 2083 2097 2060 + 1384 0 2052 2089 2065 + 1385 0 2072 2052 2036 + 1386 0 2060 2097 2072 + 1387 0 2052 2065 2030 + 1388 0 2036 2052 2016 + 1389 0 2060 2072 2036 + 1390 0 2030 2065 2048 + 1391 0 2016 2052 2030 + 1392 0 2048 2065 2084 + 1393 0 2030 2048 2008 + 1394 0 2016 2030 1994 + 1395 0 2008 2048 2027 + 1396 0 2030 2008 1994 + 1397 0 1994 2008 1972 + 1398 0 2334 2298 2320 + 1399 0 2320 2298 2285 + 1400 0 2334 2320 2355 + 1401 0 2285 2298 2263 + 1402 0 2285 2263 2249 + 1403 0 2249 2263 2225 + 1404 0 2249 2225 2215 + 1405 0 2215 2225 2190 + 1406 0 2249 2215 2234 + 1407 0 2215 2190 2178 + 1408 0 2234 2215 2198 + 1409 0 2215 2178 2198 + 1410 0 2016 1994 1979 + 1411 0 1979 1994 1958 + 1412 0 2016 1979 2001 + 1413 0 1958 1994 1972 + 1414 0 1979 1958 1940 + 1415 0 2001 1979 1965 + 1416 0 2016 2001 2036 + 1417 0 1979 1940 1965 + 1418 0 2001 1965 1989 + 1419 0 2036 2001 2024 + 1420 0 1965 1940 1929 + 1421 0 2001 1989 2024 + 1422 0 1929 1940 1905 + 1423 0 2024 1989 2010 + 1424 0 1905 1940 1922 + 1425 0 1929 1905 1892 + 1426 0 2010 1989 1973 + 1427 0 1892 1905 1870 + 1428 0 1929 1892 1915 + 1429 0 1973 1989 1953 + 1430 0 1870 1905 1885 + 1431 0 1915 1892 1877 + 1432 0 1953 1989 1965 + 1433 0 1877 1892 1856 + 1434 0 1915 1877 1901 + 1435 0 1953 1965 1929 + 1436 0 1856 1892 1870 + 1437 0 1901 1877 1866 + 1438 0 1953 1929 1915 + 1439 0 1856 1870 1834 + 1440 0 1866 1877 1842 + 1441 0 1953 1915 1937 + 1442 0 1834 1870 1845 + 1443 0 1842 1877 1856 + 1444 0 1937 1915 1901 + 1445 0 1842 1856 1819 + 1446 0 1937 1901 1926 + 1447 0 1819 1856 1834 + 1448 0 1842 1819 1806 + 1449 0 1926 1901 1889 + 1450 0 1819 1834 1798 + 1451 0 1806 1819 1779 + 1452 0 1889 1901 1866 + 1453 0 1798 1834 1809 + 1454 0 1819 1798 1779 + 1455 0 1940 1958 1922 + 1456 0 1937 1926 1961 + 1457 0 1961 1926 1946 + 1458 0 1937 1961 1973 + 1459 0 1946 1926 1909 + 1460 0 1973 1961 1997 + 1461 0 1937 1973 1953 + 1462 0 1909 1926 1889 + 1463 0 1997 1961 1983 + 1464 0 1983 1961 1946 + 1465 0 1889 1866 1851 + 1466 0 1851 1866 1830 + 1467 0 1830 1866 1842 + 1468 0 1830 1842 1806 + 1469 0 1830 1806 1794 + 1470 0 1794 1806 1770 + 1471 0 1770 1806 1779 + 1472 0 1794 1770 1758 + 1473 0 1794 1758 1777 + 1474 0 1973 1997 2010 + 1475 0 1169 1196 1155 + 1476 0 1155 1196 1183 + 1477 0 1169 1155 1131 + 1478 0 1183 1196 1220 + 1479 0 1155 1183 1146 + 1480 0 1131 1155 1117 + 1481 0 1169 1131 1142 + 1482 0 1146 1183 1176 + 1483 0 1131 1117 1088 + 1484 0 1142 1131 1104 + 1485 0 1146 1176 1137 + 1486 0 1088 1117 1079 + 1487 0 1104 1131 1088 + 1488 0 1137 1176 1165 + 1489 0 1079 1117 1109 + 1490 0 1165 1176 1205 + 1491 0 1137 1165 1127 + 1492 0 1109 1117 1146 + 1493 0 1205 1176 1213 + 1494 0 1127 1165 1153 + 1495 0 1146 1117 1155 + 1496 0 1213 1176 1183 + 1497 0 1153 1165 1192 + 1498 0 1127 1153 1119 + 1499 0 1213 1183 1220 + 1500 0 1192 1165 1205 + 1501 0 1119 1153 1149 + 1502 0 1213 1220 1250 + 1503 0 1192 1205 1231 + 1504 0 1149 1153 1186 + 1505 0 1213 1250 1241 + 1506 0 1231 1205 1241 + 1507 0 1186 1153 1192 + 1508 0 1241 1250 1280 + 1509 0 1241 1205 1213 + 1510 0 1231 1241 1270 + 1511 0 1241 1280 1270 + 1512 0 1231 1270 1257 + 1513 0 1270 1280 1307 + 1514 0 1231 1257 1222 + 1515 0 1270 1307 1297 + 1516 0 1222 1257 1252 + 1517 0 1231 1222 1192 + 1518 0 1297 1307 1334 + 1519 0 1252 1257 1288 + 1520 0 1222 1252 1216 + 1521 0 1192 1222 1186 + 1522 0 1288 1257 1297 + 1523 0 1216 1252 1247 + 1524 0 1222 1216 1186 + 1525 0 1288 1297 1324 + 1526 0 1247 1252 1283 + 1527 0 1186 1216 1180 + 1528 0 1324 1297 1334 + 1529 0 1288 1324 1319 + 1530 0 1283 1252 1288 + 1531 0 1180 1216 1211 + 1532 0 1319 1324 1354 + 1533 0 1288 1319 1283 + 1534 0 1211 1216 1247 + 1535 0 1354 1324 1363 + 1536 0 1283 1319 1314 + 1537 0 1211 1247 1244 + 1538 0 1363 1324 1334 + 1539 0 1314 1319 1349 + 1540 0 1283 1314 1278 + 1541 0 1244 1247 1278 + 1542 0 1349 1319 1354 + 1543 0 1278 1314 1309 + 1544 0 1283 1278 1247 + 1545 0 1349 1354 1383 + 1546 0 1309 1314 1345 + 1547 0 1383 1354 1390 + 1548 0 1349 1383 1380 + 1549 0 1345 1314 1349 + 1550 0 1309 1345 1341 + 1551 0 1390 1354 1363 + 1552 0 1380 1383 1415 + 1553 0 1341 1345 1377 + 1554 0 1309 1341 1305 + 1555 0 1380 1415 1410 + 1556 0 1377 1345 1380 + 1557 0 1305 1341 1337 + 1558 0 1309 1305 1274 + 1559 0 1410 1415 1445 + 1560 0 1380 1345 1349 + 1561 0 1337 1341 1371 + 1562 0 1274 1305 1268 + 1563 0 1445 1415 1451 + 1564 0 1371 1341 1377 + 1565 0 1268 1305 1302 + 1566 0 1274 1268 1239 + 1567 0 1451 1415 1419 + 1568 0 1371 1377 1406 + 1569 0 1302 1305 1337 + 1570 0 1239 1268 1233 + 1571 0 1419 1415 1383 + 1572 0 1371 1406 1403 + 1573 0 1233 1268 1266 + 1574 0 1239 1233 1202 + 1575 0 1403 1406 1438 + 1576 0 1371 1403 1368 + 1577 0 1266 1268 1302 + 1578 0 1202 1233 1200 + 1579 0 1438 1406 1442 + 1580 0 1368 1403 1399 + 1581 0 1200 1233 1229 + 1582 0 1202 1200 1166 + 1583 0 1442 1406 1410 + 1584 0 1399 1403 1433 + 1585 0 1229 1233 1266 + 1586 0 1166 1200 1162 + 1587 0 1410 1406 1377 + 1588 0 1433 1403 1438 + 1589 0 1162 1200 1194 + 1590 0 1166 1162 1129 + 1591 0 1433 1438 1469 + 1592 0 1194 1200 1229 + 1593 0 1129 1162 1125 + 1594 0 1166 1129 1134 + 1595 0 1469 1438 1471 + 1596 0 1194 1229 1227 + 1597 0 1125 1162 1160 + 1598 0 1134 1129 1097 + 1599 0 1471 1438 1442 + 1600 0 1227 1229 1263 + 1601 0 1160 1162 1194 + 1602 0 1097 1129 1094 + 1603 0 1263 1229 1266 + 1604 0 1227 1263 1261 + 1605 0 1094 1129 1125 + 1606 0 1097 1094 1061 + 1607 0 1261 1263 1293 + 1608 0 1227 1261 1225 + 1609 0 1061 1094 1056 + 1610 0 1097 1061 1063 + 1611 0 1293 1263 1298 + 1612 0 1225 1261 1260 + 1613 0 1056 1094 1089 + 1614 0 1063 1061 1027 + 1615 0 1298 1263 1266 + 1616 0 1260 1261 1291 + 1617 0 1089 1094 1125 + 1618 0 1027 1061 1022 + 1619 0 1291 1261 1293 + 1620 0 1260 1291 1292 + 1621 0 1022 1061 1056 + 1622 0 1027 1022 988 + 1623 0 1292 1291 1326 + 1624 0 1260 1292 1262 + 1625 0 988 1022 986 + 1626 0 1027 988 993 + 1627 0 1326 1291 1327 + 1628 0 1262 1292 1294 + 1629 0 986 1022 1020 + 1630 0 993 988 956 + 1631 0 1327 1291 1293 + 1632 0 1294 1292 1328 + 1633 0 1020 1022 1056 + 1634 0 956 988 953 + 1635 0 1328 1292 1326 + 1636 0 1294 1328 1330 + 1637 0 953 988 986 + 1638 0 956 953 922 + 1639 0 1330 1328 1361 + 1640 0 1294 1330 1299 + 1641 0 922 953 918 + 1642 0 956 922 927 + 1643 0 1361 1328 1359 + 1644 0 1299 1330 1333 + 1645 0 918 953 948 + 1646 0 927 922 891 + 1647 0 1359 1328 1326 + 1648 0 1333 1330 1367 + 1649 0 948 953 986 + 1650 0 891 922 887 + 1651 0 1367 1330 1361 + 1652 0 1333 1367 1369 + 1653 0 887 922 918 + 1654 0 891 887 855 + 1655 0 1369 1367 1400 + 1656 0 1333 1369 1338 + 1657 0 855 887 853 + 1658 0 891 855 860 + 1659 0 1400 1367 1397 + 1660 0 1338 1369 1372 + 1661 0 853 887 884 + 1662 0 860 855 824 + 1663 0 1397 1367 1361 + 1664 0 1372 1369 1404 + 1665 0 884 887 918 + 1666 0 824 855 819 + 1667 0 1404 1369 1400 + 1668 0 1372 1404 1407 + 1669 0 819 855 853 + 1670 0 824 819 787 + 1671 0 1407 1404 1439 + 1672 0 1372 1407 1378 + 1673 0 787 819 781 + 1674 0 824 787 791 + 1675 0 1439 1404 1435 + 1676 0 1378 1407 1411 + 1677 0 781 819 815 + 1678 0 791 787 746 + 1679 0 1435 1404 1400 + 1680 0 1411 1407 1443 + 1681 0 815 819 853 + 1682 0 746 787 741 + 1683 0 1443 1407 1439 + 1684 0 1411 1443 1446 + 1685 0 741 787 781 + 1686 0 746 741 710 + 1687 0 1446 1443 1478 + 1688 0 1411 1446 1416 + 1689 0 710 741 702 + 1690 0 746 710 714 + 1691 0 1478 1443 1473 + 1692 0 1416 1446 1452 + 1693 0 702 741 739 + 1694 0 714 710 669 + 1695 0 1473 1443 1439 + 1696 0 1452 1446 1481 + 1697 0 739 741 781 + 1698 0 669 710 667 + 1699 0 1481 1446 1478 + 1700 0 1452 1481 1485 + 1701 0 667 710 702 + 1702 0 669 667 629 + 1703 0 1485 1481 1516 + 1704 0 1452 1485 1455 + 1705 0 629 667 625 + 1706 0 669 629 634 + 1707 0 1516 1481 1512 + 1708 0 1455 1485 1490 + 1709 0 625 667 664 + 1710 0 634 629 593 + 1711 0 1512 1481 1478 + 1712 0 1490 1485 1518 + 1713 0 664 667 702 + 1714 0 593 629 590 + 1715 0 1518 1485 1516 + 1716 0 1490 1518 1529 + 1717 0 590 629 625 + 1718 0 593 590 550 + 1719 0 1529 1518 1553 + 1720 0 1490 1529 1500 + 1721 0 550 590 546 + 1722 0 593 550 557 + 1723 0 1553 1518 1550 + 1724 0 1500 1529 1538 + 1725 0 546 590 584 + 1726 0 557 550 515 + 1727 0 1550 1518 1516 + 1728 0 1538 1529 1567 + 1729 0 584 590 625 + 1730 0 515 550 509 + 1731 0 1567 1529 1553 + 1732 0 1538 1567 1574 + 1733 0 509 550 546 + 1734 0 515 509 474 + 1735 0 1574 1567 1602 + 1736 0 1538 1574 1545 + 1737 0 474 509 471 + 1738 0 1602 1567 1591 + 1739 0 1538 1545 1509 + 1740 0 471 509 505 + 1741 0 1591 1567 1553 + 1742 0 1509 1545 1517 + 1743 0 505 509 546 + 1744 0 1517 1545 1552 + 1745 0 1509 1517 1482 + 1746 0 1552 1545 1581 + 1747 0 1517 1552 1524 + 1748 0 1482 1517 1488 + 1749 0 1581 1545 1574 + 1750 0 1524 1552 1564 + 1751 0 1488 1517 1524 + 1752 0 1564 1552 1586 + 1753 0 1524 1564 1539 + 1754 0 1586 1552 1581 + 1755 0 1564 1586 1601 + 1756 0 1539 1564 1575 + 1757 0 1601 1586 1625 + 1758 0 1564 1601 1575 + 1759 0 1625 1586 1615 + 1760 0 1575 1601 1611 + 1761 0 1615 1586 1581 + 1762 0 1625 1615 1649 + 1763 0 1611 1601 1639 + 1764 0 1649 1615 1643 + 1765 0 1625 1649 1663 + 1766 0 1639 1601 1625 + 1767 0 1643 1615 1608 + 1768 0 1663 1649 1684 + 1769 0 1639 1625 1663 + 1770 0 1608 1615 1581 + 1771 0 1684 1649 1678 + 1772 0 1608 1581 1574 + 1773 0 1678 1649 1643 + 1774 0 1608 1574 1602 + 1775 0 1678 1643 1671 + 1776 0 1608 1602 1638 + 1777 0 1671 1643 1638 + 1778 0 1638 1602 1629 + 1779 0 1638 1643 1608 + 1780 0 1629 1602 1591 + 1781 0 1638 1629 1666 + 1782 0 1666 1629 1652 + 1783 0 1638 1666 1671 + 1784 0 1652 1629 1618 + 1785 0 1671 1666 1701 + 1786 0 1652 1618 1648 + 1787 0 1701 1666 1693 + 1788 0 1648 1618 1613 + 1789 0 1652 1648 1682 + 1790 0 1693 1666 1652 + 1791 0 1648 1613 1644 + 1792 0 1682 1648 1677 + 1793 0 1644 1613 1610 + 1794 0 1648 1644 1677 + 1795 0 1610 1613 1580 + 1796 0 1677 1644 1676 + 1797 0 1580 1613 1585 + 1798 0 1610 1580 1576 + 1799 0 1676 1644 1641 + 1800 0 1585 1613 1618 + 1801 0 1576 1580 1546 + 1802 0 1641 1644 1610 + 1803 0 1585 1618 1591 + 1804 0 1546 1580 1550 + 1805 0 1641 1610 1606 + 1806 0 1591 1618 1629 + 1807 0 1550 1580 1585 + 1808 0 1606 1610 1576 + 1809 0 1550 1585 1553 + 1810 0 1553 1585 1591 + 1811 0 515 474 480 + 1812 0 480 474 442 + 1813 0 442 474 437 + 1814 0 480 442 447 + 1815 0 437 474 471 + 1816 0 447 442 410 + 1817 0 410 442 406 + 1818 0 447 410 420 + 1819 0 406 442 437 + 1820 0 420 410 380 + 1821 0 380 410 373 + 1822 0 420 380 388 + 1823 0 373 410 406 + 1824 0 388 380 356 + 1825 0 420 388 426 + 1826 0 356 380 347 + 1827 0 388 356 363 + 1828 0 426 388 401 + 1829 0 347 380 373 + 1830 0 363 356 332 + 1831 0 401 388 363 + 1832 0 332 356 325 + 1833 0 363 332 342 + 1834 0 325 356 347 + 1835 0 332 325 308 + 1836 0 342 332 314 + 1837 0 308 325 301 + 1838 0 332 308 314 + 1839 0 301 325 319 + 1840 0 314 308 291 + 1841 0 319 325 347 + 1842 0 301 319 296 + 1843 0 291 308 286 + 1844 0 296 319 315 + 1845 0 301 296 279 + 1846 0 286 308 301 + 1847 0 315 319 344 + 1848 0 279 296 276 + 1849 0 286 301 279 + 1850 0 344 319 347 + 1851 0 276 296 294 + 1852 0 344 347 373 + 1853 0 294 296 315 + 1854 0 344 373 370 + 1855 0 294 315 313 + 1856 0 370 373 406 + 1857 0 313 315 340 + 1858 0 370 406 400 + 1859 0 340 315 344 + 1860 0 400 406 437 + 1861 0 370 400 366 + 1862 0 400 437 434 + 1863 0 366 400 396 + 1864 0 434 437 471 + 1865 0 400 434 396 + 1866 0 434 471 465 + 1867 0 396 434 431 + 1868 0 465 471 505 + 1869 0 434 465 431 + 1870 0 465 505 503 + 1871 0 431 465 464 + 1872 0 503 505 544 + 1873 0 465 503 464 + 1874 0 544 505 546 + 1875 0 464 503 504 + 1876 0 544 546 584 + 1877 0 504 503 543 + 1878 0 544 584 581 + 1879 0 543 503 544 + 1880 0 581 584 622 + 1881 0 544 581 543 + 1882 0 622 584 625 + 1883 0 543 581 582 + 1884 0 622 625 664 + 1885 0 582 581 621 + 1886 0 622 664 658 + 1887 0 621 581 622 + 1888 0 658 664 699 + 1889 0 622 658 621 + 1890 0 699 664 702 + 1891 0 621 658 659 + 1892 0 699 702 739 + 1893 0 659 658 698 + 1894 0 699 739 736 + 1895 0 698 658 699 + 1896 0 736 739 777 + 1897 0 699 736 698 + 1898 0 777 739 781 + 1899 0 698 736 737 + 1900 0 777 781 815 + 1901 0 737 736 775 + 1902 0 777 815 813 + 1903 0 775 736 777 + 1904 0 813 815 850 + 1905 0 777 813 775 + 1906 0 850 815 853 + 1907 0 775 813 814 + 1908 0 850 853 884 + 1909 0 814 813 848 + 1910 0 850 884 882 + 1911 0 848 813 850 + 1912 0 882 884 915 + 1913 0 850 882 848 + 1914 0 915 884 918 + 1915 0 848 882 883 + 1916 0 915 918 948 + 1917 0 883 882 914 + 1918 0 915 948 946 + 1919 0 914 882 915 + 1920 0 946 948 982 + 1921 0 915 946 914 + 1922 0 982 948 986 + 1923 0 914 946 947 + 1924 0 982 986 1020 + 1925 0 947 946 980 + 1926 0 982 1020 1016 + 1927 0 980 946 982 + 1928 0 1016 1020 1054 + 1929 0 982 1016 980 + 1930 0 1054 1020 1056 + 1931 0 980 1016 1017 + 1932 0 1054 1056 1089 + 1933 0 1017 1016 1052 + 1934 0 1054 1089 1086 + 1935 0 1052 1016 1054 + 1936 0 1086 1089 1123 + 1937 0 1054 1086 1052 + 1938 0 1123 1089 1125 + 1939 0 1052 1086 1087 + 1940 0 1123 1125 1160 + 1941 0 1087 1086 1122 + 1942 0 1123 1160 1158 + 1943 0 1122 1086 1123 + 1944 0 1158 1160 1189 + 1945 0 1123 1158 1122 + 1946 0 1189 1160 1194 + 1947 0 1122 1158 1159 + 1948 0 1189 1194 1227 + 1949 0 1159 1158 1188 + 1950 0 1189 1227 1225 + 1951 0 1188 1158 1189 + 1952 0 1159 1188 1190 + 1953 0 1188 1189 1225 + 1954 0 1190 1188 1226 + 1955 0 1159 1190 1161 + 1956 0 1226 1188 1225 + 1957 0 1190 1226 1228 + 1958 0 1161 1190 1195 + 1959 0 1228 1226 1262 + 1960 0 1190 1228 1195 + 1961 0 1262 1226 1260 + 1962 0 1195 1228 1230 + 1963 0 1260 1226 1225 + 1964 0 1230 1228 1264 + 1965 0 1264 1228 1262 + 1966 0 1230 1264 1267 + 1967 0 1264 1262 1294 + 1968 0 1267 1264 1299 + 1969 0 1264 1294 1299 + 1970 0 1678 1671 1706 + 1971 0 1706 1671 1701 + 1972 0 1678 1706 1713 + 1973 0 1706 1701 1736 + 1974 0 1678 1713 1684 + 1975 0 480 447 490 + 1976 0 490 447 458 + 1977 0 480 490 519 + 1978 0 458 447 420 + 1979 0 490 458 499 + 1980 0 519 490 533 + 1981 0 480 519 515 + 1982 0 458 420 426 + 1983 0 499 458 467 + 1984 0 533 490 499 + 1985 0 515 519 557 + 1986 0 467 458 426 + 1987 0 533 499 540 + 1988 0 557 519 565 + 1989 0 467 426 440 + 1990 0 540 499 511 + 1991 0 533 540 574 + 1992 0 565 519 533 + 1993 0 440 426 401 + 1994 0 511 499 467 + 1995 0 574 540 587 + 1996 0 565 533 574 + 1997 0 511 467 479 + 1998 0 587 540 554 + 1999 0 574 587 617 + 2000 0 565 574 608 + 2001 0 479 467 440 + 2002 0 617 587 644 + 2003 0 565 608 599 + 2004 0 599 608 642 + 2005 0 565 599 557 + 2006 0 642 608 651 + 2007 0 599 642 634 + 2008 0 557 599 593 + 2009 0 642 651 684 + 2010 0 634 642 679 + 2011 0 593 599 634 + 2012 0 642 684 679 + 2013 0 679 684 721 + 2014 0 721 684 726 + 2015 0 679 721 714 + 2016 0 726 684 691 + 2017 0 721 726 761 + 2018 0 714 721 756 + 2019 0 691 684 651 + 2020 0 761 726 770 + 2021 0 756 721 761 + 2022 0 770 726 728 + 2023 0 761 770 802 + 2024 0 728 726 691 + 2025 0 770 728 780 + 2026 0 802 770 810 + 2027 0 780 728 748 + 2028 0 770 780 810 + 2029 0 748 728 706 + 2030 0 810 780 821 + 2031 0 821 780 790 + 2032 0 810 821 849 + 2033 0 790 780 748 + 2034 0 821 790 833 + 2035 0 849 821 862 + 2036 0 833 790 804 + 2037 0 821 833 862 + 2038 0 804 790 738 + 2039 0 862 833 870 + 2040 0 870 833 844 + 2041 0 862 870 899 + 2042 0 844 833 804 + 2043 0 870 844 880 + 2044 0 899 870 908 + 2045 0 844 804 806 + 2046 0 880 844 857 + 2047 0 908 870 880 + 2048 0 857 844 806 + 2049 0 880 857 893 + 2050 0 893 857 869 + 2051 0 880 893 920 + 2052 0 920 893 932 + 2053 0 880 920 908 + 2054 0 932 893 905 + 2055 0 920 932 958 + 2056 0 908 920 943 + 2057 0 932 905 940 + 2058 0 958 932 969 + 2059 0 943 920 958 + 2060 0 940 905 901 + 2061 0 969 932 940 + 2062 0 969 940 984 + 2063 0 984 940 962 + 2064 0 969 984 1007 + 2065 0 962 940 929 + 2066 0 1007 984 1026 + 2067 0 969 1007 997 + 2068 0 1026 984 1001 + 2069 0 1007 1026 1048 + 2070 0 997 1007 1038 + 2071 0 1001 984 962 + 2072 0 1048 1026 1067 + 2073 0 1038 1007 1048 + 2074 0 1067 1026 1042 + 2075 0 1048 1067 1092 + 2076 0 1042 1026 1001 + 2077 0 1048 1092 1076 + 2078 0 1042 1001 1014 + 2079 0 1076 1092 1114 + 2080 0 1048 1076 1038 + 2081 0 1014 1001 965 + 2082 0 1038 1076 1065 + 2083 0 1065 1076 1104 + 2084 0 1038 1065 1024 + 2085 0 1104 1076 1114 + 2086 0 1024 1065 1049 + 2087 0 1038 1024 997 + 2088 0 1049 1065 1088 + 2089 0 1024 1049 1009 + 2090 0 997 1024 979 + 2091 0 1049 1088 1079 + 2092 0 1009 1049 1040 + 2093 0 979 1024 1009 + 2094 0 1049 1079 1040 + 2095 0 1040 1079 1071 + 2096 0 1071 1079 1109 + 2097 0 1040 1071 1030 + 2098 0 1071 1109 1099 + 2099 0 1030 1071 1058 + 2100 0 1099 1109 1137 + 2101 0 1071 1099 1058 + 2102 0 1137 1109 1146 + 2103 0 1058 1099 1084 + 2104 0 1084 1099 1127 + 2105 0 1058 1084 1046 + 2106 0 1127 1099 1137 + 2107 0 1046 1084 1081 + 2108 0 1081 1084 1119 + 2109 0 1046 1081 1044 + 2110 0 1119 1084 1127 + 2111 0 1081 1119 1111 + 2112 0 1044 1081 1073 + 2113 0 1111 1119 1149 + 2114 0 1073 1081 1111 + 2115 0 1044 1073 1035 + 2116 0 1073 1111 1106 + 2117 0 1035 1073 1069 + 2118 0 1106 1111 1143 + 2119 0 1073 1106 1069 + 2120 0 1143 1111 1149 + 2121 0 1069 1106 1102 + 2122 0 1143 1149 1180 + 2123 0 1102 1106 1139 + 2124 0 1180 1149 1186 + 2125 0 1143 1180 1174 + 2126 0 1139 1106 1143 + 2127 0 1174 1180 1211 + 2128 0 1139 1143 1174 + 2129 0 1174 1211 1207 + 2130 0 1139 1174 1170 + 2131 0 1207 1211 1244 + 2132 0 1174 1207 1170 + 2133 0 1170 1207 1202 + 2134 0 1202 1207 1239 + 2135 0 1170 1202 1166 + 2136 0 1239 1207 1244 + 2137 0 1170 1166 1134 + 2138 0 1239 1244 1274 + 2139 0 1170 1134 1139 + 2140 0 1274 1244 1278 + 2141 0 1139 1134 1102 + 2142 0 1102 1134 1097 + 2143 0 554 540 511 + 2144 0 554 511 522 + 2145 0 522 511 479 + 2146 0 522 479 495 + 2147 0 495 479 452 + 2148 0 522 495 552 + 2149 0 452 479 440 + 2150 0 452 440 411 + 2151 0 411 440 401 + 2152 0 452 411 423 + 2153 0 411 401 375 + 2154 0 423 411 387 + 2155 0 375 401 363 + 2156 0 411 375 387 + 2157 0 387 375 352 + 2158 0 352 375 342 + 2159 0 387 352 365 + 2160 0 342 375 363 + 2161 0 352 342 321 + 2162 0 365 352 335 + 2163 0 321 342 314 + 2164 0 335 352 321 + 2165 0 365 335 350 + 2166 0 321 314 297 + 2167 0 335 321 307 + 2168 0 350 335 317 + 2169 0 297 314 291 + 2170 0 307 321 297 + 2171 0 317 335 307 + 2172 0 307 297 284 + 2173 0 317 307 293 + 2174 0 284 297 275 + 2175 0 293 307 284 + 2176 0 275 297 291 + 2177 0 284 275 263 + 2178 0 275 291 271 + 2179 0 263 275 256 + 2180 0 271 291 286 + 2181 0 275 271 256 + 2182 0 271 286 264 + 2183 0 256 271 248 + 2184 0 264 286 279 + 2185 0 271 264 248 + 2186 0 264 279 259 + 2187 0 248 264 242 + 2188 0 259 279 276 + 2189 0 264 259 242 + 2190 0 259 276 255 + 2191 0 242 259 239 + 2192 0 255 276 262 + 2193 0 259 255 239 + 2194 0 239 255 234 + 2195 0 234 262 249 + 2196 0 239 234 214 + 2197 0 214 234 212 + 2198 0 239 214 219 + 2199 0 212 234 222 + 2200 0 212 222 196 + 2201 0 196 222 210 + 2202 0 196 210 186 + 2203 0 212 196 187 + 2204 0 196 186 172 + 2205 0 187 196 172 + 2206 0 187 172 163 + 2207 0 212 187 214 + 2208 0 172 186 161 + 2209 0 163 172 148 + 2210 0 187 163 178 + 2211 0 148 172 161 + 2212 0 148 161 138 + 2213 0 138 161 149 + 2214 0 148 138 128 + 2215 0 163 148 141 + 2216 0 178 163 153 + 2217 0 187 178 214 + 2218 0 149 161 171 + 2219 0 149 171 166 + 2220 0 138 149 129 + 2221 0 128 138 117 + 2222 0 148 128 141 + 2223 0 141 128 118 + 2224 0 118 128 108 + 2225 0 141 118 132 + 2226 0 161 186 171 + 2227 0 118 108 100 + 2228 0 141 132 153 + 2229 0 108 128 117 + 2230 0 108 117 99 + 2231 0 99 117 110 + 2232 0 108 99 91 + 2233 0 110 117 129 + 2234 0 110 129 120 + 2235 0 99 110 92 + 2236 0 108 91 100 + 2237 0 100 91 83 + 2238 0 83 91 72 + 2239 0 100 83 94 + 2240 0 132 118 112 + 2241 0 91 99 82 + 2242 0 72 91 82 + 2243 0 72 82 65 + 2244 0 65 82 73 + 2245 0 72 65 56 + 2246 0 83 72 67 + 2247 0 100 94 112 + 2248 0 112 94 107 + 2249 0 65 73 57 + 2250 0 72 56 67 + 2251 0 67 56 53 + 2252 0 53 56 44 + 2253 0 67 53 61 + 2254 0 94 83 77 + 2255 0 73 82 92 + 2256 0 73 92 84 + 2257 0 56 65 51 + 2258 0 163 141 153 + 2259 0 112 107 127 + 2260 0 67 61 77 + 2261 0 77 61 74 + 2262 0 178 153 173 + 2263 0 53 44 41 + 2264 0 73 84 68 + 2265 0 44 56 51 + 2266 0 44 51 38 + 2267 0 38 51 45 + 2268 0 44 38 33 + 2269 0 45 51 57 + 2270 0 45 57 54 + 2271 0 38 45 34 + 2272 0 33 38 27 + 2273 0 44 33 41 + 2274 0 41 33 30 + 2275 0 30 33 24 + 2276 0 41 30 39 + 2277 0 24 33 27 + 2278 0 24 27 19 + 2279 0 19 27 23 + 2280 0 24 19 15 + 2281 0 30 24 21 + 2282 0 39 30 28 + 2283 0 41 39 50 + 2284 0 84 92 101 + 2285 0 107 94 90 + 2286 0 61 53 50 + 2287 0 50 53 41 + 2288 0 61 50 59 + 2289 0 129 149 144 + 2290 0 112 118 100 + 2291 0 51 65 57 + 2292 0 45 54 42 + 2293 0 99 92 82 + 2294 0 83 67 77 + 2295 0 173 153 152 + 2296 0 19 23 16 + 2297 0 117 138 129 + 2298 0 74 61 59 + 2299 0 74 59 70 + 2300 0 70 59 58 + 2301 0 74 70 87 + 2302 0 58 59 46 + 2303 0 70 58 71 + 2304 0 87 70 86 + 2305 0 74 87 90 + 2306 0 74 90 77 + 2307 0 77 90 94 + 2308 0 38 34 27 + 2309 0 110 120 101 + 2310 0 101 120 113 + 2311 0 113 120 133 + 2312 0 101 113 97 + 2313 0 133 120 144 + 2314 0 113 133 131 + 2315 0 97 113 109 + 2316 0 101 97 84 + 2317 0 23 27 34 + 2318 0 23 34 31 + 2319 0 31 34 42 + 2320 0 42 34 45 + 2321 0 31 42 36 + 2322 0 31 36 25 + 2323 0 31 25 23 + 2324 0 24 15 21 + 2325 0 21 15 13 + 2326 0 13 15 9 + 2327 0 21 13 20 + 2328 0 9 15 12 + 2329 0 13 9 8 + 2330 0 20 13 14 + 2331 0 21 20 28 + 2332 0 28 20 29 + 2333 0 29 20 22 + 2334 0 28 29 37 + 2335 0 132 112 127 + 2336 0 54 57 68 + 2337 0 68 57 73 + 2338 0 54 68 64 + 2339 0 64 68 80 + 2340 0 54 64 47 + 2341 0 80 68 84 + 2342 0 80 84 97 + 2343 0 80 97 88 + 2344 0 88 97 109 + 2345 0 80 88 75 + 2346 0 64 80 75 + 2347 0 64 75 63 + 2348 0 75 88 78 + 2349 0 120 129 144 + 2350 0 178 173 195 + 2351 0 15 19 12 + 2352 0 12 19 16 + 2353 0 12 16 10 + 2354 0 92 110 101 + 2355 0 59 50 46 + 2356 0 46 50 39 + 2357 0 46 39 37 + 2358 0 46 37 49 + 2359 0 49 37 40 + 2360 0 46 49 58 + 2361 0 58 49 60 + 2362 0 60 49 52 + 2363 0 58 60 71 + 2364 0 52 49 40 + 2365 0 60 52 66 + 2366 0 71 60 76 + 2367 0 52 40 43 + 2368 0 76 60 66 + 2369 0 71 76 89 + 2370 0 76 66 81 + 2371 0 43 40 32 + 2372 0 52 43 55 + 2373 0 81 66 69 + 2374 0 76 81 93 + 2375 0 89 76 93 + 2376 0 32 40 29 + 2377 0 32 29 22 + 2378 0 55 43 48 + 2379 0 71 89 86 + 2380 0 86 89 103 + 2381 0 103 89 106 + 2382 0 86 103 102 + 2383 0 43 32 35 + 2384 0 52 55 66 + 2385 0 66 55 69 + 2386 0 69 55 62 + 2387 0 93 81 98 + 2388 0 103 106 122 + 2389 0 86 102 87 + 2390 0 87 102 104 + 2391 0 104 102 121 + 2392 0 87 104 90 + 2393 0 121 102 119 + 2394 0 104 121 123 + 2395 0 81 69 85 + 2396 0 106 89 93 + 2397 0 106 93 111 + 2398 0 111 93 98 + 2399 0 106 111 124 + 2400 0 111 98 116 + 2401 0 116 98 105 + 2402 0 111 116 130 + 2403 0 124 111 130 + 2404 0 106 124 122 + 2405 0 122 124 142 + 2406 0 142 124 145 + 2407 0 122 142 139 + 2408 0 124 130 145 + 2409 0 145 130 150 + 2410 0 150 130 134 + 2411 0 145 150 168 + 2412 0 139 142 158 + 2413 0 134 130 116 + 2414 0 134 116 125 + 2415 0 125 116 105 + 2416 0 134 125 146 + 2417 0 125 105 115 + 2418 0 150 134 157 + 2419 0 168 150 175 + 2420 0 102 103 119 + 2421 0 119 103 122 + 2422 0 119 122 139 + 2423 0 119 139 137 + 2424 0 137 139 155 + 2425 0 119 137 121 + 2426 0 121 137 140 + 2427 0 140 137 156 + 2428 0 121 140 123 + 2429 0 123 140 143 + 2430 0 143 140 162 + 2431 0 123 143 127 + 2432 0 127 143 152 + 2433 0 123 127 107 + 2434 0 156 137 155 + 2435 0 156 155 176 + 2436 0 176 155 177 + 2437 0 156 176 179 + 2438 0 140 156 162 + 2439 0 162 156 179 + 2440 0 162 179 182 + 2441 0 182 179 203 + 2442 0 162 182 165 + 2443 0 203 179 201 + 2444 0 182 203 206 + 2445 0 165 182 193 + 2446 0 142 145 164 + 2447 0 145 168 164 + 2448 0 164 168 188 + 2449 0 188 168 191 + 2450 0 164 188 181 + 2451 0 162 165 143 + 2452 0 143 165 152 + 2453 0 152 165 173 + 2454 0 105 98 85 + 2455 0 179 176 201 + 2456 0 201 176 200 + 2457 0 200 176 177 + 2458 0 201 200 223 + 2459 0 200 177 202 + 2460 0 223 200 225 + 2461 0 201 223 221 + 2462 0 202 177 181 + 2463 0 181 177 158 + 2464 0 202 181 204 + 2465 0 158 177 155 + 2466 0 204 181 188 + 2467 0 202 204 228 + 2468 0 204 188 211 + 2469 0 211 188 191 + 2470 0 204 211 230 + 2471 0 181 158 164 + 2472 0 228 204 230 + 2473 0 228 230 250 + 2474 0 202 228 225 + 2475 0 225 228 247 + 2476 0 247 228 250 + 2477 0 247 250 267 + 2478 0 267 250 270 + 2479 0 247 267 266 + 2480 0 225 247 245 + 2481 0 250 230 253 + 2482 0 270 250 253 + 2483 0 270 253 274 + 2484 0 274 253 257 + 2485 0 270 274 290 + 2486 0 267 270 288 + 2487 0 257 253 235 + 2488 0 274 257 278 + 2489 0 270 290 288 + 2490 0 288 290 310 + 2491 0 310 290 311 + 2492 0 288 310 306 + 2493 0 311 290 295 + 2494 0 310 311 334 + 2495 0 306 310 328 + 2496 0 288 306 285 + 2497 0 146 125 135 + 2498 0 230 211 235 + 2499 0 235 211 217 + 2500 0 230 235 253 + 2501 0 217 211 191 + 2502 0 235 217 243 + 2503 0 243 217 229 + 2504 0 235 243 257 + 2505 0 257 243 265 + 2506 0 265 243 252 + 2507 0 257 265 278 + 2508 0 278 265 287 + 2509 0 287 265 273 + 2510 0 278 287 298 + 2511 0 252 243 229 + 2512 0 252 229 236 + 2513 0 236 229 207 + 2514 0 252 236 258 + 2515 0 265 252 273 + 2516 0 273 252 258 + 2517 0 273 258 280 + 2518 0 280 258 268 + 2519 0 273 280 292 + 2520 0 287 273 292 + 2521 0 287 292 309 + 2522 0 309 292 316 + 2523 0 287 309 298 + 2524 0 298 309 323 + 2525 0 323 309 336 + 2526 0 298 323 318 + 2527 0 207 229 199 + 2528 0 316 292 302 + 2529 0 309 316 336 + 2530 0 336 316 346 + 2531 0 278 298 295 + 2532 0 295 298 318 + 2533 0 295 318 311 + 2534 0 311 318 339 + 2535 0 339 318 345 + 2536 0 311 339 334 + 2537 0 334 339 362 + 2538 0 278 295 274 + 2539 0 274 295 290 + 2540 0 362 339 371 + 2541 0 334 362 357 + 2542 0 345 318 323 + 2543 0 345 323 355 + 2544 0 355 323 336 + 2545 0 345 355 377 + 2546 0 355 336 368 + 2547 0 368 336 346 + 2548 0 355 368 389 + 2549 0 368 346 379 + 2550 0 379 346 359 + 2551 0 368 379 404 + 2552 0 339 345 371 + 2553 0 362 371 397 + 2554 0 377 355 389 + 2555 0 377 389 416 + 2556 0 416 389 428 + 2557 0 377 416 407 + 2558 0 268 258 246 + 2559 0 359 346 327 + 2560 0 247 266 245 + 2561 0 245 266 269 + 2562 0 269 266 283 + 2563 0 245 269 244 + 2564 0 283 266 285 + 2565 0 269 283 293 + 2566 0 244 269 263 + 2567 0 245 244 223 + 2568 0 223 244 221 + 2569 0 221 244 240 + 2570 0 280 268 289 + 2571 0 389 368 404 + 2572 0 258 236 246 + 2573 0 246 236 220 + 2574 0 220 236 207 + 2575 0 246 220 233 + 2576 0 220 207 194 + 2577 0 233 220 209 + 2578 0 246 233 254 + 2579 0 194 207 183 + 2580 0 220 194 209 + 2581 0 334 357 328 + 2582 0 404 379 419 + 2583 0 134 146 157 + 2584 0 157 146 170 + 2585 0 170 146 160 + 2586 0 157 170 183 + 2587 0 266 267 285 + 2588 0 285 267 288 + 2589 0 345 377 371 + 2590 0 371 377 407 + 2591 0 371 407 397 + 2592 0 397 407 435 + 2593 0 435 407 446 + 2594 0 397 435 425 + 2595 0 446 407 416 + 2596 0 446 416 456 + 2597 0 456 416 428 + 2598 0 446 456 486 + 2599 0 456 428 470 + 2600 0 470 428 443 + 2601 0 456 470 497 + 2602 0 435 446 476 + 2603 0 446 486 476 + 2604 0 476 486 517 + 2605 0 517 486 529 + 2606 0 476 517 507 + 2607 0 456 497 486 + 2608 0 486 497 529 + 2609 0 529 497 537 + 2610 0 537 497 508 + 2611 0 529 537 573 + 2612 0 517 529 559 + 2613 0 508 497 470 + 2614 0 508 470 484 + 2615 0 484 470 443 + 2616 0 508 484 525 + 2617 0 484 443 457 + 2618 0 525 484 498 + 2619 0 508 525 553 + 2620 0 457 443 419 + 2621 0 484 457 498 + 2622 0 419 443 404 + 2623 0 457 419 433 + 2624 0 404 443 428 + 2625 0 433 419 393 + 2626 0 457 433 473 + 2627 0 393 419 379 + 2628 0 433 393 409 + 2629 0 473 433 449 + 2630 0 457 473 498 + 2631 0 393 379 359 + 2632 0 498 473 518 + 2633 0 393 359 374 + 2634 0 518 473 494 + 2635 0 498 518 542 + 2636 0 374 359 341 + 2637 0 393 374 409 + 2638 0 409 374 391 + 2639 0 391 374 353 + 2640 0 409 391 429 + 2641 0 353 374 341 + 2642 0 391 353 361 + 2643 0 429 391 399 + 2644 0 409 429 449 + 2645 0 353 341 322 + 2646 0 449 429 472 + 2647 0 361 353 330 + 2648 0 399 391 361 + 2649 0 322 341 312 + 2650 0 353 322 330 + 2651 0 330 322 305 + 2652 0 472 429 439 + 2653 0 449 472 494 + 2654 0 449 494 473 + 2655 0 312 341 327 + 2656 0 312 327 302 + 2657 0 312 302 289 + 2658 0 312 289 300 + 2659 0 289 302 280 + 2660 0 280 302 292 + 2661 0 322 312 300 + 2662 0 322 300 305 + 2663 0 305 300 281 + 2664 0 494 472 514 + 2665 0 300 289 277 + 2666 0 573 537 583 + 2667 0 341 359 327 + 2668 0 397 425 392 + 2669 0 476 507 463 + 2670 0 425 435 463 + 2671 0 463 435 476 + 2672 0 425 463 461 + 2673 0 461 463 501 + 2674 0 425 461 422 + 2675 0 507 517 549 + 2676 0 537 508 553 + 2677 0 537 553 583 + 2678 0 583 553 596 + 2679 0 596 553 568 + 2680 0 583 596 628 + 2681 0 529 573 559 + 2682 0 559 573 602 + 2683 0 602 573 613 + 2684 0 559 602 592 + 2685 0 525 498 542 + 2686 0 525 542 568 + 2687 0 568 542 589 + 2688 0 525 568 553 + 2689 0 589 542 562 + 2690 0 568 589 610 + 2691 0 562 542 518 + 2692 0 589 562 607 + 2693 0 610 589 633 + 2694 0 568 610 596 + 2695 0 596 610 640 + 2696 0 562 518 536 + 2697 0 640 610 653 + 2698 0 596 640 628 + 2699 0 628 640 671 + 2700 0 653 610 633 + 2701 0 653 633 677 + 2702 0 677 633 650 + 2703 0 653 677 697 + 2704 0 671 640 682 + 2705 0 628 671 654 + 2706 0 640 653 682 + 2707 0 682 653 697 + 2708 0 682 697 730 + 2709 0 730 697 769 + 2710 0 682 730 709 + 2711 0 709 730 752 + 2712 0 682 709 671 + 2713 0 671 709 694 + 2714 0 694 709 743 + 2715 0 671 694 654 + 2716 0 654 694 681 + 2717 0 681 694 725 + 2718 0 654 681 638 + 2719 0 743 709 752 + 2720 0 743 752 789 + 2721 0 789 752 776 + 2722 0 776 752 730 + 2723 0 694 743 725 + 2724 0 628 654 613 + 2725 0 613 654 638 + 2726 0 613 638 602 + 2727 0 602 638 636 + 2728 0 636 638 678 + 2729 0 602 636 592 + 2730 0 678 638 681 + 2731 0 678 681 718 + 2732 0 718 681 725 + 2733 0 718 725 766 + 2734 0 678 718 704 + 2735 0 766 725 800 + 2736 0 718 766 745 + 2737 0 704 718 745 + 2738 0 704 745 734 + 2739 0 678 704 662 + 2740 0 636 678 662 + 2741 0 636 662 624 + 2742 0 624 662 657 + 2743 0 636 624 592 + 2744 0 592 624 579 + 2745 0 579 624 619 + 2746 0 592 579 549 + 2747 0 549 579 539 + 2748 0 657 662 696 + 2749 0 624 657 619 + 2750 0 539 579 577 + 2751 0 549 539 507 + 2752 0 619 657 655 + 2753 0 745 766 786 + 2754 0 677 650 692 + 2755 0 650 633 607 + 2756 0 650 607 627 + 2757 0 627 607 580 + 2758 0 650 627 672 + 2759 0 697 677 723 + 2760 0 579 619 577 + 2761 0 725 743 800 + 2762 0 734 745 779 + 2763 0 704 734 696 + 2764 0 696 734 712 + 2765 0 704 696 662 + 2766 0 712 734 767 + 2767 0 696 712 657 + 2768 0 767 734 779 + 2769 0 712 767 753 + 2770 0 507 539 501 + 2771 0 501 539 535 + 2772 0 507 501 463 + 2773 0 535 539 577 + 2774 0 501 535 493 + 2775 0 627 580 605 + 2776 0 650 672 692 + 2777 0 692 672 717 + 2778 0 717 672 690 + 2779 0 692 717 760 + 2780 0 690 672 649 + 2781 0 717 690 754 + 2782 0 580 607 562 + 2783 0 580 562 536 + 2784 0 580 536 560 + 2785 0 560 536 514 + 2786 0 580 560 605 + 2787 0 605 560 572 + 2788 0 672 627 649 + 2789 0 649 627 605 + 2790 0 649 605 615 + 2791 0 536 518 494 + 2792 0 619 655 616 + 2793 0 655 657 712 + 2794 0 633 589 607 + 2795 0 723 677 692 + 2796 0 501 493 461 + 2797 0 461 493 455 + 2798 0 455 493 492 + 2799 0 461 455 422 + 2800 0 492 493 531 + 2801 0 455 492 450 + 2802 0 422 455 421 + 2803 0 421 455 450 + 2804 0 422 421 386 + 2805 0 421 450 417 + 2806 0 386 421 384 + 2807 0 422 386 392 + 2808 0 417 450 451 + 2809 0 421 417 384 + 2810 0 392 386 357 + 2811 0 392 357 362 + 2812 0 392 362 397 + 2813 0 492 531 530 + 2814 0 357 386 354 + 2815 0 302 327 316 + 2816 0 316 327 346 + 2817 0 493 535 531 + 2818 0 531 535 570 + 2819 0 570 535 577 + 2820 0 531 570 566 + 2821 0 566 570 606 + 2822 0 531 566 530 + 2823 0 530 566 564 + 2824 0 564 566 604 + 2825 0 530 564 523 + 2826 0 604 566 606 + 2827 0 564 604 603 + 2828 0 523 564 563 + 2829 0 530 523 489 + 2830 0 604 606 646 + 2831 0 646 606 647 + 2832 0 604 646 641 + 2833 0 570 577 616 + 2834 0 646 647 683 + 2835 0 604 641 603 + 2836 0 603 641 637 + 2837 0 647 606 616 + 2838 0 647 616 655 + 2839 0 641 646 688 + 2840 0 606 570 616 + 2841 0 564 603 563 + 2842 0 683 647 695 + 2843 0 688 646 683 + 2844 0 517 559 549 + 2845 0 712 753 695 + 2846 0 514 536 494 + 2847 0 786 766 808 + 2848 0 786 808 823 + 2849 0 786 823 779 + 2850 0 559 592 549 + 2851 0 779 745 786 + 2852 0 451 450 489 + 2853 0 489 450 492 + 2854 0 489 492 530 + 2855 0 277 289 268 + 2856 0 613 573 583 + 2857 0 613 583 628 + 2858 0 433 409 449 + 2859 0 489 523 487 + 2860 0 641 688 676 + 2861 0 392 425 422 + 2862 0 697 723 769 + 2863 0 523 563 521 + 2864 0 123 107 104 + 2865 0 104 107 90 + 2866 0 386 384 354 + 2867 0 354 384 351 + 2868 0 351 384 382 + 2869 0 354 351 326 + 2870 0 382 384 417 + 2871 0 382 417 415 + 2872 0 415 417 451 + 2873 0 382 415 383 + 2874 0 351 382 350 + 2875 0 326 351 324 + 2876 0 354 326 328 + 2877 0 328 326 306 + 2878 0 191 168 175 + 2879 0 191 175 199 + 2880 0 191 199 217 + 2881 0 217 199 229 + 2882 0 300 277 281 + 2883 0 281 277 261 + 2884 0 753 767 796 + 2885 0 200 202 225 + 2886 0 690 649 661 + 2887 0 514 472 482 + 2888 0 219 214 195 + 2889 0 219 195 193 + 2890 0 195 173 193 + 2891 0 193 173 165 + 2892 0 85 69 79 + 2893 0 608 574 617 + 2894 0 608 617 651 + 2895 0 651 617 673 + 2896 0 452 423 466 + 2897 0 466 423 444 + 2898 0 452 466 495 + 2899 0 444 423 403 + 2900 0 466 444 485 + 2901 0 495 466 526 + 2902 0 403 423 387 + 2903 0 444 403 415 + 2904 0 485 444 462 + 2905 0 403 387 365 + 2906 0 462 444 415 + 2907 0 485 487 521 + 2908 0 403 365 383 + 2909 0 403 383 415 + 2910 0 1142 1104 1114 + 2911 0 1044 1035 1005 + 2912 0 1005 1035 999 + 2913 0 1044 1005 1010 + 2914 0 999 1035 1032 + 2915 0 1005 999 967 + 2916 0 1010 1005 973 + 2917 0 1044 1010 1046 + 2918 0 967 999 960 + 2919 0 1010 973 977 + 2920 0 1046 1010 1018 + 2921 0 960 999 993 + 2922 0 977 973 941 + 2923 0 1018 1010 977 + 2924 0 993 999 1032 + 2925 0 941 973 937 + 2926 0 1018 977 990 + 2927 0 937 973 967 + 2928 0 941 937 906 + 2929 0 990 977 950 + 2930 0 967 973 1005 + 2931 0 906 937 902 + 2932 0 950 977 941 + 2933 0 902 937 930 + 2934 0 950 941 912 + 2935 0 930 937 967 + 2936 0 902 930 894 + 2937 0 912 941 906 + 2938 0 930 967 960 + 2939 0 894 930 927 + 2940 0 912 906 876 + 2941 0 927 930 960 + 2942 0 894 927 891 + 2943 0 876 906 873 + 2944 0 894 891 860 + 2945 0 873 906 902 + 2946 0 894 860 867 + 2947 0 873 902 867 + 2948 0 867 860 830 + 2949 0 867 902 894 + 2950 0 830 860 824 + 2951 0 867 830 835 + 2952 0 830 824 791 + 2953 0 835 830 797 + 2954 0 830 791 797 + 2955 0 797 791 756 + 2956 0 756 791 746 + 2957 0 797 756 761 + 2958 0 756 746 714 + 2959 0 797 761 802 + 2960 0 797 802 835 + 2961 0 835 802 842 + 2962 0 842 802 810 + 2963 0 842 810 849 + 2964 0 842 849 876 + 2965 0 876 849 889 + 2966 0 842 876 873 + 2967 0 889 849 862 + 2968 0 842 873 835 + 2969 0 889 862 899 + 2970 0 835 873 867 + 2971 0 1032 1035 1069 + 2972 0 1032 1069 1063 + 2973 0 1063 1069 1102 + 2974 0 1032 1063 1027 + 2975 0 1063 1102 1097 + 2976 0 1032 1027 993 + 2977 0 150 157 175 + 2978 0 1018 990 1030 + 2979 0 1030 990 1002 + 2980 0 1018 1030 1058 + 2981 0 1002 990 963 + 2982 0 1018 1058 1046 + 2983 0 963 990 950 + 2984 0 963 950 925 + 2985 0 925 950 912 + 2986 0 925 912 889 + 2987 0 889 912 876 + 2988 0 925 889 899 + 2989 0 1002 963 971 + 2990 0 971 963 934 + 2991 0 1002 971 1009 + 2992 0 934 963 925 + 2993 0 1009 971 979 + 2994 0 979 971 943 + 2995 0 943 971 934 + 2996 0 979 943 958 + 2997 0 979 958 997 + 2998 0 997 958 969 + 2999 0 1002 1009 1040 + 3000 0 1002 1040 1030 + 3001 0 1230 1267 1234 + 3002 0 1234 1267 1269 + 3003 0 1230 1234 1201 + 3004 0 1269 1267 1303 + 3005 0 1201 1234 1203 + 3006 0 1230 1201 1195 + 3007 0 1303 1267 1299 + 3008 0 1203 1234 1240 + 3009 0 1201 1203 1167 + 3010 0 1303 1299 1333 + 3011 0 1203 1240 1208 + 3012 0 1167 1203 1171 + 3013 0 1303 1333 1338 + 3014 0 1208 1240 1245 + 3015 0 1203 1208 1171 + 3016 0 1303 1338 1306 + 3017 0 1245 1240 1275 + 3018 0 1171 1208 1175 + 3019 0 1303 1306 1269 + 3020 0 1245 1275 1279 + 3021 0 1175 1208 1212 + 3022 0 1269 1306 1275 + 3023 0 1279 1275 1310 + 3024 0 1212 1208 1245 + 3025 0 1275 1306 1310 + 3026 0 1212 1245 1248 + 3027 0 1310 1306 1342 + 3028 0 1248 1245 1279 + 3029 0 1212 1248 1217 + 3030 0 1342 1306 1338 + 3031 0 1217 1248 1254 + 3032 0 1212 1217 1181 + 3033 0 1254 1248 1284 + 3034 0 1217 1254 1223 + 3035 0 1181 1217 1187 + 3036 0 1284 1248 1279 + 3037 0 1223 1254 1258 + 3038 0 1187 1217 1223 + 3039 0 1258 1254 1289 + 3040 0 1223 1258 1232 + 3041 0 1187 1223 1193 + 3042 0 1289 1254 1284 + 3043 0 1232 1258 1271 + 3044 0 1193 1223 1232 + 3045 0 1289 1284 1320 + 3046 0 1271 1258 1300 + 3047 0 1193 1232 1206 + 3048 0 1320 1284 1316 + 3049 0 1300 1258 1289 + 3050 0 1206 1232 1242 + 3051 0 1316 1284 1279 + 3052 0 1300 1289 1325 + 3053 0 1242 1232 1271 + 3054 0 1316 1279 1310 + 3055 0 1325 1289 1320 + 3056 0 1316 1310 1346 + 3057 0 1325 1320 1355 + 3058 0 1346 1310 1342 + 3059 0 1316 1346 1350 + 3060 0 1355 1320 1350 + 3061 0 1346 1342 1378 + 3062 0 1350 1346 1381 + 3063 0 1350 1320 1316 + 3064 0 1378 1342 1372 + 3065 0 1381 1346 1378 + 3066 0 1372 1342 1338 + 3067 0 1381 1378 1411 + 3068 0 1381 1411 1416 + 3069 0 1381 1416 1384 + 3070 0 1384 1416 1420 + 3071 0 1381 1384 1350 + 3072 0 1420 1416 1452 + 3073 0 1350 1384 1355 + 3074 0 1420 1452 1455 + 3075 0 1355 1384 1391 + 3076 0 1420 1455 1427 + 3077 0 1391 1384 1420 + 3078 0 1355 1391 1364 + 3079 0 1427 1455 1464 + 3080 0 1364 1391 1401 + 3081 0 1355 1364 1325 + 3082 0 1464 1455 1490 + 3083 0 1401 1391 1427 + 3084 0 1325 1364 1335 + 3085 0 1427 1391 1420 + 3086 0 1401 1427 1437 + 3087 0 1335 1364 1373 + 3088 0 1437 1427 1464 + 3089 0 1373 1364 1401 + 3090 0 1335 1373 1344 + 3091 0 1437 1464 1474 + 3092 0 1373 1401 1409 + 3093 0 1344 1373 1382 + 3094 0 1474 1464 1500 + 3095 0 1409 1401 1437 + 3096 0 1382 1373 1409 + 3097 0 1500 1464 1490 + 3098 0 1382 1409 1417 + 3099 0 1417 1409 1444 + 3100 0 1382 1417 1388 + 3101 0 1444 1409 1437 + 3102 0 1417 1444 1453 + 3103 0 1388 1417 1424 + 3104 0 1453 1444 1482 + 3105 0 1417 1453 1424 + 3106 0 1482 1444 1474 + 3107 0 1424 1453 1463 + 3108 0 1474 1444 1437 + 3109 0 1482 1474 1509 + 3110 0 1463 1453 1488 + 3111 0 1509 1474 1500 + 3112 0 1488 1453 1482 + 3113 0 1509 1500 1538 + 3114 0 1275 1240 1269 + 3115 0 1269 1240 1234 + 3116 0 1463 1488 1501 + 3117 0 1501 1488 1524 + 3118 0 1463 1501 1476 + 3119 0 1501 1524 1539 + 3120 0 1476 1501 1514 + 3121 0 1463 1476 1440 + 3122 0 1501 1539 1514 + 3123 0 1476 1514 1484 + 3124 0 1463 1440 1424 + 3125 0 1514 1539 1549 + 3126 0 1476 1484 1448 + 3127 0 1424 1440 1402 + 3128 0 1549 1539 1575 + 3129 0 1448 1484 1456 + 3130 0 1402 1440 1412 + 3131 0 1549 1575 1583 + 3132 0 1456 1484 1497 + 3133 0 1412 1440 1448 + 3134 0 1583 1575 1611 + 3135 0 1497 1484 1520 + 3136 0 1448 1440 1476 + 3137 0 1583 1611 1619 + 3138 0 1520 1484 1514 + 3139 0 1619 1611 1646 + 3140 0 1520 1514 1549 + 3141 0 1646 1611 1639 + 3142 0 1520 1549 1557 + 3143 0 1646 1639 1673 + 3144 0 1557 1549 1583 + 3145 0 1673 1639 1663 + 3146 0 1646 1673 1681 + 3147 0 1557 1583 1596 + 3148 0 1673 1663 1700 + 3149 0 1646 1681 1656 + 3150 0 1596 1583 1619 + 3151 0 1700 1663 1684 + 3152 0 1596 1619 1634 + 3153 0 1634 1619 1656 + 3154 0 1596 1634 1609 + 3155 0 1656 1619 1646 + 3156 0 1609 1634 1645 + 3157 0 1645 1634 1670 + 3158 0 1609 1645 1620 + 3159 0 1670 1634 1656 + 3160 0 1620 1645 1660 + 3161 0 1620 1660 1637 + 3162 0 1620 1637 1600 + 3163 0 1600 1637 1612 + 3164 0 1620 1600 1584 + 3165 0 1600 1612 1577 + 3166 0 1584 1600 1560 + 3167 0 1577 1612 1587 + 3168 0 1600 1577 1560 + 3169 0 1587 1612 1628 + 3170 0 1560 1577 1540 + 3171 0 1587 1628 1607 + 3172 0 1540 1577 1551 + 3173 0 1560 1540 1521 + 3174 0 1607 1628 1642 + 3175 0 1551 1577 1587 + 3176 0 1521 1540 1502 + 3177 0 1607 1642 1617 + 3178 0 1551 1587 1570 + 3179 0 1502 1540 1515 + 3180 0 1617 1642 1659 + 3181 0 1570 1587 1607 + 3182 0 1515 1540 1551 + 3183 0 1659 1642 1679 + 3184 0 1515 1551 1532 + 3185 0 1659 1679 1697 + 3186 0 1532 1551 1570 + 3187 0 1532 1570 1547 + 3188 0 1547 1570 1582 + 3189 0 1582 1570 1607 + 3190 0 1547 1582 1563 + 3191 0 1582 1607 1617 + 3192 0 1563 1582 1603 + 3193 0 1582 1617 1603 + 3194 0 1603 1617 1640 + 3195 0 1640 1617 1659 + 3196 0 1603 1640 1616 + 3197 0 1640 1659 1675 + 3198 0 1609 1620 1584 + 3199 0 1609 1584 1573 + 3200 0 1573 1584 1548 + 3201 0 1609 1573 1596 + 3202 0 1548 1584 1560 + 3203 0 1573 1548 1535 + 3204 0 1596 1573 1557 + 3205 0 1548 1560 1521 + 3206 0 1535 1548 1513 + 3207 0 1573 1535 1557 + 3208 0 1548 1521 1513 + 3209 0 1557 1535 1520 + 3210 0 1513 1521 1486 + 3211 0 1520 1535 1497 + 3212 0 1486 1521 1502 + 3213 0 1513 1486 1475 + 3214 0 1497 1535 1513 + 3215 0 1486 1502 1462 + 3216 0 1475 1486 1449 + 3217 0 1513 1475 1497 + 3218 0 1462 1502 1479 + 3219 0 1486 1462 1449 + 3220 0 1497 1475 1456 + 3221 0 1479 1502 1515 + 3222 0 1449 1462 1422 + 3223 0 1456 1475 1436 + 3224 0 1479 1515 1489 + 3225 0 1422 1462 1441 + 3226 0 1436 1475 1449 + 3227 0 1479 1489 1454 + 3228 0 1441 1462 1479 + 3229 0 1454 1489 1472 + 3230 0 1479 1454 1441 + 3231 0 1472 1489 1510 + 3232 0 1454 1472 1434 + 3233 0 1441 1454 1418 + 3234 0 1472 1510 1487 + 3235 0 1434 1472 1450 + 3236 0 1418 1454 1434 + 3237 0 1487 1510 1522 + 3238 0 1450 1472 1487 + 3239 0 1418 1434 1392 + 3240 0 1522 1510 1547 + 3241 0 1450 1487 1468 + 3242 0 1392 1434 1414 + 3243 0 1547 1510 1532 + 3244 0 1468 1487 1506 + 3245 0 1414 1434 1450 + 3246 0 1532 1510 1489 + 3247 0 1468 1506 1483 + 3248 0 1532 1489 1515 + 3249 0 1483 1506 1519 + 3250 0 1519 1506 1544 + 3251 0 1483 1519 1505 + 3252 0 1544 1506 1522 + 3253 0 1522 1506 1487 + 3254 0 1544 1522 1563 + 3255 0 1563 1522 1547 + 3256 0 1544 1563 1579 + 3257 0 1579 1563 1603 + 3258 0 1544 1579 1556 + 3259 0 1579 1603 1616 + 3260 0 1556 1579 1597 + 3261 0 1449 1422 1413 + 3262 0 1413 1422 1386 + 3263 0 1449 1413 1436 + 3264 0 1386 1422 1405 + 3265 0 1436 1413 1398 + 3266 0 1405 1422 1441 + 3267 0 1398 1413 1375 + 3268 0 1405 1441 1418 + 3269 0 1375 1413 1386 + 3270 0 1405 1418 1379 + 3271 0 1375 1386 1348 + 3272 0 1379 1418 1392 + 3273 0 1348 1386 1365 + 3274 0 1365 1386 1405 + 3275 0 1348 1365 1323 + 3276 0 1365 1405 1379 + 3277 0 1323 1365 1343 + 3278 0 1365 1379 1343 + 3279 0 1343 1379 1356 + 3280 0 1356 1379 1392 + 3281 0 1343 1356 1318 + 3282 0 1318 1356 1336 + 3283 0 1343 1318 1304 + 3284 0 1336 1356 1374 + 3285 0 1304 1318 1282 + 3286 0 1374 1356 1392 + 3287 0 1282 1318 1295 + 3288 0 1374 1392 1414 + 3289 0 1295 1318 1336 + 3290 0 1374 1414 1389 + 3291 0 1295 1336 1315 + 3292 0 1389 1414 1428 + 3293 0 1374 1389 1352 + 3294 0 1315 1336 1352 + 3295 0 1428 1414 1450 + 3296 0 1352 1389 1370 + 3297 0 1352 1336 1374 + 3298 0 1370 1389 1408 + 3299 0 1352 1370 1331 + 3300 0 1408 1389 1428 + 3301 0 1370 1408 1387 + 3302 0 1331 1370 1351 + 3303 0 1408 1428 1447 + 3304 0 1447 1428 1468 + 3305 0 1408 1447 1423 + 3306 0 1468 1428 1450 + 3307 0 1447 1468 1483 + 3308 0 1447 1483 1465 + 3309 0 1519 1544 1556 + 3310 0 1519 1556 1541 + 3311 0 1323 1343 1304 + 3312 0 1323 1304 1286 + 3313 0 1286 1304 1265 + 3314 0 1323 1286 1313 + 3315 0 1265 1304 1282 + 3316 0 1286 1265 1249 + 3317 0 1313 1286 1276 + 3318 0 1323 1313 1348 + 3319 0 1249 1265 1224 + 3320 0 1313 1276 1296 + 3321 0 1348 1313 1339 + 3322 0 1249 1224 1210 + 3323 0 1296 1276 1256 + 3324 0 1339 1313 1296 + 3325 0 1210 1224 1185 + 3326 0 1256 1276 1237 + 3327 0 1339 1296 1321 + 3328 0 1185 1224 1204 + 3329 0 1237 1276 1249 + 3330 0 1321 1296 1285 + 3331 0 1204 1224 1243 + 3332 0 1249 1276 1286 + 3333 0 1285 1296 1256 + 3334 0 1243 1224 1265 + 3335 0 1285 1256 1246 + 3336 0 1243 1265 1282 + 3337 0 1246 1256 1219 + 3338 0 1219 1256 1237 + 3339 0 1246 1219 1209 + 3340 0 1219 1237 1197 + 3341 0 1209 1219 1182 + 3342 0 1197 1237 1210 + 3343 0 1219 1197 1182 + 3344 0 1210 1237 1249 + 3345 0 1182 1197 1152 + 3346 0 1152 1197 1173 + 3347 0 1182 1152 1145 + 3348 0 1173 1197 1210 + 3349 0 1152 1173 1133 + 3350 0 1145 1152 1115 + 3351 0 1173 1210 1185 + 3352 0 1133 1173 1148 + 3353 0 1115 1152 1133 + 3354 0 1148 1173 1185 + 3355 0 1133 1148 1108 + 3356 0 1115 1133 1093 + 3357 0 1148 1185 1164 + 3358 0 1108 1148 1121 + 3359 0 1093 1133 1108 + 3360 0 1164 1185 1204 + 3361 0 1121 1148 1164 + 3362 0 1164 1204 1179 + 3363 0 1121 1164 1141 + 3364 0 1179 1204 1218 + 3365 0 1164 1179 1141 + 3366 0 1218 1204 1243 + 3367 0 1141 1179 1156 + 3368 0 1218 1243 1255 + 3369 0 1156 1179 1199 + 3370 0 1255 1243 1282 + 3371 0 1218 1255 1238 + 3372 0 1199 1179 1218 + 3373 0 1238 1255 1277 + 3374 0 1218 1238 1199 + 3375 0 1277 1255 1295 + 3376 0 1199 1238 1215 + 3377 0 1295 1255 1282 + 3378 0 1277 1295 1315 + 3379 0 1215 1238 1253 + 3380 0 1277 1315 1290 + 3381 0 1253 1238 1277 + 3382 0 1290 1315 1331 + 3383 0 1331 1315 1352 + 3384 0 1290 1331 1312 + 3385 0 1246 1209 1236 + 3386 0 1236 1209 1198 + 3387 0 1246 1236 1272 + 3388 0 1198 1209 1172 + 3389 0 1272 1236 1259 + 3390 0 1172 1209 1182 + 3391 0 1259 1236 1221 + 3392 0 1172 1182 1145 + 3393 0 1221 1236 1198 + 3394 0 1172 1145 1132 + 3395 0 1221 1198 1184 + 3396 0 1132 1145 1105 + 3397 0 1184 1198 1157 + 3398 0 1105 1145 1115 + 3399 0 1132 1105 1091 + 3400 0 1157 1198 1172 + 3401 0 1091 1105 1066 + 3402 0 1132 1091 1118 + 3403 0 1066 1105 1078 + 3404 0 1091 1066 1050 + 3405 0 1118 1091 1080 + 3406 0 1078 1105 1115 + 3407 0 1050 1066 1025 + 3408 0 1080 1091 1050 + 3409 0 1078 1115 1093 + 3410 0 1025 1066 1039 + 3411 0 1080 1050 1041 + 3412 0 1078 1093 1051 + 3413 0 1039 1066 1078 + 3414 0 1041 1050 1012 + 3415 0 1051 1093 1068 + 3416 0 1012 1050 1025 + 3417 0 1041 1012 1003 + 3418 0 1068 1093 1108 + 3419 0 1012 1025 981 + 3420 0 1003 1012 972 + 3421 0 981 1025 998 + 3422 0 1012 981 972 + 3423 0 998 1025 1039 + 3424 0 972 981 944 + 3425 0 998 1039 1008 + 3426 0 944 981 959 + 3427 0 972 944 936 + 3428 0 1008 1039 1051 + 3429 0 959 981 998 + 3430 0 936 944 909 + 3431 0 1051 1039 1078 + 3432 0 909 944 921 + 3433 0 936 909 900 + 3434 0 921 944 959 + 3435 0 900 909 871 + 3436 0 921 959 933 + 3437 0 871 909 881 + 3438 0 933 959 970 + 3439 0 921 933 896 + 3440 0 881 909 921 + 3441 0 970 959 998 + 3442 0 896 933 910 + 3443 0 881 921 896 + 3444 0 970 998 1008 + 3445 0 910 933 945 + 3446 0 970 1008 985 + 3447 0 945 933 970 + 3448 0 910 945 924 + 3449 0 985 1008 1029 + 3450 0 945 970 985 + 3451 0 924 945 966 + 3452 0 1029 1008 1051 + 3453 0 945 985 966 + 3454 0 1029 1051 1068 + 3455 0 966 985 1004 + 3456 0 1029 1068 1043 + 3457 0 1004 985 1029 + 3458 0 966 1004 976 + 3459 0 1043 1068 1083 + 3460 0 976 1004 1015 + 3461 0 966 976 939 + 3462 0 1083 1068 1108 + 3463 0 1015 1004 1043 + 3464 0 939 976 955 + 3465 0 1083 1108 1121 + 3466 0 1043 1004 1029 + 3467 0 955 976 996 + 3468 0 1083 1121 1101 + 3469 0 996 976 1015 + 3470 0 1101 1121 1141 + 3471 0 1083 1101 1060 + 3472 0 996 1015 1037 + 3473 0 1101 1141 1116 + 3474 0 1060 1101 1077 + 3475 0 1037 1015 1060 + 3476 0 1116 1141 1156 + 3477 0 1077 1101 1116 + 3478 0 1060 1015 1043 + 3479 0 1116 1156 1136 + 3480 0 1060 1043 1083 + 3481 0 1136 1156 1178 + 3482 0 1116 1136 1096 + 3483 0 1178 1156 1199 + 3484 0 1096 1136 1113 + 3485 0 1116 1096 1077 + 3486 0 1077 1096 1053 + 3487 0 1053 1096 1075 + 3488 0 1077 1053 1037 + 3489 0 1037 1053 1013 + 3490 0 1077 1037 1060 + 3491 0 1013 1053 1034 + 3492 0 1215 1253 1235 + 3493 0 1246 1272 1285 + 3494 0 1285 1272 1311 + 3495 0 1311 1272 1301 + 3496 0 1285 1311 1321 + 3497 0 1301 1272 1259 + 3498 0 1311 1301 1340 + 3499 0 1321 1311 1347 + 3500 0 1301 1259 1287 + 3501 0 1340 1301 1322 + 3502 0 1347 1311 1340 + 3503 0 1301 1287 1322 + 3504 0 1322 1287 1317 + 3505 0 1317 1287 1281 + 3506 0 1322 1317 1353 + 3507 0 1281 1287 1251 + 3508 0 1317 1281 1308 + 3509 0 1353 1317 1344 + 3510 0 1251 1287 1259 + 3511 0 1308 1281 1271 + 3512 0 1344 1317 1308 + 3513 0 1271 1281 1242 + 3514 0 1308 1271 1300 + 3515 0 1344 1308 1335 + 3516 0 1242 1281 1251 + 3517 0 1308 1300 1335 + 3518 0 1335 1300 1325 + 3519 0 1347 1340 1376 + 3520 0 1376 1340 1362 + 3521 0 1347 1376 1385 + 3522 0 1362 1340 1322 + 3523 0 1385 1376 1412 + 3524 0 1362 1322 1353 + 3525 0 1412 1376 1402 + 3526 0 1385 1412 1421 + 3527 0 1402 1376 1362 + 3528 0 1421 1412 1448 + 3529 0 1385 1421 1398 + 3530 0 1421 1448 1456 + 3531 0 1398 1421 1436 + 3532 0 1421 1456 1436 + 3533 0 1251 1259 1221 + 3534 0 1251 1221 1214 + 3535 0 1214 1221 1184 + 3536 0 1251 1214 1242 + 3537 0 1214 1184 1177 + 3538 0 1242 1214 1206 + 3539 0 1177 1184 1147 + 3540 0 1206 1214 1177 + 3541 0 1147 1184 1157 + 3542 0 1206 1177 1168 + 3543 0 1147 1157 1118 + 3544 0 1168 1177 1138 + 3545 0 1118 1157 1132 + 3546 0 1138 1177 1147 + 3547 0 1132 1157 1172 + 3548 0 1138 1147 1110 + 3549 0 1110 1147 1118 + 3550 0 1138 1110 1100 + 3551 0 1110 1118 1080 + 3552 0 1100 1110 1072 + 3553 0 1110 1080 1072 + 3554 0 1072 1080 1041 + 3555 0 1072 1041 1031 + 3556 0 1031 1041 1003 + 3557 0 1072 1031 1059 + 3558 0 1031 1003 991 + 3559 0 1059 1031 1019 + 3560 0 991 1003 964 + 3561 0 1019 1031 991 + 3562 0 964 1003 972 + 3563 0 1019 991 978 + 3564 0 978 991 951 + 3565 0 1019 978 1011 + 3566 0 951 991 964 + 3567 0 1011 978 975 + 3568 0 1019 1011 1047 + 3569 0 975 978 942 + 3570 0 1011 975 1006 + 3571 0 1047 1011 1045 + 3572 0 942 978 951 + 3573 0 1006 975 968 + 3574 0 1045 1011 1006 + 3575 0 968 975 938 + 3576 0 1006 968 1000 + 3577 0 1045 1006 1036 + 3578 0 938 975 942 + 3579 0 1000 968 961 + 3580 0 1036 1006 1000 + 3581 0 961 968 931 + 3582 0 1000 961 994 + 3583 0 1036 1000 1033 + 3584 0 931 968 938 + 3585 0 994 961 957 + 3586 0 1033 1000 994 + 3587 0 931 938 903 + 3588 0 957 961 928 + 3589 0 1033 994 1028 + 3590 0 903 938 907 + 3591 0 928 961 931 + 3592 0 1028 994 989 + 3593 0 907 938 942 + 3594 0 928 931 895 + 3595 0 989 994 957 + 3596 0 907 942 913 + 3597 0 895 931 903 + 3598 0 989 957 954 + 3599 0 913 942 951 + 3600 0 895 903 868 + 3601 0 954 957 923 + 3602 0 913 951 926 + 3603 0 868 903 874 + 3604 0 923 957 928 + 3605 0 926 951 964 + 3606 0 874 903 907 + 3607 0 926 964 936 + 3608 0 936 964 972 + 3609 0 926 936 900 + 3610 0 926 900 890 + 3611 0 890 900 863 + 3612 0 926 890 913 + 3613 0 863 900 871 + 3614 0 890 863 852 + 3615 0 913 890 877 + 3616 0 863 871 834 + 3617 0 852 863 822 + 3618 0 877 890 852 + 3619 0 834 871 845 + 3620 0 822 863 834 + 3621 0 877 852 843 + 3622 0 845 871 881 + 3623 0 822 834 795 + 3624 0 843 852 812 + 3625 0 845 881 858 + 3626 0 795 834 805 + 3627 0 812 852 822 + 3628 0 858 881 896 + 3629 0 805 834 845 + 3630 0 858 896 872 + 3631 0 805 845 818 + 3632 0 872 896 910 + 3633 0 858 872 832 + 3634 0 818 845 858 + 3635 0 832 872 846 + 3636 0 858 832 818 + 3637 0 846 872 886 + 3638 0 818 832 794 + 3639 0 886 872 910 + 3640 0 846 886 865 + 3641 0 794 832 807 + 3642 0 886 910 924 + 3643 0 865 886 904 + 3644 0 807 832 846 + 3645 0 886 924 904 + 3646 0 807 846 827 + 3647 0 904 924 939 + 3648 0 827 846 865 + 3649 0 807 827 784 + 3650 0 939 924 966 + 3651 0 827 865 840 + 3652 0 784 827 801 + 3653 0 840 865 878 + 3654 0 827 840 801 + 3655 0 878 865 904 + 3656 0 801 840 817 + 3657 0 878 904 917 + 3658 0 817 840 859 + 3659 0 801 817 773 + 3660 0 917 904 939 + 3661 0 859 840 878 + 3662 0 773 817 799 + 3663 0 917 939 955 + 3664 0 917 955 935 + 3665 0 935 955 974 + 3666 0 917 935 897 + 3667 0 974 955 996 + 3668 0 897 935 911 + 3669 0 917 897 878 + 3670 0 974 996 1013 + 3671 0 878 897 859 + 3672 0 1013 996 1037 + 3673 0 974 1013 992 + 3674 0 859 897 875 + 3675 0 1402 1362 1388 + 3676 0 1388 1362 1353 + 3677 0 1402 1388 1424 + 3678 0 1388 1353 1382 + 3679 0 1382 1353 1344 + 3680 0 1206 1168 1193 + 3681 0 1193 1168 1154 + 3682 0 1154 1168 1128 + 3683 0 1193 1154 1187 + 3684 0 1128 1168 1138 + 3685 0 1154 1128 1120 + 3686 0 1187 1154 1150 + 3687 0 1128 1138 1100 + 3688 0 1120 1128 1085 + 3689 0 1154 1120 1150 + 3690 0 1128 1100 1085 + 3691 0 1120 1085 1082 + 3692 0 1150 1120 1112 + 3693 0 1082 1085 1047 + 3694 0 1112 1120 1082 + 3695 0 1150 1112 1144 + 3696 0 1047 1085 1059 + 3697 0 1144 1112 1107 + 3698 0 1150 1144 1181 + 3699 0 1059 1085 1100 + 3700 0 1107 1112 1074 + 3701 0 1181 1144 1175 + 3702 0 1074 1112 1082 + 3703 0 1107 1074 1070 + 3704 0 1175 1144 1140 + 3705 0 1070 1074 1036 + 3706 0 1107 1070 1103 + 3707 0 1140 1144 1107 + 3708 0 1036 1074 1045 + 3709 0 1103 1070 1064 + 3710 0 1045 1074 1082 + 3711 0 1064 1070 1033 + 3712 0 1045 1082 1047 + 3713 0 1033 1070 1036 + 3714 0 1059 1100 1072 + 3715 0 1064 1033 1028 + 3716 0 1064 1028 1062 + 3717 0 1062 1028 1023 + 3718 0 1064 1062 1098 + 3719 0 1023 1028 989 + 3720 0 1062 1023 1057 + 3721 0 1098 1062 1095 + 3722 0 1023 989 987 + 3723 0 1062 1057 1095 + 3724 0 987 989 954 + 3725 0 1095 1057 1090 + 3726 0 987 954 949 + 3727 0 1090 1057 1055 + 3728 0 1095 1090 1126 + 3729 0 949 954 919 + 3730 0 1055 1057 1021 + 3731 0 1126 1090 1124 + 3732 0 919 954 923 + 3733 0 1021 1057 1023 + 3734 0 1124 1090 1087 + 3735 0 919 923 888 + 3736 0 1087 1090 1055 + 3737 0 1124 1087 1122 + 3738 0 888 923 892 + 3739 0 1087 1055 1052 + 3740 0 892 923 928 + 3741 0 888 892 856 + 3742 0 1052 1055 1017 + 3743 0 892 928 895 + 3744 0 856 892 861 + 3745 0 1017 1055 1021 + 3746 0 861 892 895 + 3747 0 856 861 825 + 3748 0 861 895 868 + 3749 0 825 861 831 + 3750 0 861 868 831 + 3751 0 825 831 792 + 3752 0 831 868 836 + 3753 0 792 831 798 + 3754 0 825 792 788 + 3755 0 836 868 874 + 3756 0 798 831 836 + 3757 0 788 792 747 + 3758 0 798 836 803 + 3759 0 747 792 757 + 3760 0 788 747 742 + 3761 0 803 836 843 + 3762 0 757 792 798 + 3763 0 742 747 711 + 3764 0 843 836 874 + 3765 0 757 798 762 + 3766 0 711 747 715 + 3767 0 843 874 877 + 3768 0 762 798 803 + 3769 0 715 747 757 + 3770 0 877 874 907 + 3771 0 762 803 771 + 3772 0 715 757 722 + 3773 0 771 803 812 + 3774 0 762 771 727 + 3775 0 722 757 762 + 3776 0 812 803 843 + 3777 0 727 771 735 + 3778 0 735 771 783 + 3779 0 727 735 693 + 3780 0 783 771 812 + 3781 0 735 783 749 + 3782 0 693 735 705 + 3783 0 783 812 822 + 3784 0 749 783 795 + 3785 0 705 735 749 + 3786 0 795 783 822 + 3787 0 749 795 763 + 3788 0 763 795 805 + 3789 0 763 805 774 + 3790 0 774 805 818 + 3791 0 763 774 731 + 3792 0 774 818 794 + 3793 0 731 774 744 + 3794 0 744 774 794 + 3795 0 731 744 701 + 3796 0 701 744 720 + 3797 0 731 701 687 + 3798 0 720 744 765 + 3799 0 687 701 656 + 3800 0 765 744 794 + 3801 0 720 765 733 + 3802 0 656 701 675 + 3803 0 733 765 784 + 3804 0 720 733 689 + 3805 0 675 701 720 + 3806 0 784 765 807 + 3807 0 689 733 713 + 3808 0 807 765 794 + 3809 0 713 733 759 + 3810 0 759 733 784 + 3811 0 713 759 729 + 3812 0 759 784 801 + 3813 0 729 759 773 + 3814 0 759 801 773 + 3815 0 729 773 751 + 3816 0 1064 1098 1103 + 3817 0 1103 1098 1135 + 3818 0 1135 1098 1130 + 3819 0 1103 1135 1140 + 3820 0 1130 1098 1095 + 3821 0 1140 1135 1171 + 3822 0 1130 1095 1126 + 3823 0 1171 1135 1167 + 3824 0 1130 1126 1163 + 3825 0 1167 1135 1130 + 3826 0 1130 1163 1167 + 3827 0 1167 1163 1201 + 3828 0 1201 1163 1195 + 3829 0 1195 1163 1161 + 3830 0 1161 1163 1126 + 3831 0 1161 1126 1124 + 3832 0 1161 1124 1159 + 3833 0 1159 1124 1122 + 3834 0 1021 1023 987 + 3835 0 1021 987 983 + 3836 0 983 987 949 + 3837 0 1021 983 1017 + 3838 0 983 949 947 + 3839 0 1017 983 980 + 3840 0 947 949 916 + 3841 0 983 947 980 + 3842 0 916 949 919 + 3843 0 916 919 885 + 3844 0 885 919 888 + 3845 0 916 885 883 + 3846 0 885 888 854 + 3847 0 883 885 851 + 3848 0 916 883 914 + 3849 0 854 888 856 + 3850 0 885 854 851 + 3851 0 916 914 947 + 3852 0 851 854 816 + 3853 0 816 854 820 + 3854 0 851 816 814 + 3855 0 820 854 856 + 3856 0 816 820 782 + 3857 0 814 816 778 + 3858 0 851 814 848 + 3859 0 782 820 788 + 3860 0 816 782 778 + 3861 0 851 848 883 + 3862 0 788 820 825 + 3863 0 778 782 740 + 3864 0 825 820 856 + 3865 0 740 782 742 + 3866 0 778 740 737 + 3867 0 742 782 788 + 3868 0 740 742 703 + 3869 0 737 740 700 + 3870 0 703 742 711 + 3871 0 740 703 700 + 3872 0 737 700 698 + 3873 0 703 711 668 + 3874 0 700 703 665 + 3875 0 698 700 659 + 3876 0 668 711 670 + 3877 0 665 703 668 + 3878 0 700 665 659 + 3879 0 668 670 630 + 3880 0 659 665 623 + 3881 0 630 670 635 + 3882 0 668 630 626 + 3883 0 623 665 626 + 3884 0 659 623 621 + 3885 0 635 670 680 + 3886 0 626 630 591 + 3887 0 626 665 668 + 3888 0 680 670 715 + 3889 0 626 591 585 + 3890 0 715 670 711 + 3891 0 585 591 547 + 3892 0 547 591 551 + 3893 0 585 547 545 + 3894 0 551 591 594 + 3895 0 547 551 510 + 3896 0 545 547 506 + 3897 0 594 591 630 + 3898 0 510 551 516 + 3899 0 506 547 510 + 3900 0 516 551 558 + 3901 0 510 516 475 + 3902 0 558 551 594 + 3903 0 516 558 520 + 3904 0 475 516 478 + 3905 0 558 594 600 + 3906 0 520 558 567 + 3907 0 478 516 520 + 3908 0 600 594 635 + 3909 0 567 558 600 + 3910 0 478 520 491 + 3911 0 635 594 630 + 3912 0 491 520 534 + 3913 0 478 491 448 + 3914 0 534 520 567 + 3915 0 448 491 459 + 3916 0 534 567 575 + 3917 0 459 491 500 + 3918 0 448 459 414 + 3919 0 575 567 609 + 3920 0 500 491 534 + 3921 0 414 459 427 + 3922 0 609 567 600 + 3923 0 427 459 468 + 3924 0 414 427 390 + 3925 0 609 600 643 + 3926 0 468 459 500 + 3927 0 390 427 402 + 3928 0 643 600 635 + 3929 0 468 500 512 + 3930 0 402 427 441 + 3931 0 643 635 680 + 3932 0 512 500 541 + 3933 0 441 427 468 + 3934 0 541 500 534 + 3935 0 512 541 555 + 3936 0 541 534 575 + 3937 0 555 541 588 + 3938 0 541 575 588 + 3939 0 588 575 618 + 3940 0 618 575 609 + 3941 0 588 618 632 + 3942 0 618 609 652 + 3943 0 632 618 663 + 3944 0 652 609 643 + 3945 0 618 652 663 + 3946 0 652 643 686 + 3947 0 663 652 693 + 3948 0 686 643 680 + 3949 0 652 686 693 + 3950 0 686 680 722 + 3951 0 693 686 727 + 3952 0 722 680 715 + 3953 0 686 722 727 + 3954 0 727 722 762 + 3955 0 621 623 582 + 3956 0 582 623 585 + 3957 0 585 623 626 + 3958 0 582 585 545 + 3959 0 582 545 543 + 3960 0 543 545 504 + 3961 0 512 555 524 + 3962 0 524 555 569 + 3963 0 569 555 598 + 3964 0 524 569 538 + 3965 0 598 555 588 + 3966 0 538 569 586 + 3967 0 524 538 496 + 3968 0 598 588 632 + 3969 0 586 569 612 + 3970 0 538 586 556 + 3971 0 496 538 513 + 3972 0 612 569 598 + 3973 0 538 556 513 + 3974 0 612 598 645 + 3975 0 513 556 532 + 3976 0 645 598 632 + 3977 0 612 645 656 + 3978 0 532 556 576 + 3979 0 656 645 687 + 3980 0 612 656 631 + 3981 0 576 556 601 + 3982 0 687 645 674 + 3983 0 612 631 586 + 3984 0 601 556 586 + 3985 0 674 645 632 + 3986 0 586 631 601 + 3987 0 674 632 663 + 3988 0 601 631 648 + 3989 0 648 631 675 + 3990 0 601 648 620 + 3991 0 675 631 656 + 3992 0 620 648 666 + 3993 0 666 648 689 + 3994 0 620 666 639 + 3995 0 689 648 675 + 3996 0 639 666 685 + 3997 0 685 666 713 + 3998 0 639 685 660 + 3999 0 713 666 689 + 4000 0 674 663 705 + 4001 0 705 663 693 + 4002 0 674 705 719 + 4003 0 719 705 749 + 4004 0 674 719 687 + 4005 0 719 749 763 + 4006 0 687 719 731 + 4007 0 719 763 731 + 4008 0 601 620 576 + 4009 0 576 620 595 + 4010 0 595 620 639 + 4011 0 595 639 614 + 4012 0 1175 1140 1171 + 4013 0 778 737 775 + 4014 0 778 775 814 + 4015 0 468 512 483 + 4016 0 483 512 524 + 4017 0 468 483 441 + 4018 0 483 524 496 + 4019 0 441 483 453 + 4020 0 453 483 496 + 4021 0 453 496 469 + 4022 0 469 496 513 + 4023 0 469 513 488 + 4024 0 488 513 532 + 4025 0 488 532 502 + 4026 0 502 532 548 + 4027 0 548 532 576 + 4028 0 502 548 527 + 4029 0 548 576 595 + 4030 0 548 595 571 + 4031 0 1187 1150 1181 + 4032 0 952 911 935 + 4033 0 1337 1371 1368 + 4034 0 1337 1368 1332 + 4035 0 1332 1368 1366 + 4036 0 1337 1332 1302 + 4037 0 1366 1368 1399 + 4038 0 1332 1366 1329 + 4039 0 1302 1332 1298 + 4040 0 1366 1399 1396 + 4041 0 1332 1329 1298 + 4042 0 1302 1298 1266 + 4043 0 1396 1399 1431 + 4044 0 1298 1329 1293 + 4045 0 1431 1399 1433 + 4046 0 1293 1329 1327 + 4047 0 1431 1433 1466 + 4048 0 1327 1329 1360 + 4049 0 1466 1433 1469 + 4050 0 1360 1329 1366 + 4051 0 1327 1360 1358 + 4052 0 1360 1366 1396 + 4053 0 1358 1360 1394 + 4054 0 1360 1396 1394 + 4055 0 1394 1396 1429 + 4056 0 1429 1396 1431 + 4057 0 1394 1429 1425 + 4058 0 1429 1431 1460 + 4059 0 1425 1429 1458 + 4060 0 1460 1431 1466 + 4061 0 1429 1460 1458 + 4062 0 1460 1466 1495 + 4063 0 1458 1460 1493 + 4064 0 1495 1466 1498 + 4065 0 1460 1495 1493 + 4066 0 1498 1466 1469 + 4067 0 1493 1495 1527 + 4068 0 1498 1469 1503 + 4069 0 1527 1495 1530 + 4070 0 1503 1469 1471 + 4071 0 1498 1503 1533 + 4072 0 1530 1495 1498 + 4073 0 1503 1471 1507 + 4074 0 1533 1503 1536 + 4075 0 1530 1498 1533 + 4076 0 1507 1471 1477 + 4077 0 1536 1503 1507 + 4078 0 1533 1536 1568 + 4079 0 1477 1471 1442 + 4080 0 1507 1477 1511 + 4081 0 1568 1536 1571 + 4082 0 1533 1568 1565 + 4083 0 1511 1477 1480 + 4084 0 1507 1511 1542 + 4085 0 1571 1536 1542 + 4086 0 1565 1568 1598 + 4087 0 1480 1477 1445 + 4088 0 1507 1542 1536 + 4089 0 1565 1598 1594 + 4090 0 1445 1477 1442 + 4091 0 1594 1598 1630 + 4092 0 1565 1594 1561 + 4093 0 1445 1442 1410 + 4094 0 1630 1598 1632 + 4095 0 1594 1630 1626 + 4096 0 1561 1594 1592 + 4097 0 1630 1632 1664 + 4098 0 1626 1630 1661 + 4099 0 1592 1594 1626 + 4100 0 1561 1592 1558 + 4101 0 1630 1664 1661 + 4102 0 1558 1592 1589 + 4103 0 1561 1558 1527 + 4104 0 1661 1664 1694 + 4105 0 1589 1592 1623 + 4106 0 1558 1589 1554 + 4107 0 1527 1558 1525 + 4108 0 1623 1592 1626 + 4109 0 1558 1554 1525 + 4110 0 1623 1626 1657 + 4111 0 1525 1554 1523 + 4112 0 1657 1626 1661 + 4113 0 1623 1657 1654 + 4114 0 1523 1554 1555 + 4115 0 1654 1657 1687 + 4116 0 1623 1654 1621 + 4117 0 1555 1554 1588 + 4118 0 1687 1657 1691 + 4119 0 1621 1654 1653 + 4120 0 1588 1554 1589 + 4121 0 1691 1657 1661 + 4122 0 1653 1654 1685 + 4123 0 1691 1661 1694 + 4124 0 1685 1654 1687 + 4125 0 1653 1685 1686 + 4126 0 1685 1687 1719 + 4127 0 1686 1685 1718 + 4128 0 1653 1686 1655 + 4129 0 1719 1687 1721 + 4130 0 1718 1685 1719 + 4131 0 1655 1686 1688 + 4132 0 1721 1687 1691 + 4133 0 1718 1719 1750 + 4134 0 1688 1686 1720 + 4135 0 1721 1691 1724 + 4136 0 1750 1719 1752 + 4137 0 1720 1686 1718 + 4138 0 1724 1691 1694 + 4139 0 1752 1719 1721 + 4140 0 1752 1721 1755 + 4141 0 1755 1721 1724 + 4142 0 1752 1755 1787 + 4143 0 1752 1787 1784 + 4144 0 1784 1787 1817 + 4145 0 1752 1784 1750 + 4146 0 1784 1817 1814 + 4147 0 1750 1784 1783 + 4148 0 1814 1817 1848 + 4149 0 1783 1784 1814 + 4150 0 1814 1848 1847 + 4151 0 1783 1814 1815 + 4152 0 1847 1848 1880 + 4153 0 1815 1814 1847 + 4154 0 1847 1880 1881 + 4155 0 1881 1880 1911 + 4156 0 1588 1589 1621 + 4157 0 1621 1589 1623 + 4158 0 1588 1621 1622 + 4159 0 1622 1621 1653 + 4160 0 1588 1622 1590 + 4161 0 1622 1653 1655 + 4162 0 1590 1622 1624 + 4163 0 1588 1590 1555 + 4164 0 1622 1655 1624 + 4165 0 1590 1624 1593 + 4166 0 1555 1590 1559 + 4167 0 1593 1624 1627 + 4168 0 1590 1593 1559 + 4169 0 1555 1559 1526 + 4170 0 1627 1624 1658 + 4171 0 1559 1593 1562 + 4172 0 1555 1526 1523 + 4173 0 1627 1658 1662 + 4174 0 1562 1593 1595 + 4175 0 1523 1526 1492 + 4176 0 1662 1658 1692 + 4177 0 1595 1593 1627 + 4178 0 1492 1526 1494 + 4179 0 1692 1658 1688 + 4180 0 1494 1526 1528 + 4181 0 1492 1494 1459 + 4182 0 1688 1658 1655 + 4183 0 1528 1526 1559 + 4184 0 1459 1494 1461 + 4185 0 1655 1658 1624 + 4186 0 1461 1494 1496 + 4187 0 1459 1461 1430 + 4188 0 1496 1494 1528 + 4189 0 1430 1461 1432 + 4190 0 1459 1430 1426 + 4191 0 1496 1528 1531 + 4192 0 1432 1461 1467 + 4193 0 1426 1430 1395 + 4194 0 1531 1528 1562 + 4195 0 1467 1461 1496 + 4196 0 1395 1430 1397 + 4197 0 1562 1528 1559 + 4198 0 1397 1430 1432 + 4199 0 1395 1397 1361 + 4200 0 1397 1432 1400 + 4201 0 1395 1361 1359 + 4202 0 1400 1432 1435 + 4203 0 1435 1432 1467 + 4204 0 1435 1467 1470 + 4205 0 1470 1467 1499 + 4206 0 1435 1470 1439 + 4207 0 1499 1467 1496 + 4208 0 1439 1470 1473 + 4209 0 1473 1470 1504 + 4210 0 1504 1470 1499 + 4211 0 1504 1499 1534 + 4212 0 1534 1499 1531 + 4213 0 1531 1499 1496 + 4214 0 1534 1531 1566 + 4215 0 1566 1531 1562 + 4216 0 1534 1566 1569 + 4217 0 1566 1562 1595 + 4218 0 1569 1566 1599 + 4219 0 1534 1569 1537 + 4220 0 1566 1595 1599 + 4221 0 1569 1599 1605 + 4222 0 1537 1569 1572 + 4223 0 1599 1595 1631 + 4224 0 1569 1605 1572 + 4225 0 1537 1572 1543 + 4226 0 1631 1595 1627 + 4227 0 1572 1605 1606 + 4228 0 1537 1543 1508 + 4229 0 1631 1627 1662 + 4230 0 1606 1605 1636 + 4231 0 1508 1543 1512 + 4232 0 1631 1662 1665 + 4233 0 1636 1605 1633 + 4234 0 1512 1543 1546 + 4235 0 1665 1662 1695 + 4236 0 1633 1605 1599 + 4237 0 1546 1543 1576 + 4238 0 1695 1662 1692 + 4239 0 1576 1543 1572 + 4240 0 1695 1692 1725 + 4241 0 1576 1572 1606 + 4242 0 1725 1692 1722 + 4243 0 1722 1692 1688 + 4244 0 1725 1722 1756 + 4245 0 1722 1688 1720 + 4246 0 1756 1722 1753 + 4247 0 1753 1722 1720 + 4248 0 1756 1753 1788 + 4249 0 1788 1753 1785 + 4250 0 1756 1788 1789 + 4251 0 1785 1753 1751 + 4252 0 1751 1753 1720 + 4253 0 1785 1751 1783 + 4254 0 1751 1720 1718 + 4255 0 1783 1751 1750 + 4256 0 1751 1718 1750 + 4257 0 1633 1599 1631 + 4258 0 1633 1631 1665 + 4259 0 1633 1665 1668 + 4260 0 1668 1665 1699 + 4261 0 1633 1668 1636 + 4262 0 1699 1665 1695 + 4263 0 1636 1668 1669 + 4264 0 1669 1668 1702 + 4265 0 1702 1668 1699 + 4266 0 1669 1702 1704 + 4267 0 1702 1699 1731 + 4268 0 1704 1702 1735 + 4269 0 1731 1699 1727 + 4270 0 1735 1702 1731 + 4271 0 1704 1735 1738 + 4272 0 1727 1699 1695 + 4273 0 1695 1725 1727 + 4274 0 1727 1725 1759 + 4275 0 1669 1704 1676 + 4276 0 1676 1704 1707 + 4277 0 1707 1704 1738 + 4278 0 1676 1707 1677 + 4279 0 1677 1707 1712 + 4280 0 1712 1707 1741 + 4281 0 1677 1712 1682 + 4282 0 1741 1707 1738 + 4283 0 1682 1712 1717 + 4284 0 1682 1717 1693 + 4285 0 1682 1693 1652 + 4286 0 1327 1358 1326 + 4287 0 1326 1358 1359 + 4288 0 1359 1358 1393 + 4289 0 1393 1358 1394 + 4290 0 1359 1393 1395 + 4291 0 1393 1394 1425 + 4292 0 1395 1393 1426 + 4293 0 1393 1425 1426 + 4294 0 1426 1425 1457 + 4295 0 1457 1425 1458 + 4296 0 1426 1457 1459 + 4297 0 1459 1457 1492 + 4298 0 1492 1457 1491 + 4299 0 1491 1457 1458 + 4300 0 1492 1491 1523 + 4301 0 1523 1491 1525 + 4302 0 1525 1491 1493 + 4303 0 1525 1493 1527 + 4304 0 1533 1565 1530 + 4305 0 1565 1561 1530 + 4306 0 1530 1561 1527 + 4307 0 39 28 37 + 4308 0 1537 1508 1504 + 4309 0 1504 1508 1473 + 4310 0 1473 1508 1478 + 4311 0 1478 1508 1512 + 4312 0 1606 1636 1641 + 4313 0 2180 2145 2175 + 4314 0 284 263 269 + 4315 0 2681 2677 2663 + 4316 0 2663 2677 2658 + 4317 0 2681 2663 2668 + 4318 0 2658 2677 2673 + 4319 0 2663 2658 2639 + 4320 0 2668 2663 2646 + 4321 0 2681 2668 2683 + 4322 0 2639 2658 2634 + 4323 0 2634 2658 2649 + 4324 0 2663 2639 2646 + 4325 0 2683 2668 2672 + 4326 0 2646 2639 2614 + 4327 0 2672 2668 2652 + 4328 0 2683 2672 2688 + 4329 0 2614 2639 2607 + 4330 0 2652 2668 2646 + 4331 0 2672 2652 2657 + 4332 0 2688 2672 2678 + 4333 0 2652 2646 2618 + 4334 0 2657 2652 2630 + 4335 0 2672 2657 2678 + 4336 0 2618 2646 2614 + 4337 0 2630 2652 2618 + 4338 0 2678 2657 2664 + 4339 0 2618 2614 2588 + 4340 0 2630 2618 2600 + 4341 0 2664 2657 2640 + 4342 0 2678 2664 2682 + 4343 0 2600 2618 2588 + 4344 0 2664 2640 2647 + 4345 0 2682 2664 2669 + 4346 0 2647 2640 2615 + 4347 0 2664 2647 2669 + 4348 0 2615 2640 2609 + 4349 0 2669 2647 2654 + 4350 0 2609 2640 2630 + 4351 0 2615 2609 2583 + 4352 0 2654 2647 2622 + 4353 0 2630 2640 2657 + 4354 0 2583 2609 2574 + 4355 0 2622 2647 2615 + 4356 0 2574 2609 2600 + 4357 0 2583 2574 2550 + 4358 0 2622 2615 2593 + 4359 0 2600 2609 2630 + 4360 0 2550 2574 2541 + 4361 0 2593 2615 2583 + 4362 0 2541 2574 2565 + 4363 0 2593 2583 2558 + 4364 0 2565 2574 2600 + 4365 0 2541 2565 2533 + 4366 0 2558 2583 2550 + 4367 0 2533 2565 2556 + 4368 0 2541 2533 2507 + 4369 0 2558 2550 2525 + 4370 0 2556 2565 2588 + 4371 0 2507 2533 2498 + 4372 0 2525 2550 2516 + 4373 0 2558 2525 2537 + 4374 0 2588 2565 2600 + 4375 0 2498 2533 2522 + 4376 0 2516 2550 2541 + 4377 0 2537 2525 2502 + 4378 0 2522 2533 2556 + 4379 0 2502 2525 2491 + 4380 0 2537 2502 2512 + 4381 0 2522 2556 2548 + 4382 0 2491 2525 2516 + 4383 0 2502 2491 2465 + 4384 0 2512 2502 2477 + 4385 0 2548 2556 2580 + 4386 0 2465 2491 2444 + 4387 0 2502 2465 2477 + 4388 0 2580 2556 2588 + 4389 0 2477 2465 2446 + 4390 0 2580 2588 2614 + 4391 0 2446 2465 2426 + 4392 0 2446 2426 2416 + 4393 0 2446 2416 2447 + 4394 0 2447 2416 2410 + 4395 0 2446 2447 2477 + 4396 0 2580 2614 2607 + 4397 0 2669 2654 2675 + 4398 0 2675 2654 2661 + 4399 0 2669 2675 2685 + 4400 0 2661 2654 2635 + 4401 0 2675 2661 2680 + 4402 0 2685 2675 2690 + 4403 0 2635 2654 2622 + 4404 0 2680 2661 2666 + 4405 0 2690 2675 2680 + 4406 0 2685 2690 2697 + 4407 0 2666 2661 2645 + 4408 0 2680 2666 2684 + 4409 0 2697 2690 2700 + 4410 0 2685 2697 2694 + 4411 0 2645 2661 2635 + 4412 0 2684 2666 2674 + 4413 0 2700 2690 2693 + 4414 0 2685 2694 2682 + 4415 0 2645 2635 2613 + 4416 0 2674 2666 2653 + 4417 0 2693 2690 2680 + 4418 0 2613 2635 2604 + 4419 0 2674 2653 2660 + 4420 0 2604 2635 2622 + 4421 0 2613 2604 2578 + 4422 0 2660 2653 2633 + 4423 0 2604 2622 2593 + 4424 0 2578 2604 2570 + 4425 0 2633 2653 2620 + 4426 0 2570 2604 2593 + 4427 0 2578 2570 2546 + 4428 0 2620 2653 2645 + 4429 0 2570 2593 2558 + 4430 0 2546 2570 2537 + 4431 0 2645 2653 2666 + 4432 0 2570 2558 2537 + 4433 0 2682 2694 2691 + 4434 0 2682 2691 2678 + 4435 0 2678 2691 2688 + 4436 0 2522 2548 2515 + 4437 0 2515 2548 2551 + 4438 0 2522 2515 2489 + 4439 0 2489 2515 2481 + 4440 0 2522 2489 2498 + 4441 0 2481 2515 2508 + 4442 0 2489 2481 2455 + 4443 0 2498 2489 2466 + 4444 0 2508 2515 2551 + 4445 0 2455 2481 2449 + 4446 0 2489 2455 2466 + 4447 0 2449 2481 2458 + 4448 0 2455 2449 2422 + 4449 0 2466 2455 2430 + 4450 0 2422 2449 2415 + 4451 0 2455 2422 2430 + 4452 0 2466 2430 2438 + 4453 0 2415 2458 2433 + 4454 0 2430 2422 2395 + 4455 0 2438 2430 2405 + 4456 0 2466 2438 2473 + 4457 0 2395 2422 2378 + 4458 0 2395 2378 2367 + 4459 0 2395 2367 2405 + 4460 0 2405 2430 2395 + 4461 0 2466 2473 2498 + 4462 0 2498 2473 2507 + 4463 0 2507 2473 2482 + 4464 0 2482 2473 2443 + 4465 0 2507 2482 2516 + 4466 0 2516 2482 2491 + 4467 0 2507 2516 2541 + 4468 0 2491 2482 2444 + 4469 0 2473 2438 2443 + 4470 0 2680 2684 2693 + 4471 0 2693 2684 2695 + 4472 0 2695 2684 2689 + 4473 0 2693 2695 2702 + 4474 0 2689 2684 2674 + 4475 0 2695 2689 2699 + 4476 0 2702 2695 2703 + 4477 0 2689 2674 2679 + 4478 0 2699 2689 2692 + 4479 0 2703 2695 2699 + 4480 0 2679 2674 2660 + 4481 0 2689 2679 2692 + 4482 0 2703 2699 2705 + 4483 0 2679 2660 2667 + 4484 0 2692 2679 2686 + 4485 0 2705 2699 2701 + 4486 0 2667 2660 2644 + 4487 0 2686 2679 2667 + 4488 0 2692 2686 2696 + 4489 0 2701 2699 2692 + 4490 0 2644 2660 2633 + 4491 0 2696 2686 2698 + 4492 0 2692 2696 2701 + 4493 0 2644 2633 2611 + 4494 0 2701 2696 2704 + 4495 0 2611 2633 2602 + 4496 0 2644 2611 2621 + 4497 0 2602 2633 2620 + 4498 0 2611 2602 2577 + 4499 0 2621 2611 2591 + 4500 0 2644 2621 2656 + 4501 0 2602 2620 2590 + 4502 0 2577 2602 2568 + 4503 0 2591 2611 2577 + 4504 0 2590 2620 2613 + 4505 0 2577 2568 2536 + 4506 0 2613 2620 2645 + 4507 0 2590 2613 2578 + 4508 0 2536 2568 2535 + 4509 0 2590 2578 2555 + 4510 0 2535 2568 2555 + 4511 0 2555 2578 2546 + 4512 0 2555 2568 2590 + 4513 0 2535 2555 2521 + 4514 0 2590 2568 2602 + 4515 0 2521 2555 2546 + 4516 0 2521 2546 2512 + 4517 0 2512 2546 2537 + 4518 0 2521 2512 2486 + 4519 0 2486 2512 2477 + 4520 0 2521 2486 2500 + 4521 0 2656 2621 2637 + 4522 0 2637 2621 2605 + 4523 0 2656 2637 2671 + 4524 0 2605 2621 2591 + 4525 0 2637 2605 2619 + 4526 0 2605 2591 2567 + 4527 0 2567 2591 2552 + 4528 0 2605 2567 2579 + 4529 0 2552 2591 2577 + 4530 0 2579 2567 2542 + 4531 0 2605 2579 2619 + 4532 0 2552 2577 2536 + 4533 0 2542 2567 2520 + 4534 0 2579 2542 2560 + 4535 0 2552 2536 2517 + 4536 0 2481 2508 2493 + 4537 0 2493 2508 2526 + 4538 0 2422 2415 2378 + 4539 0 2667 2644 2656 + 4540 0 2667 2656 2676 + 4541 0 2676 2656 2671 + 4542 0 2667 2676 2686 + 4543 0 2686 2676 2687 + 4544 0 2682 2669 2685 + 4545 0 2536 2535 2500 + 4546 0 2459 2494 2471 + 4547 0 2471 2494 2505 + 4548 0 2459 2471 2435 + 4549 0 2505 2494 2528 + 4550 0 2471 2505 2484 + 4551 0 2435 2471 2451 + 4552 0 2528 2494 2514 + 4553 0 2484 2505 2518 + 4554 0 2435 2451 2414 + 4555 0 2528 2514 2549 + 4556 0 2518 2505 2540 + 4557 0 2528 2549 2563 + 4558 0 2540 2505 2528 + 4559 0 2518 2540 2553 + 4560 0 2563 2549 2585 + 4561 0 2540 2528 2563 + 4562 0 2553 2540 2573 + 4563 0 2585 2549 2571 + 4564 0 2540 2563 2573 + 4565 0 2585 2571 2606 + 4566 0 2573 2563 2597 + 4567 0 2585 2606 2623 + 4568 0 2597 2563 2585 + 4569 0 2573 2597 2610 + 4570 0 2623 2606 2641 + 4571 0 2585 2623 2597 + 4572 0 2610 2597 2626 + 4573 0 2573 2610 2586 + 4574 0 2641 2606 2628 + 4575 0 2597 2623 2626 + 4576 0 2586 2610 2617 + 4577 0 2641 2628 2665 + 4578 0 2626 2623 2659 + 4579 0 2617 2610 2655 + 4580 0 2586 2617 2601 + 4581 0 2601 2617 2648 + 4582 0 2586 2601 2566 + 4583 0 2566 2601 2576 + 4584 0 2586 2566 2553 + 4585 0 2576 2601 2612 + 4586 0 2566 2576 2543 + 4587 0 2553 2566 2532 + 4588 0 2586 2553 2573 + 4589 0 2612 2601 2648 + 4590 0 2566 2543 2532 + 4591 0 2451 2471 2484 + 4592 0 2518 2553 2532 + 4593 0 2518 2532 2497 + 4594 0 2518 2497 2484 + 4595 0 2623 2641 2662 + 4596 0 2610 2626 2655 + 4597 0 2548 2580 2575 + 4598 0 2575 2580 2607 + 4599 0 2575 2607 2584 + 4600 0 2575 2584 2551 + 4601 0 2548 2575 2551 + 4602 0 2576 2612 2596 + 4603 0 2596 2612 2642 + 4604 0 79 95 85 + 4605 0 1047 1059 1019 + 4606 0 706 738 748 + 4607 0 1697 1675 1659 + 4608 0 402 441 413 + 4609 0 413 441 453 + 4610 0 402 413 376 + 4611 0 413 453 424 + 4612 0 376 413 385 + 4613 0 402 376 349 + 4614 0 413 424 385 + 4615 0 376 385 338 + 4616 0 385 424 405 + 4617 0 405 424 445 + 4618 0 385 405 367 + 4619 0 445 424 469 + 4620 0 367 405 372 + 4621 0 385 367 338 + 4622 0 469 424 453 + 4623 0 372 405 418 + 4624 0 367 372 333 + 4625 0 418 405 445 + 4626 0 372 418 398 + 4627 0 418 445 460 + 4628 0 460 445 488 + 4629 0 418 460 438 + 4630 0 488 445 469 + 4631 0 460 488 502 + 4632 0 460 502 481 + 4633 0 1578 1541 1556 + 4634 0 1985 1949 1974 + 4635 0 1974 1949 1939 + 4636 0 1985 1974 2009 + 4637 0 1939 1949 1913 + 4638 0 1913 1949 1925 + 4639 0 1939 1913 1903 + 4640 0 1913 1925 1890 + 4641 0 1903 1913 1876 + 4642 0 1913 1890 1876 + 4643 0 1903 1876 1868 + 4644 0 1876 1890 1854 + 4645 0 1868 1876 1841 + 4646 0 1854 1890 1864 + 4647 0 1876 1854 1841 + 4648 0 1868 1841 1832 + 4649 0 1854 1864 1829 + 4650 0 1841 1854 1813 + 4651 0 1832 1841 1807 + 4652 0 1854 1829 1813 + 4653 0 1841 1813 1807 + 4654 0 1832 1807 1796 + 4655 0 1832 1796 1824 + 4656 0 2651 2671 2637 + 4657 0 2467 2500 2486 + 4658 0 2467 2486 2447 + 4659 0 193 182 206 + 4660 0 47 36 42 + 4661 0 2511 2545 2527 + 4662 0 2527 2545 2562 + 4663 0 2511 2527 2492 + 4664 0 2527 2562 2544 + 4665 0 2492 2527 2509 + 4666 0 2511 2492 2476 + 4667 0 2527 2544 2509 + 4668 0 2492 2509 2474 + 4669 0 2476 2492 2457 + 4670 0 2509 2544 2524 + 4671 0 2474 2509 2490 + 4672 0 2457 2492 2474 + 4673 0 2457 2474 2437 + 4674 0 2437 2474 2454 + 4675 0 2544 2562 2587 + 4676 0 2587 2562 2598 + 4677 0 2544 2587 2559 + 4678 0 2587 2627 2625 + 4679 0 2511 2476 2495 + 4680 0 2049 2044 2076 + 4681 0 2076 2044 2074 + 4682 0 2049 2076 2080 + 4683 0 2074 2044 2042 + 4684 0 2080 2076 2109 + 4685 0 2049 2080 2050 + 4686 0 2042 2044 2012 + 4687 0 2080 2109 2113 + 4688 0 2050 2080 2085 + 4689 0 2049 2050 2017 + 4690 0 2113 2109 2143 + 4691 0 2080 2113 2085 + 4692 0 2017 2050 2020 + 4693 0 2113 2143 2145 + 4694 0 2145 2143 2175 + 4695 0 331 333 372 + 4696 0 913 877 907 + 4697 0 2629 2627 2598 + 4698 0 246 254 268 + 4699 0 268 254 277 + 4700 0 528 572 560 + 4701 0 1321 1347 1357 + 4702 0 1357 1347 1385 + 4703 0 1321 1357 1339 + 4704 0 1357 1385 1398 + 4705 0 1339 1357 1375 + 4706 0 1357 1398 1375 + 4707 0 1339 1375 1348 + 4708 0 597 561 563 + 4709 0 1990 1972 2008 + 4710 0 1199 1215 1178 + 4711 0 1178 1215 1191 + 4712 0 2204 2188 2224 + 4713 0 208 184 213 + 4714 0 2359 2382 2405 + 4715 0 20 14 22 + 4716 0 22 14 18 + 4717 0 2468 2464 2496 + 4718 0 2468 2496 2501 + 4719 0 2501 2496 2529 + 4720 0 2501 2529 2530 + 4721 0 2530 2529 2560 + 4722 0 2501 2530 2506 + 4723 0 2530 2560 2542 + 4724 0 2530 2542 2506 + 4725 0 1390 1419 1383 + 4726 0 1175 1212 1181 + 4727 0 614 571 595 + 4728 0 1445 1451 1480 + 4729 0 2650 2648 2617 + 4730 0 2362 2381 2399 + 4731 0 2399 2381 2415 + 4732 0 2415 2381 2378 + 4733 0 2362 2399 2376 + 4734 0 2376 2399 2411 + 4735 0 2411 2399 2433 + 4736 0 2433 2399 2415 + 4737 0 796 767 809 + 4738 0 1140 1107 1103 + 4739 0 965 995 1014 + 4740 0 2520 2506 2542 + 4741 0 1546 1550 1516 + 4742 0 1546 1516 1512 + 4743 0 1273 1235 1253 + 4744 0 753 796 785 + 4745 0 785 796 826 + 4746 0 753 785 732 + 4747 0 826 796 828 + 4748 0 828 796 809 + 4749 0 826 828 866 + 4750 0 785 826 811 + 4751 0 732 785 768 + 4752 0 753 732 695 + 4753 0 785 811 768 + 4754 0 732 768 724 + 4755 0 768 811 793 + 4756 0 724 768 755 + 4757 0 811 826 841 + 4758 0 841 826 879 + 4759 0 811 841 829 + 4760 0 811 829 793 + 4761 0 732 683 695 + 4762 0 2 5 4 + 4763 0 4 5 8 + 4764 0 4 8 9 + 4765 0 2 4 3 + 4766 0 2589 2608 2638 + 4767 0 42 54 47 + 4768 0 394 412 436 + 4769 0 436 412 454 + 4770 0 394 436 430 + 4771 0 454 412 432 + 4772 0 436 454 477 + 4773 0 430 436 475 + 4774 0 432 412 378 + 4775 0 436 477 475 + 4776 0 475 477 510 + 4777 0 510 477 506 + 4778 0 506 477 454 + 4779 0 394 430 381 + 4780 0 381 430 408 + 4781 0 408 430 448 + 4782 0 381 408 369 + 4783 0 369 408 414 + 4784 0 454 432 464 + 4785 0 464 432 431 + 4786 0 431 432 395 + 4787 0 395 432 378 + 4788 0 431 395 396 + 4789 0 395 378 348 + 4790 0 2454 2420 2437 + 4791 0 760 764 723 + 4792 0 723 764 769 + 4793 0 475 478 430 + 4794 0 755 716 688 + 4795 0 1675 1690 1651 + 4796 0 1675 1651 1640 + 4797 0 2188 2152 2171 + 4798 0 151 147 131 + 4799 0 151 131 133 + 4800 0 113 131 109 + 4801 0 2335 2307 2300 + 4802 0 2335 2300 2326 + 4803 0 799 751 773 + 4804 0 242 239 219 + 4805 0 242 219 224 + 4806 0 224 219 193 + 4807 0 242 224 248 + 4808 0 248 224 231 + 4809 0 231 224 206 + 4810 0 206 224 193 + 4811 0 231 206 203 + 4812 0 248 231 256 + 4813 0 256 231 240 + 4814 0 240 231 203 + 4815 0 256 240 263 + 4816 0 263 240 244 + 4817 0 221 240 203 + 4818 0 221 203 201 + 4819 0 1309 1274 1278 + 4820 0 2665 2662 2641 + 4821 0 285 306 303 + 4822 0 303 306 326 + 4823 0 285 303 283 + 4824 0 283 303 304 + 4825 0 304 303 324 + 4826 0 283 304 293 + 4827 0 293 304 317 + 4828 0 317 304 324 + 4829 0 160 185 170 + 4830 0 839 869 857 + 4831 0 1733 1697 1714 + 4832 0 1423 1387 1408 + 4833 0 2704 2707 2706 + 4834 0 10 7 12 + 4835 0 2554 2589 2569 + 4836 0 2569 2589 2603 + 4837 0 2554 2569 2534 + 4838 0 2603 2589 2638 + 4839 0 2569 2603 2582 + 4840 0 2534 2569 2547 + 4841 0 2582 2603 2632 + 4842 0 2569 2582 2547 + 4843 0 13 8 14 + 4844 0 1785 1783 1815 + 4845 0 1785 1815 1818 + 4846 0 1785 1818 1788 + 4847 0 349 358 390 + 4848 0 2595 2559 2587 + 4849 0 708 750 754 + 4850 0 578 611 554 + 4851 0 1651 1616 1640 + 4852 0 448 414 408 + 4853 0 2027 1990 2008 + 4854 0 2398 2426 2444 + 4855 0 2444 2426 2465 + 4856 0 114 96 109 + 4857 0 2302 2329 2338 + 4858 0 899 908 934 + 4859 0 934 908 943 + 4860 0 899 934 925 + 4861 0 438 398 418 + 4862 0 2638 2636 2603 + 4863 0 1277 1290 1253 + 4864 0 1253 1290 1273 + 4865 0 350 317 324 + 4866 0 695 647 655 + 4867 0 695 655 712 + 4868 0 147 159 136 + 4869 0 587 554 611 + 4870 0 1088 1065 1104 + 4871 0 1113 1075 1096 + 4872 0 817 859 838 + 4873 0 720 689 675 + 4874 0 26 35 32 + 4875 0 320 299 313 + 4876 0 313 299 294 + 4877 0 2141 2119 2104 + 4878 0 2104 2119 2083 + 4879 0 16 23 17 + 4880 0 2311 2276 2294 + 4881 0 789 800 743 + 4882 0 545 506 504 + 4883 0 504 506 454 + 4884 0 2059 2040 2078 + 4885 0 866 879 826 + 4886 0 841 879 864 + 4887 0 841 864 829 + 4888 0 154 151 133 + 4889 0 154 133 144 + 4890 0 154 144 166 + 4891 0 166 144 149 + 4892 0 86 70 71 + 4893 0 875 838 859 + 4894 0 344 370 340 + 4895 0 340 370 366 + 4896 0 340 366 337 + 4897 0 337 366 364 + 4898 0 340 337 313 + 4899 0 364 366 396 + 4900 0 337 364 348 + 4901 0 348 364 395 + 4902 0 313 337 320 + 4903 0 320 337 348 + 4904 0 364 396 395 + 4905 0 1789 1759 1756 + 4906 0 1756 1759 1725 + 4907 0 2673 2670 2649 + 4908 0 328 310 334 + 4909 0 115 135 125 + 4910 0 772 806 804 + 4911 0 1505 1465 1483 + 4912 0 956 927 960 + 4913 0 956 960 993 + 4914 0 2687 2698 2686 + 4915 0 2517 2520 2552 + 4916 0 223 225 245 + 4917 0 25 17 23 + 4918 0 16 17 10 + 4919 0 338 343 376 + 4920 0 376 343 349 + 4921 0 2625 2624 2595 + 4922 0 194 183 170 + 4923 0 615 661 649 + 4924 0 669 634 679 + 4925 0 669 679 714 + 4926 0 526 552 495 + 4927 0 1616 1597 1579 + 4928 0 2152 2114 2134 + 4929 0 2207 2224 2188 + 4930 0 2443 2444 2482 + 4931 0 139 158 155 + 4932 0 159 147 167 + 4933 0 2116 2151 2127 + 4934 0 905 893 869 + 4935 0 527 481 502 + 4936 0 1377 1380 1410 + 4937 0 2643 2642 2612 + 4938 0 276 294 282 + 4939 0 282 294 299 + 4940 0 30 21 28 + 4941 0 1191 1151 1178 + 4942 0 2036 2024 2060 + 4943 0 935 974 952 + 4944 0 11 18 14 + 4945 0 2241 2258 2204 + 4946 0 152 153 132 + 4947 0 2386 2348 2366 + 4948 0 769 776 730 + 4949 0 676 637 641 + 4950 0 1597 1578 1556 + 4951 0 215 213 190 + 4952 0 190 213 184 + 4953 0 707 660 685 + 4954 0 414 390 369 + 4955 0 2659 2655 2626 + 4956 0 2367 2359 2405 + 4957 0 683 732 724 + 4958 0 683 724 688 + 4959 0 209 237 233 + 4960 0 233 237 254 + 4961 0 901 929 940 + 4962 0 554 522 578 + 4963 0 1351 1312 1331 + 4964 0 2706 2705 2701 + 4965 0 2706 2701 2704 + 4966 0 619 616 577 + 4967 0 3 1 2 + 4968 0 324 351 350 + 4969 0 2524 2490 2509 + 4970 0 754 758 717 + 4971 0 717 758 760 + 4972 0 728 691 673 + 4973 0 644 673 617 + 4974 0 1885 1845 1870 + 4975 0 2592 2619 2579 + 4976 0 78 63 75 + 4977 0 78 88 96 + 4978 0 1571 1604 1568 + 4979 0 1568 1604 1598 + 4980 0 1598 1604 1632 + 4981 0 360 329 331 + 4982 0 2632 2631 2599 + 4983 0 2599 2631 2629 + 4984 0 439 482 472 + 4985 0 293 284 269 + 4986 0 1034 992 1013 + 4987 0 523 521 487 + 4988 0 48 62 55 + 4989 0 282 272 262 + 4990 0 262 272 249 + 4991 0 282 262 276 + 4992 0 255 262 234 + 4993 0 249 272 260 + 4994 0 158 142 164 + 4995 0 2239 2202 2221 + 4996 0 2221 2202 2185 + 4997 0 2239 2221 2258 + 4998 0 2185 2202 2166 + 4999 0 2221 2185 2204 + 5000 0 2221 2204 2258 + 5001 0 691 651 673 + 5002 0 489 487 451 + 5003 0 451 487 462 + 5004 0 462 487 485 + 5005 0 451 462 415 + 5006 0 2094 2059 2078 + 5007 0 249 222 234 + 5008 0 911 875 897 + 5009 0 40 37 29 + 5010 0 95 115 105 + 5011 0 478 448 430 + 5012 0 738 772 804 + 5013 0 1809 1790 1774 + 5014 0 1541 1505 1519 + 5015 0 2671 2687 2676 + 5016 0 2488 2517 2536 + 5017 0 9 12 7 + 5018 0 7 10 6 + 5019 0 7 6 3 + 5020 0 9 7 4 + 5021 0 333 338 367 + 5022 0 2470 2433 2458 + 5023 0 2458 2415 2449 + 5024 0 2458 2481 2493 + 5025 0 2470 2458 2493 + 5026 0 2627 2587 2598 + 5027 0 183 207 199 + 5028 0 572 615 605 + 5029 0 561 526 521 + 5030 0 1769 1733 1749 + 5031 0 2114 2094 2078 + 5032 0 184 159 167 + 5033 0 2417 2443 2438 + 5034 0 2417 2438 2405 + 5035 0 2417 2405 2382 + 5036 0 2581 2599 2629 + 5037 0 571 527 548 + 5038 0 685 713 729 + 5039 0 685 729 707 + 5040 0 2648 2643 2612 + 5041 0 1491 1458 1493 + 5042 0 1235 1191 1215 + 5043 0 2702 2700 2693 + 5044 0 428 389 404 + 5045 0 5 11 8 + 5046 0 2658 2673 2649 + 5047 0 81 85 98 + 5048 0 2420 2386 2402 + 5049 0 464 504 454 + 5050 0 716 676 688 + 5051 0 1922 1885 1905 + 5052 0 2500 2488 2536 + 5053 0 751 707 729 + 5054 0 2436 2467 2447 + 5055 0 390 402 349 + 5056 0 2662 2659 2623 + 5057 0 185 209 194 + 5058 0 365 350 383 + 5059 0 869 901 905 + 5060 0 1387 1351 1370 + 5061 0 2599 2582 2632 + 5062 0 2486 2477 2447 + 5063 0 358 369 390 + 5064 0 2551 2526 2508 + 5065 0 2559 2524 2544 + 5066 0 611 644 587 + 5067 0 1790 1769 1749 + 5068 0 2560 2592 2579 + 5069 0 398 360 372 + 5070 0 2636 2632 2603 + 5071 0 399 439 429 + 5072 0 1075 1034 1053 + 5073 0 35 48 43 + 5074 0 2276 2239 2258 + 5075 0 800 808 766 + 5076 0 793 755 768 + 5077 0 1845 1809 1834 + 5078 0 837 809 779 + 5079 0 1257 1270 1297 + 5080 0 838 799 817 + 5081 0 2670 2665 2649 + 5082 0 135 160 146 + 5083 0 1641 1636 1669 + 5084 0 1641 1669 1676 + 5085 0 806 839 857 + 5086 0 1465 1423 1447 + 5087 0 2698 2704 2696 + 5088 0 328 357 354 + 5089 0 661 708 690 + 5090 0 552 578 522 + 5091 0 2040 2027 2063 + 5092 0 136 114 126 + 5093 0 126 114 109 + 5094 0 136 126 147 + 5095 0 481 438 460 + 5096 0 2567 2552 2520 + 5097 0 2642 2638 2608 + 5098 0 2535 2521 2500 + 5099 0 382 383 350 + 5100 0 466 485 526 + 5101 0 1151 1113 1136 + 5102 0 1873 1867 1902 + 5103 0 1537 1504 1534 + 5104 0 18 26 22 + 5105 0 521 563 561 + 5106 0 2348 2311 2330 + 5107 0 637 597 603 + 5108 0 1934 1922 1958 + 5109 0 1774 1798 1809 + 5110 0 2634 2607 2639 + 5111 0 660 614 639 + 5112 0 790 748 738 + 5113 0 2655 2650 2617 + 5114 0 237 261 254 + 5115 0 254 261 277 + 5116 0 929 965 962 + 5117 0 1312 1273 1290 + 5118 0 178 195 214 + 5119 0 2490 2454 2474 + 5120 0 673 706 728 + 5121 0 1972 1934 1958 + 5122 0 2619 2651 2637 + 5123 0 2410 2436 2447 + 5124 0 63 47 64 + 5125 0 1001 962 965 + 5126 0 482 528 514 + 5127 0 992 952 974 + 5128 0 62 79 69 + 5129 0 326 324 303 + 5130 0 2366 2402 2386 + 5131 0 823 837 779 + 5132 0 1136 1178 1151 + 5133 0 183 199 175 + 5134 0 105 85 95 + 5135 0 109 131 126 + 5136 0 183 175 157 + 5137 0 14 8 11 + 5138 0 560 514 528 + 5139 0 194 170 185 + 5140 0 779 809 767 + 5141 0 563 603 597 + 5142 0 131 147 126 + 5143 0 32 22 26 + 5144 0 132 127 152 + 5145 0 723 692 760 + 5146 0 526 485 521 + 5147 0 88 109 96 + 5148 0 7 3 4 + 5149 0 688 724 755 + 5150 0 690 708 754 + 5151 0 2625 2595 2587 + 5152 0 360 331 372 +End Elements + +Begin Conditions LineCondition2D2N// GUI group identifier: _HIDDEN__SKIN_ + 1 0 898 864 + 2 0 864 829 + 3 0 829 793 + 4 0 793 755 + 5 0 755 716 + 6 0 716 676 + 7 0 676 637 + 8 0 637 597 + 9 0 597 561 + 10 0 561 526 + 11 0 673 706 + 12 0 706 738 + 13 0 738 772 + 14 0 772 806 + 15 0 806 839 + 16 0 839 869 + 17 0 869 901 + 18 0 901 929 + 19 0 929 965 + 20 0 965 995 + 21 0 208 213 + 22 0 213 215 + 23 0 215 218 + 24 0 218 226 + 25 0 226 232 + 26 0 232 241 + 27 0 241 251 + 28 0 251 260 + 29 0 260 272 + 30 0 272 282 + 31 0 412 394 + 32 0 394 381 + 33 0 381 369 + 34 0 369 358 + 35 0 358 349 + 36 0 349 343 + 37 0 343 338 + 38 0 338 333 + 39 0 333 331 + 40 0 331 329 + 41 0 329 360 + 42 0 360 398 + 43 0 398 438 + 44 0 438 481 + 45 0 481 527 + 46 0 527 571 + 47 0 571 614 + 48 0 614 660 + 49 0 660 707 + 50 0 707 751 + 51 0 751 799 + 52 0 799 838 + 53 0 838 875 + 54 0 875 911 + 55 0 911 952 + 56 0 952 992 + 57 0 992 1034 + 58 0 1034 1075 + 59 0 1075 1113 + 60 0 1113 1151 + 61 0 1151 1191 + 62 0 1191 1235 + 63 0 1235 1273 + 64 0 1273 1312 + 65 0 1312 1351 + 66 0 1351 1387 + 67 0 1387 1423 + 68 0 1423 1465 + 69 0 1465 1505 + 70 0 1505 1541 + 71 0 1541 1578 + 72 0 1578 1614 + 73 0 1614 1650 + 74 0 1650 1689 + 75 0 1689 1729 + 76 0 1729 1765 + 77 0 1765 1800 + 78 0 1800 1836 + 79 0 1836 1872 + 80 0 1872 1908 + 81 0 1908 1947 + 82 0 1947 1986 + 83 0 1986 2022 + 84 0 2022 2057 + 85 0 2057 2093 + 86 0 2093 2130 + 87 0 2130 2166 + 88 0 2166 2202 + 89 0 2202 2239 + 90 0 2239 2276 + 91 0 2276 2311 + 92 0 2311 2348 + 93 0 2348 2386 + 94 0 2386 2420 + 95 0 2420 2454 + 96 0 2454 2490 + 97 0 2490 2524 + 98 0 2524 2559 + 99 0 2559 2595 + 100 0 2595 2624 + 101 0 995 1014 + 102 0 1014 1042 + 103 0 1042 1067 + 104 0 1067 1092 + 105 0 1092 1114 + 106 0 1114 1142 + 107 0 1142 1169 + 108 0 1169 1196 + 109 0 1196 1220 + 110 0 1220 1250 + 111 0 1250 1280 + 112 0 1280 1307 + 113 0 1307 1334 + 114 0 1334 1363 + 115 0 1363 1390 + 116 0 1390 1419 + 117 0 1419 1451 + 118 0 1451 1480 + 119 0 1480 1511 + 120 0 1511 1542 + 121 0 1542 1571 + 122 0 1571 1604 + 123 0 1604 1632 + 124 0 1632 1664 + 125 0 1664 1694 + 126 0 1694 1724 + 127 0 1724 1755 + 128 0 1755 1787 + 129 0 1787 1817 + 130 0 1817 1848 + 131 0 1848 1880 + 132 0 1880 1911 + 133 0 1911 1942 + 134 0 1942 1975 + 135 0 1975 2007 + 136 0 2007 2039 + 137 0 2039 2071 + 138 0 2071 2105 + 139 0 2105 2136 + 140 0 2136 2169 + 141 0 2169 2201 + 142 0 2201 2235 + 143 0 2235 2266 + 144 0 2266 2301 + 145 0 2301 2333 + 146 0 2333 2365 + 147 0 2365 2397 + 148 0 2397 2431 + 149 0 2431 2464 + 150 0 2464 2496 + 151 0 2496 2529 + 152 0 2529 2560 + 153 0 2560 2592 + 154 0 2592 2619 + 155 0 2619 2651 + 156 0 2651 2671 + 157 0 2671 2687 + 158 0 2687 2698 + 159 0 2698 2704 + 160 0 2704 2707 + 161 0 282 299 + 162 0 299 320 + 163 0 320 348 + 164 0 348 378 + 165 0 378 412 + 166 0 526 552 + 167 0 552 578 + 168 0 578 611 + 169 0 611 644 + 170 0 644 673 + 171 0 1 3 + 172 0 3 6 + 173 0 6 10 + 174 0 10 17 + 175 0 17 25 + 176 0 25 36 + 177 0 36 47 + 178 0 47 63 + 179 0 63 78 + 180 0 78 96 + 181 0 96 114 + 182 0 114 136 + 183 0 136 159 + 184 0 159 184 + 185 0 184 208 + 186 0 750 754 + 187 0 754 758 + 188 0 758 760 + 189 0 760 764 + 190 0 764 769 + 191 0 769 776 + 192 0 776 789 + 193 0 789 800 + 194 0 800 808 + 195 0 808 823 + 196 0 823 837 + 197 0 837 847 + 198 0 847 866 + 199 0 866 879 + 200 0 879 898 + 201 0 2624 2625 + 202 0 2625 2627 + 203 0 2627 2629 + 204 0 2629 2631 + 205 0 2631 2632 + 206 0 2632 2636 + 207 0 2636 2638 + 208 0 2638 2642 + 209 0 2642 2643 + 210 0 2643 2648 + 211 0 2648 2650 + 212 0 2650 2655 + 213 0 2655 2659 + 214 0 2659 2662 + 215 0 2662 2665 + 216 0 2665 2670 + 217 0 2670 2673 + 218 0 2673 2677 + 219 0 2677 2681 + 220 0 2681 2683 + 221 0 2683 2688 + 222 0 2688 2691 + 223 0 2691 2694 + 224 0 2694 2697 + 225 0 2697 2700 + 226 0 2700 2702 + 227 0 2702 2703 + 228 0 2703 2705 + 229 0 2705 2706 + 230 0 2706 2707 +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: ControlDown +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: ControlUp +End Conditions + +Begin Conditions LineCondition2D2N// GUI group identifier: FixedWalls + 231 0 1 2 + 232 0 2 5 + 233 0 5 11 + 234 0 11 18 + 235 0 18 26 + 236 0 26 35 + 237 0 35 48 + 238 0 48 62 + 239 0 62 79 + 240 0 79 95 + 241 0 95 115 + 242 0 115 135 + 243 0 135 160 + 244 0 160 185 + 245 0 185 209 + 246 0 209 237 + 247 0 237 261 + 248 0 261 281 + 249 0 281 305 + 250 0 305 330 + 251 0 330 361 + 252 0 361 399 + 253 0 399 439 + 254 0 439 482 + 255 0 482 528 + 256 0 528 572 + 257 0 572 615 + 258 0 615 661 + 259 0 661 708 + 260 0 708 750 +End Conditions + +Begin SubModelPart GENERIC_ControlDown // Group ControlDown // Subtree GENERIC + Begin SubModelPartNodes + 526 + 552 + 561 + 578 + 597 + 611 + 637 + 644 + 673 + 676 + 706 + 716 + 738 + 755 + 772 + 793 + 806 + 829 + 839 + 864 + 869 + 898 + 901 + 929 + 965 + 995 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 166 + 167 + 168 + 169 + 170 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_ControlUp // Group ControlUp // Subtree GENERIC + Begin SubModelPartNodes + 208 + 213 + 215 + 218 + 226 + 232 + 241 + 251 + 260 + 272 + 282 + 299 + 320 + 329 + 331 + 333 + 338 + 343 + 348 + 349 + 358 + 369 + 378 + 381 + 394 + 412 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 161 + 162 + 163 + 164 + 165 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart GENERIC_FixedWalls // Group FixedWalls // Subtree GENERIC + Begin SubModelPartNodes + 1 + 2 + 3 + 5 + 6 + 10 + 11 + 17 + 18 + 25 + 26 + 35 + 36 + 47 + 48 + 62 + 63 + 78 + 79 + 95 + 96 + 114 + 115 + 135 + 136 + 159 + 160 + 184 + 185 + 208 + 209 + 237 + 261 + 281 + 305 + 329 + 330 + 360 + 361 + 398 + 399 + 438 + 439 + 481 + 482 + 527 + 528 + 571 + 572 + 614 + 615 + 660 + 661 + 707 + 708 + 750 + 751 + 754 + 758 + 760 + 764 + 769 + 776 + 789 + 799 + 800 + 808 + 823 + 837 + 838 + 847 + 866 + 875 + 879 + 898 + 911 + 952 + 992 + 995 + 1014 + 1034 + 1042 + 1067 + 1075 + 1092 + 1113 + 1114 + 1142 + 1151 + 1169 + 1191 + 1196 + 1220 + 1235 + 1250 + 1273 + 1280 + 1307 + 1312 + 1334 + 1351 + 1363 + 1387 + 1390 + 1419 + 1423 + 1451 + 1465 + 1480 + 1505 + 1511 + 1541 + 1542 + 1571 + 1578 + 1604 + 1614 + 1632 + 1650 + 1664 + 1689 + 1694 + 1724 + 1729 + 1755 + 1765 + 1787 + 1800 + 1817 + 1836 + 1848 + 1872 + 1880 + 1908 + 1911 + 1942 + 1947 + 1975 + 1986 + 2007 + 2022 + 2039 + 2057 + 2071 + 2093 + 2105 + 2130 + 2136 + 2166 + 2169 + 2201 + 2202 + 2235 + 2239 + 2266 + 2276 + 2301 + 2311 + 2333 + 2348 + 2365 + 2386 + 2397 + 2420 + 2431 + 2454 + 2464 + 2490 + 2496 + 2524 + 2529 + 2559 + 2560 + 2592 + 2595 + 2619 + 2624 + 2625 + 2627 + 2629 + 2631 + 2632 + 2636 + 2638 + 2642 + 2643 + 2648 + 2650 + 2651 + 2655 + 2659 + 2662 + 2665 + 2670 + 2671 + 2673 + 2677 + 2681 + 2683 + 2687 + 2688 + 2691 + 2694 + 2697 + 2698 + 2700 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart FluidParts_Volume // Group Volume // Subtree FluidParts + Begin SubModelPartNodes + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + 231 + 232 + 233 + 234 + 235 + 236 + 237 + 238 + 239 + 240 + 241 + 242 + 243 + 244 + 245 + 246 + 247 + 248 + 249 + 250 + 251 + 252 + 253 + 254 + 255 + 256 + 257 + 258 + 259 + 260 + 261 + 262 + 263 + 264 + 265 + 266 + 267 + 268 + 269 + 270 + 271 + 272 + 273 + 274 + 275 + 276 + 277 + 278 + 279 + 280 + 281 + 282 + 283 + 284 + 285 + 286 + 287 + 288 + 289 + 290 + 291 + 292 + 293 + 294 + 295 + 296 + 297 + 298 + 299 + 300 + 301 + 302 + 303 + 304 + 305 + 306 + 307 + 308 + 309 + 310 + 311 + 312 + 313 + 314 + 315 + 316 + 317 + 318 + 319 + 320 + 321 + 322 + 323 + 324 + 325 + 326 + 327 + 328 + 329 + 330 + 331 + 332 + 333 + 334 + 335 + 336 + 337 + 338 + 339 + 340 + 341 + 342 + 343 + 344 + 345 + 346 + 347 + 348 + 349 + 350 + 351 + 352 + 353 + 354 + 355 + 356 + 357 + 358 + 359 + 360 + 361 + 362 + 363 + 364 + 365 + 366 + 367 + 368 + 369 + 370 + 371 + 372 + 373 + 374 + 375 + 376 + 377 + 378 + 379 + 380 + 381 + 382 + 383 + 384 + 385 + 386 + 387 + 388 + 389 + 390 + 391 + 392 + 393 + 394 + 395 + 396 + 397 + 398 + 399 + 400 + 401 + 402 + 403 + 404 + 405 + 406 + 407 + 408 + 409 + 410 + 411 + 412 + 413 + 414 + 415 + 416 + 417 + 418 + 419 + 420 + 421 + 422 + 423 + 424 + 425 + 426 + 427 + 428 + 429 + 430 + 431 + 432 + 433 + 434 + 435 + 436 + 437 + 438 + 439 + 440 + 441 + 442 + 443 + 444 + 445 + 446 + 447 + 448 + 449 + 450 + 451 + 452 + 453 + 454 + 455 + 456 + 457 + 458 + 459 + 460 + 461 + 462 + 463 + 464 + 465 + 466 + 467 + 468 + 469 + 470 + 471 + 472 + 473 + 474 + 475 + 476 + 477 + 478 + 479 + 480 + 481 + 482 + 483 + 484 + 485 + 486 + 487 + 488 + 489 + 490 + 491 + 492 + 493 + 494 + 495 + 496 + 497 + 498 + 499 + 500 + 501 + 502 + 503 + 504 + 505 + 506 + 507 + 508 + 509 + 510 + 511 + 512 + 513 + 514 + 515 + 516 + 517 + 518 + 519 + 520 + 521 + 522 + 523 + 524 + 525 + 526 + 527 + 528 + 529 + 530 + 531 + 532 + 533 + 534 + 535 + 536 + 537 + 538 + 539 + 540 + 541 + 542 + 543 + 544 + 545 + 546 + 547 + 548 + 549 + 550 + 551 + 552 + 553 + 554 + 555 + 556 + 557 + 558 + 559 + 560 + 561 + 562 + 563 + 564 + 565 + 566 + 567 + 568 + 569 + 570 + 571 + 572 + 573 + 574 + 575 + 576 + 577 + 578 + 579 + 580 + 581 + 582 + 583 + 584 + 585 + 586 + 587 + 588 + 589 + 590 + 591 + 592 + 593 + 594 + 595 + 596 + 597 + 598 + 599 + 600 + 601 + 602 + 603 + 604 + 605 + 606 + 607 + 608 + 609 + 610 + 611 + 612 + 613 + 614 + 615 + 616 + 617 + 618 + 619 + 620 + 621 + 622 + 623 + 624 + 625 + 626 + 627 + 628 + 629 + 630 + 631 + 632 + 633 + 634 + 635 + 636 + 637 + 638 + 639 + 640 + 641 + 642 + 643 + 644 + 645 + 646 + 647 + 648 + 649 + 650 + 651 + 652 + 653 + 654 + 655 + 656 + 657 + 658 + 659 + 660 + 661 + 662 + 663 + 664 + 665 + 666 + 667 + 668 + 669 + 670 + 671 + 672 + 673 + 674 + 675 + 676 + 677 + 678 + 679 + 680 + 681 + 682 + 683 + 684 + 685 + 686 + 687 + 688 + 689 + 690 + 691 + 692 + 693 + 694 + 695 + 696 + 697 + 698 + 699 + 700 + 701 + 702 + 703 + 704 + 705 + 706 + 707 + 708 + 709 + 710 + 711 + 712 + 713 + 714 + 715 + 716 + 717 + 718 + 719 + 720 + 721 + 722 + 723 + 724 + 725 + 726 + 727 + 728 + 729 + 730 + 731 + 732 + 733 + 734 + 735 + 736 + 737 + 738 + 739 + 740 + 741 + 742 + 743 + 744 + 745 + 746 + 747 + 748 + 749 + 750 + 751 + 752 + 753 + 754 + 755 + 756 + 757 + 758 + 759 + 760 + 761 + 762 + 763 + 764 + 765 + 766 + 767 + 768 + 769 + 770 + 771 + 772 + 773 + 774 + 775 + 776 + 777 + 778 + 779 + 780 + 781 + 782 + 783 + 784 + 785 + 786 + 787 + 788 + 789 + 790 + 791 + 792 + 793 + 794 + 795 + 796 + 797 + 798 + 799 + 800 + 801 + 802 + 803 + 804 + 805 + 806 + 807 + 808 + 809 + 810 + 811 + 812 + 813 + 814 + 815 + 816 + 817 + 818 + 819 + 820 + 821 + 822 + 823 + 824 + 825 + 826 + 827 + 828 + 829 + 830 + 831 + 832 + 833 + 834 + 835 + 836 + 837 + 838 + 839 + 840 + 841 + 842 + 843 + 844 + 845 + 846 + 847 + 848 + 849 + 850 + 851 + 852 + 853 + 854 + 855 + 856 + 857 + 858 + 859 + 860 + 861 + 862 + 863 + 864 + 865 + 866 + 867 + 868 + 869 + 870 + 871 + 872 + 873 + 874 + 875 + 876 + 877 + 878 + 879 + 880 + 881 + 882 + 883 + 884 + 885 + 886 + 887 + 888 + 889 + 890 + 891 + 892 + 893 + 894 + 895 + 896 + 897 + 898 + 899 + 900 + 901 + 902 + 903 + 904 + 905 + 906 + 907 + 908 + 909 + 910 + 911 + 912 + 913 + 914 + 915 + 916 + 917 + 918 + 919 + 920 + 921 + 922 + 923 + 924 + 925 + 926 + 927 + 928 + 929 + 930 + 931 + 932 + 933 + 934 + 935 + 936 + 937 + 938 + 939 + 940 + 941 + 942 + 943 + 944 + 945 + 946 + 947 + 948 + 949 + 950 + 951 + 952 + 953 + 954 + 955 + 956 + 957 + 958 + 959 + 960 + 961 + 962 + 963 + 964 + 965 + 966 + 967 + 968 + 969 + 970 + 971 + 972 + 973 + 974 + 975 + 976 + 977 + 978 + 979 + 980 + 981 + 982 + 983 + 984 + 985 + 986 + 987 + 988 + 989 + 990 + 991 + 992 + 993 + 994 + 995 + 996 + 997 + 998 + 999 + 1000 + 1001 + 1002 + 1003 + 1004 + 1005 + 1006 + 1007 + 1008 + 1009 + 1010 + 1011 + 1012 + 1013 + 1014 + 1015 + 1016 + 1017 + 1018 + 1019 + 1020 + 1021 + 1022 + 1023 + 1024 + 1025 + 1026 + 1027 + 1028 + 1029 + 1030 + 1031 + 1032 + 1033 + 1034 + 1035 + 1036 + 1037 + 1038 + 1039 + 1040 + 1041 + 1042 + 1043 + 1044 + 1045 + 1046 + 1047 + 1048 + 1049 + 1050 + 1051 + 1052 + 1053 + 1054 + 1055 + 1056 + 1057 + 1058 + 1059 + 1060 + 1061 + 1062 + 1063 + 1064 + 1065 + 1066 + 1067 + 1068 + 1069 + 1070 + 1071 + 1072 + 1073 + 1074 + 1075 + 1076 + 1077 + 1078 + 1079 + 1080 + 1081 + 1082 + 1083 + 1084 + 1085 + 1086 + 1087 + 1088 + 1089 + 1090 + 1091 + 1092 + 1093 + 1094 + 1095 + 1096 + 1097 + 1098 + 1099 + 1100 + 1101 + 1102 + 1103 + 1104 + 1105 + 1106 + 1107 + 1108 + 1109 + 1110 + 1111 + 1112 + 1113 + 1114 + 1115 + 1116 + 1117 + 1118 + 1119 + 1120 + 1121 + 1122 + 1123 + 1124 + 1125 + 1126 + 1127 + 1128 + 1129 + 1130 + 1131 + 1132 + 1133 + 1134 + 1135 + 1136 + 1137 + 1138 + 1139 + 1140 + 1141 + 1142 + 1143 + 1144 + 1145 + 1146 + 1147 + 1148 + 1149 + 1150 + 1151 + 1152 + 1153 + 1154 + 1155 + 1156 + 1157 + 1158 + 1159 + 1160 + 1161 + 1162 + 1163 + 1164 + 1165 + 1166 + 1167 + 1168 + 1169 + 1170 + 1171 + 1172 + 1173 + 1174 + 1175 + 1176 + 1177 + 1178 + 1179 + 1180 + 1181 + 1182 + 1183 + 1184 + 1185 + 1186 + 1187 + 1188 + 1189 + 1190 + 1191 + 1192 + 1193 + 1194 + 1195 + 1196 + 1197 + 1198 + 1199 + 1200 + 1201 + 1202 + 1203 + 1204 + 1205 + 1206 + 1207 + 1208 + 1209 + 1210 + 1211 + 1212 + 1213 + 1214 + 1215 + 1216 + 1217 + 1218 + 1219 + 1220 + 1221 + 1222 + 1223 + 1224 + 1225 + 1226 + 1227 + 1228 + 1229 + 1230 + 1231 + 1232 + 1233 + 1234 + 1235 + 1236 + 1237 + 1238 + 1239 + 1240 + 1241 + 1242 + 1243 + 1244 + 1245 + 1246 + 1247 + 1248 + 1249 + 1250 + 1251 + 1252 + 1253 + 1254 + 1255 + 1256 + 1257 + 1258 + 1259 + 1260 + 1261 + 1262 + 1263 + 1264 + 1265 + 1266 + 1267 + 1268 + 1269 + 1270 + 1271 + 1272 + 1273 + 1274 + 1275 + 1276 + 1277 + 1278 + 1279 + 1280 + 1281 + 1282 + 1283 + 1284 + 1285 + 1286 + 1287 + 1288 + 1289 + 1290 + 1291 + 1292 + 1293 + 1294 + 1295 + 1296 + 1297 + 1298 + 1299 + 1300 + 1301 + 1302 + 1303 + 1304 + 1305 + 1306 + 1307 + 1308 + 1309 + 1310 + 1311 + 1312 + 1313 + 1314 + 1315 + 1316 + 1317 + 1318 + 1319 + 1320 + 1321 + 1322 + 1323 + 1324 + 1325 + 1326 + 1327 + 1328 + 1329 + 1330 + 1331 + 1332 + 1333 + 1334 + 1335 + 1336 + 1337 + 1338 + 1339 + 1340 + 1341 + 1342 + 1343 + 1344 + 1345 + 1346 + 1347 + 1348 + 1349 + 1350 + 1351 + 1352 + 1353 + 1354 + 1355 + 1356 + 1357 + 1358 + 1359 + 1360 + 1361 + 1362 + 1363 + 1364 + 1365 + 1366 + 1367 + 1368 + 1369 + 1370 + 1371 + 1372 + 1373 + 1374 + 1375 + 1376 + 1377 + 1378 + 1379 + 1380 + 1381 + 1382 + 1383 + 1384 + 1385 + 1386 + 1387 + 1388 + 1389 + 1390 + 1391 + 1392 + 1393 + 1394 + 1395 + 1396 + 1397 + 1398 + 1399 + 1400 + 1401 + 1402 + 1403 + 1404 + 1405 + 1406 + 1407 + 1408 + 1409 + 1410 + 1411 + 1412 + 1413 + 1414 + 1415 + 1416 + 1417 + 1418 + 1419 + 1420 + 1421 + 1422 + 1423 + 1424 + 1425 + 1426 + 1427 + 1428 + 1429 + 1430 + 1431 + 1432 + 1433 + 1434 + 1435 + 1436 + 1437 + 1438 + 1439 + 1440 + 1441 + 1442 + 1443 + 1444 + 1445 + 1446 + 1447 + 1448 + 1449 + 1450 + 1451 + 1452 + 1453 + 1454 + 1455 + 1456 + 1457 + 1458 + 1459 + 1460 + 1461 + 1462 + 1463 + 1464 + 1465 + 1466 + 1467 + 1468 + 1469 + 1470 + 1471 + 1472 + 1473 + 1474 + 1475 + 1476 + 1477 + 1478 + 1479 + 1480 + 1481 + 1482 + 1483 + 1484 + 1485 + 1486 + 1487 + 1488 + 1489 + 1490 + 1491 + 1492 + 1493 + 1494 + 1495 + 1496 + 1497 + 1498 + 1499 + 1500 + 1501 + 1502 + 1503 + 1504 + 1505 + 1506 + 1507 + 1508 + 1509 + 1510 + 1511 + 1512 + 1513 + 1514 + 1515 + 1516 + 1517 + 1518 + 1519 + 1520 + 1521 + 1522 + 1523 + 1524 + 1525 + 1526 + 1527 + 1528 + 1529 + 1530 + 1531 + 1532 + 1533 + 1534 + 1535 + 1536 + 1537 + 1538 + 1539 + 1540 + 1541 + 1542 + 1543 + 1544 + 1545 + 1546 + 1547 + 1548 + 1549 + 1550 + 1551 + 1552 + 1553 + 1554 + 1555 + 1556 + 1557 + 1558 + 1559 + 1560 + 1561 + 1562 + 1563 + 1564 + 1565 + 1566 + 1567 + 1568 + 1569 + 1570 + 1571 + 1572 + 1573 + 1574 + 1575 + 1576 + 1577 + 1578 + 1579 + 1580 + 1581 + 1582 + 1583 + 1584 + 1585 + 1586 + 1587 + 1588 + 1589 + 1590 + 1591 + 1592 + 1593 + 1594 + 1595 + 1596 + 1597 + 1598 + 1599 + 1600 + 1601 + 1602 + 1603 + 1604 + 1605 + 1606 + 1607 + 1608 + 1609 + 1610 + 1611 + 1612 + 1613 + 1614 + 1615 + 1616 + 1617 + 1618 + 1619 + 1620 + 1621 + 1622 + 1623 + 1624 + 1625 + 1626 + 1627 + 1628 + 1629 + 1630 + 1631 + 1632 + 1633 + 1634 + 1635 + 1636 + 1637 + 1638 + 1639 + 1640 + 1641 + 1642 + 1643 + 1644 + 1645 + 1646 + 1647 + 1648 + 1649 + 1650 + 1651 + 1652 + 1653 + 1654 + 1655 + 1656 + 1657 + 1658 + 1659 + 1660 + 1661 + 1662 + 1663 + 1664 + 1665 + 1666 + 1667 + 1668 + 1669 + 1670 + 1671 + 1672 + 1673 + 1674 + 1675 + 1676 + 1677 + 1678 + 1679 + 1680 + 1681 + 1682 + 1683 + 1684 + 1685 + 1686 + 1687 + 1688 + 1689 + 1690 + 1691 + 1692 + 1693 + 1694 + 1695 + 1696 + 1697 + 1698 + 1699 + 1700 + 1701 + 1702 + 1703 + 1704 + 1705 + 1706 + 1707 + 1708 + 1709 + 1710 + 1711 + 1712 + 1713 + 1714 + 1715 + 1716 + 1717 + 1718 + 1719 + 1720 + 1721 + 1722 + 1723 + 1724 + 1725 + 1726 + 1727 + 1728 + 1729 + 1730 + 1731 + 1732 + 1733 + 1734 + 1735 + 1736 + 1737 + 1738 + 1739 + 1740 + 1741 + 1742 + 1743 + 1744 + 1745 + 1746 + 1747 + 1748 + 1749 + 1750 + 1751 + 1752 + 1753 + 1754 + 1755 + 1756 + 1757 + 1758 + 1759 + 1760 + 1761 + 1762 + 1763 + 1764 + 1765 + 1766 + 1767 + 1768 + 1769 + 1770 + 1771 + 1772 + 1773 + 1774 + 1775 + 1776 + 1777 + 1778 + 1779 + 1780 + 1781 + 1782 + 1783 + 1784 + 1785 + 1786 + 1787 + 1788 + 1789 + 1790 + 1791 + 1792 + 1793 + 1794 + 1795 + 1796 + 1797 + 1798 + 1799 + 1800 + 1801 + 1802 + 1803 + 1804 + 1805 + 1806 + 1807 + 1808 + 1809 + 1810 + 1811 + 1812 + 1813 + 1814 + 1815 + 1816 + 1817 + 1818 + 1819 + 1820 + 1821 + 1822 + 1823 + 1824 + 1825 + 1826 + 1827 + 1828 + 1829 + 1830 + 1831 + 1832 + 1833 + 1834 + 1835 + 1836 + 1837 + 1838 + 1839 + 1840 + 1841 + 1842 + 1843 + 1844 + 1845 + 1846 + 1847 + 1848 + 1849 + 1850 + 1851 + 1852 + 1853 + 1854 + 1855 + 1856 + 1857 + 1858 + 1859 + 1860 + 1861 + 1862 + 1863 + 1864 + 1865 + 1866 + 1867 + 1868 + 1869 + 1870 + 1871 + 1872 + 1873 + 1874 + 1875 + 1876 + 1877 + 1878 + 1879 + 1880 + 1881 + 1882 + 1883 + 1884 + 1885 + 1886 + 1887 + 1888 + 1889 + 1890 + 1891 + 1892 + 1893 + 1894 + 1895 + 1896 + 1897 + 1898 + 1899 + 1900 + 1901 + 1902 + 1903 + 1904 + 1905 + 1906 + 1907 + 1908 + 1909 + 1910 + 1911 + 1912 + 1913 + 1914 + 1915 + 1916 + 1917 + 1918 + 1919 + 1920 + 1921 + 1922 + 1923 + 1924 + 1925 + 1926 + 1927 + 1928 + 1929 + 1930 + 1931 + 1932 + 1933 + 1934 + 1935 + 1936 + 1937 + 1938 + 1939 + 1940 + 1941 + 1942 + 1943 + 1944 + 1945 + 1946 + 1947 + 1948 + 1949 + 1950 + 1951 + 1952 + 1953 + 1954 + 1955 + 1956 + 1957 + 1958 + 1959 + 1960 + 1961 + 1962 + 1963 + 1964 + 1965 + 1966 + 1967 + 1968 + 1969 + 1970 + 1971 + 1972 + 1973 + 1974 + 1975 + 1976 + 1977 + 1978 + 1979 + 1980 + 1981 + 1982 + 1983 + 1984 + 1985 + 1986 + 1987 + 1988 + 1989 + 1990 + 1991 + 1992 + 1993 + 1994 + 1995 + 1996 + 1997 + 1998 + 1999 + 2000 + 2001 + 2002 + 2003 + 2004 + 2005 + 2006 + 2007 + 2008 + 2009 + 2010 + 2011 + 2012 + 2013 + 2014 + 2015 + 2016 + 2017 + 2018 + 2019 + 2020 + 2021 + 2022 + 2023 + 2024 + 2025 + 2026 + 2027 + 2028 + 2029 + 2030 + 2031 + 2032 + 2033 + 2034 + 2035 + 2036 + 2037 + 2038 + 2039 + 2040 + 2041 + 2042 + 2043 + 2044 + 2045 + 2046 + 2047 + 2048 + 2049 + 2050 + 2051 + 2052 + 2053 + 2054 + 2055 + 2056 + 2057 + 2058 + 2059 + 2060 + 2061 + 2062 + 2063 + 2064 + 2065 + 2066 + 2067 + 2068 + 2069 + 2070 + 2071 + 2072 + 2073 + 2074 + 2075 + 2076 + 2077 + 2078 + 2079 + 2080 + 2081 + 2082 + 2083 + 2084 + 2085 + 2086 + 2087 + 2088 + 2089 + 2090 + 2091 + 2092 + 2093 + 2094 + 2095 + 2096 + 2097 + 2098 + 2099 + 2100 + 2101 + 2102 + 2103 + 2104 + 2105 + 2106 + 2107 + 2108 + 2109 + 2110 + 2111 + 2112 + 2113 + 2114 + 2115 + 2116 + 2117 + 2118 + 2119 + 2120 + 2121 + 2122 + 2123 + 2124 + 2125 + 2126 + 2127 + 2128 + 2129 + 2130 + 2131 + 2132 + 2133 + 2134 + 2135 + 2136 + 2137 + 2138 + 2139 + 2140 + 2141 + 2142 + 2143 + 2144 + 2145 + 2146 + 2147 + 2148 + 2149 + 2150 + 2151 + 2152 + 2153 + 2154 + 2155 + 2156 + 2157 + 2158 + 2159 + 2160 + 2161 + 2162 + 2163 + 2164 + 2165 + 2166 + 2167 + 2168 + 2169 + 2170 + 2171 + 2172 + 2173 + 2174 + 2175 + 2176 + 2177 + 2178 + 2179 + 2180 + 2181 + 2182 + 2183 + 2184 + 2185 + 2186 + 2187 + 2188 + 2189 + 2190 + 2191 + 2192 + 2193 + 2194 + 2195 + 2196 + 2197 + 2198 + 2199 + 2200 + 2201 + 2202 + 2203 + 2204 + 2205 + 2206 + 2207 + 2208 + 2209 + 2210 + 2211 + 2212 + 2213 + 2214 + 2215 + 2216 + 2217 + 2218 + 2219 + 2220 + 2221 + 2222 + 2223 + 2224 + 2225 + 2226 + 2227 + 2228 + 2229 + 2230 + 2231 + 2232 + 2233 + 2234 + 2235 + 2236 + 2237 + 2238 + 2239 + 2240 + 2241 + 2242 + 2243 + 2244 + 2245 + 2246 + 2247 + 2248 + 2249 + 2250 + 2251 + 2252 + 2253 + 2254 + 2255 + 2256 + 2257 + 2258 + 2259 + 2260 + 2261 + 2262 + 2263 + 2264 + 2265 + 2266 + 2267 + 2268 + 2269 + 2270 + 2271 + 2272 + 2273 + 2274 + 2275 + 2276 + 2277 + 2278 + 2279 + 2280 + 2281 + 2282 + 2283 + 2284 + 2285 + 2286 + 2287 + 2288 + 2289 + 2290 + 2291 + 2292 + 2293 + 2294 + 2295 + 2296 + 2297 + 2298 + 2299 + 2300 + 2301 + 2302 + 2303 + 2304 + 2305 + 2306 + 2307 + 2308 + 2309 + 2310 + 2311 + 2312 + 2313 + 2314 + 2315 + 2316 + 2317 + 2318 + 2319 + 2320 + 2321 + 2322 + 2323 + 2324 + 2325 + 2326 + 2327 + 2328 + 2329 + 2330 + 2331 + 2332 + 2333 + 2334 + 2335 + 2336 + 2337 + 2338 + 2339 + 2340 + 2341 + 2342 + 2343 + 2344 + 2345 + 2346 + 2347 + 2348 + 2349 + 2350 + 2351 + 2352 + 2353 + 2354 + 2355 + 2356 + 2357 + 2358 + 2359 + 2360 + 2361 + 2362 + 2363 + 2364 + 2365 + 2366 + 2367 + 2368 + 2369 + 2370 + 2371 + 2372 + 2373 + 2374 + 2375 + 2376 + 2377 + 2378 + 2379 + 2380 + 2381 + 2382 + 2383 + 2384 + 2385 + 2386 + 2387 + 2388 + 2389 + 2390 + 2391 + 2392 + 2393 + 2394 + 2395 + 2396 + 2397 + 2398 + 2399 + 2400 + 2401 + 2402 + 2403 + 2404 + 2405 + 2406 + 2407 + 2408 + 2409 + 2410 + 2411 + 2412 + 2413 + 2414 + 2415 + 2416 + 2417 + 2418 + 2419 + 2420 + 2421 + 2422 + 2423 + 2424 + 2425 + 2426 + 2427 + 2428 + 2429 + 2430 + 2431 + 2432 + 2433 + 2434 + 2435 + 2436 + 2437 + 2438 + 2439 + 2440 + 2441 + 2442 + 2443 + 2444 + 2445 + 2446 + 2447 + 2448 + 2449 + 2450 + 2451 + 2452 + 2453 + 2454 + 2455 + 2456 + 2457 + 2458 + 2459 + 2460 + 2461 + 2462 + 2463 + 2464 + 2465 + 2466 + 2467 + 2468 + 2469 + 2470 + 2471 + 2472 + 2473 + 2474 + 2475 + 2476 + 2477 + 2478 + 2479 + 2480 + 2481 + 2482 + 2483 + 2484 + 2485 + 2486 + 2487 + 2488 + 2489 + 2490 + 2491 + 2492 + 2493 + 2494 + 2495 + 2496 + 2497 + 2498 + 2499 + 2500 + 2501 + 2502 + 2503 + 2504 + 2505 + 2506 + 2507 + 2508 + 2509 + 2510 + 2511 + 2512 + 2513 + 2514 + 2515 + 2516 + 2517 + 2518 + 2519 + 2520 + 2521 + 2522 + 2523 + 2524 + 2525 + 2526 + 2527 + 2528 + 2529 + 2530 + 2531 + 2532 + 2533 + 2534 + 2535 + 2536 + 2537 + 2538 + 2539 + 2540 + 2541 + 2542 + 2543 + 2544 + 2545 + 2546 + 2547 + 2548 + 2549 + 2550 + 2551 + 2552 + 2553 + 2554 + 2555 + 2556 + 2557 + 2558 + 2559 + 2560 + 2561 + 2562 + 2563 + 2564 + 2565 + 2566 + 2567 + 2568 + 2569 + 2570 + 2571 + 2572 + 2573 + 2574 + 2575 + 2576 + 2577 + 2578 + 2579 + 2580 + 2581 + 2582 + 2583 + 2584 + 2585 + 2586 + 2587 + 2588 + 2589 + 2590 + 2591 + 2592 + 2593 + 2594 + 2595 + 2596 + 2597 + 2598 + 2599 + 2600 + 2601 + 2602 + 2603 + 2604 + 2605 + 2606 + 2607 + 2608 + 2609 + 2610 + 2611 + 2612 + 2613 + 2614 + 2615 + 2616 + 2617 + 2618 + 2619 + 2620 + 2621 + 2622 + 2623 + 2624 + 2625 + 2626 + 2627 + 2628 + 2629 + 2630 + 2631 + 2632 + 2633 + 2634 + 2635 + 2636 + 2637 + 2638 + 2639 + 2640 + 2641 + 2642 + 2643 + 2644 + 2645 + 2646 + 2647 + 2648 + 2649 + 2650 + 2651 + 2652 + 2653 + 2654 + 2655 + 2656 + 2657 + 2658 + 2659 + 2660 + 2661 + 2662 + 2663 + 2664 + 2665 + 2666 + 2667 + 2668 + 2669 + 2670 + 2671 + 2672 + 2673 + 2674 + 2675 + 2676 + 2677 + 2678 + 2679 + 2680 + 2681 + 2682 + 2683 + 2684 + 2685 + 2686 + 2687 + 2688 + 2689 + 2690 + 2691 + 2692 + 2693 + 2694 + 2695 + 2696 + 2697 + 2698 + 2699 + 2700 + 2701 + 2702 + 2703 + 2704 + 2705 + 2706 + 2707 + 2708 + 2709 + 2710 + 2711 + 2712 + 2713 + 2714 + 2715 + 2716 + 2717 + 2718 + 2719 + 2720 + 2721 + 2722 + 2723 + 2724 + 2725 + 2726 + 2727 + 2728 + 2729 + 2730 + 2731 + 2732 + 2733 + 2734 + 2735 + 2736 + 2737 + 2738 + 2739 + 2740 + 2741 + 2742 + 2743 + 2744 + 2745 + 2746 + 2747 + 2748 + 2749 + 2750 + 2751 + 2752 + 2753 + 2754 + 2755 + 2756 + 2757 + 2758 + 2759 + 2760 + 2761 + 2762 + 2763 + 2764 + 2765 + 2766 + 2767 + 2768 + 2769 + 2770 + 2771 + 2772 + 2773 + 2774 + 2775 + 2776 + 2777 + 2778 + 2779 + 2780 + 2781 + 2782 + 2783 + 2784 + 2785 + 2786 + 2787 + 2788 + 2789 + 2790 + 2791 + 2792 + 2793 + 2794 + 2795 + 2796 + 2797 + 2798 + 2799 + 2800 + 2801 + 2802 + 2803 + 2804 + 2805 + 2806 + 2807 + 2808 + 2809 + 2810 + 2811 + 2812 + 2813 + 2814 + 2815 + 2816 + 2817 + 2818 + 2819 + 2820 + 2821 + 2822 + 2823 + 2824 + 2825 + 2826 + 2827 + 2828 + 2829 + 2830 + 2831 + 2832 + 2833 + 2834 + 2835 + 2836 + 2837 + 2838 + 2839 + 2840 + 2841 + 2842 + 2843 + 2844 + 2845 + 2846 + 2847 + 2848 + 2849 + 2850 + 2851 + 2852 + 2853 + 2854 + 2855 + 2856 + 2857 + 2858 + 2859 + 2860 + 2861 + 2862 + 2863 + 2864 + 2865 + 2866 + 2867 + 2868 + 2869 + 2870 + 2871 + 2872 + 2873 + 2874 + 2875 + 2876 + 2877 + 2878 + 2879 + 2880 + 2881 + 2882 + 2883 + 2884 + 2885 + 2886 + 2887 + 2888 + 2889 + 2890 + 2891 + 2892 + 2893 + 2894 + 2895 + 2896 + 2897 + 2898 + 2899 + 2900 + 2901 + 2902 + 2903 + 2904 + 2905 + 2906 + 2907 + 2908 + 2909 + 2910 + 2911 + 2912 + 2913 + 2914 + 2915 + 2916 + 2917 + 2918 + 2919 + 2920 + 2921 + 2922 + 2923 + 2924 + 2925 + 2926 + 2927 + 2928 + 2929 + 2930 + 2931 + 2932 + 2933 + 2934 + 2935 + 2936 + 2937 + 2938 + 2939 + 2940 + 2941 + 2942 + 2943 + 2944 + 2945 + 2946 + 2947 + 2948 + 2949 + 2950 + 2951 + 2952 + 2953 + 2954 + 2955 + 2956 + 2957 + 2958 + 2959 + 2960 + 2961 + 2962 + 2963 + 2964 + 2965 + 2966 + 2967 + 2968 + 2969 + 2970 + 2971 + 2972 + 2973 + 2974 + 2975 + 2976 + 2977 + 2978 + 2979 + 2980 + 2981 + 2982 + 2983 + 2984 + 2985 + 2986 + 2987 + 2988 + 2989 + 2990 + 2991 + 2992 + 2993 + 2994 + 2995 + 2996 + 2997 + 2998 + 2999 + 3000 + 3001 + 3002 + 3003 + 3004 + 3005 + 3006 + 3007 + 3008 + 3009 + 3010 + 3011 + 3012 + 3013 + 3014 + 3015 + 3016 + 3017 + 3018 + 3019 + 3020 + 3021 + 3022 + 3023 + 3024 + 3025 + 3026 + 3027 + 3028 + 3029 + 3030 + 3031 + 3032 + 3033 + 3034 + 3035 + 3036 + 3037 + 3038 + 3039 + 3040 + 3041 + 3042 + 3043 + 3044 + 3045 + 3046 + 3047 + 3048 + 3049 + 3050 + 3051 + 3052 + 3053 + 3054 + 3055 + 3056 + 3057 + 3058 + 3059 + 3060 + 3061 + 3062 + 3063 + 3064 + 3065 + 3066 + 3067 + 3068 + 3069 + 3070 + 3071 + 3072 + 3073 + 3074 + 3075 + 3076 + 3077 + 3078 + 3079 + 3080 + 3081 + 3082 + 3083 + 3084 + 3085 + 3086 + 3087 + 3088 + 3089 + 3090 + 3091 + 3092 + 3093 + 3094 + 3095 + 3096 + 3097 + 3098 + 3099 + 3100 + 3101 + 3102 + 3103 + 3104 + 3105 + 3106 + 3107 + 3108 + 3109 + 3110 + 3111 + 3112 + 3113 + 3114 + 3115 + 3116 + 3117 + 3118 + 3119 + 3120 + 3121 + 3122 + 3123 + 3124 + 3125 + 3126 + 3127 + 3128 + 3129 + 3130 + 3131 + 3132 + 3133 + 3134 + 3135 + 3136 + 3137 + 3138 + 3139 + 3140 + 3141 + 3142 + 3143 + 3144 + 3145 + 3146 + 3147 + 3148 + 3149 + 3150 + 3151 + 3152 + 3153 + 3154 + 3155 + 3156 + 3157 + 3158 + 3159 + 3160 + 3161 + 3162 + 3163 + 3164 + 3165 + 3166 + 3167 + 3168 + 3169 + 3170 + 3171 + 3172 + 3173 + 3174 + 3175 + 3176 + 3177 + 3178 + 3179 + 3180 + 3181 + 3182 + 3183 + 3184 + 3185 + 3186 + 3187 + 3188 + 3189 + 3190 + 3191 + 3192 + 3193 + 3194 + 3195 + 3196 + 3197 + 3198 + 3199 + 3200 + 3201 + 3202 + 3203 + 3204 + 3205 + 3206 + 3207 + 3208 + 3209 + 3210 + 3211 + 3212 + 3213 + 3214 + 3215 + 3216 + 3217 + 3218 + 3219 + 3220 + 3221 + 3222 + 3223 + 3224 + 3225 + 3226 + 3227 + 3228 + 3229 + 3230 + 3231 + 3232 + 3233 + 3234 + 3235 + 3236 + 3237 + 3238 + 3239 + 3240 + 3241 + 3242 + 3243 + 3244 + 3245 + 3246 + 3247 + 3248 + 3249 + 3250 + 3251 + 3252 + 3253 + 3254 + 3255 + 3256 + 3257 + 3258 + 3259 + 3260 + 3261 + 3262 + 3263 + 3264 + 3265 + 3266 + 3267 + 3268 + 3269 + 3270 + 3271 + 3272 + 3273 + 3274 + 3275 + 3276 + 3277 + 3278 + 3279 + 3280 + 3281 + 3282 + 3283 + 3284 + 3285 + 3286 + 3287 + 3288 + 3289 + 3290 + 3291 + 3292 + 3293 + 3294 + 3295 + 3296 + 3297 + 3298 + 3299 + 3300 + 3301 + 3302 + 3303 + 3304 + 3305 + 3306 + 3307 + 3308 + 3309 + 3310 + 3311 + 3312 + 3313 + 3314 + 3315 + 3316 + 3317 + 3318 + 3319 + 3320 + 3321 + 3322 + 3323 + 3324 + 3325 + 3326 + 3327 + 3328 + 3329 + 3330 + 3331 + 3332 + 3333 + 3334 + 3335 + 3336 + 3337 + 3338 + 3339 + 3340 + 3341 + 3342 + 3343 + 3344 + 3345 + 3346 + 3347 + 3348 + 3349 + 3350 + 3351 + 3352 + 3353 + 3354 + 3355 + 3356 + 3357 + 3358 + 3359 + 3360 + 3361 + 3362 + 3363 + 3364 + 3365 + 3366 + 3367 + 3368 + 3369 + 3370 + 3371 + 3372 + 3373 + 3374 + 3375 + 3376 + 3377 + 3378 + 3379 + 3380 + 3381 + 3382 + 3383 + 3384 + 3385 + 3386 + 3387 + 3388 + 3389 + 3390 + 3391 + 3392 + 3393 + 3394 + 3395 + 3396 + 3397 + 3398 + 3399 + 3400 + 3401 + 3402 + 3403 + 3404 + 3405 + 3406 + 3407 + 3408 + 3409 + 3410 + 3411 + 3412 + 3413 + 3414 + 3415 + 3416 + 3417 + 3418 + 3419 + 3420 + 3421 + 3422 + 3423 + 3424 + 3425 + 3426 + 3427 + 3428 + 3429 + 3430 + 3431 + 3432 + 3433 + 3434 + 3435 + 3436 + 3437 + 3438 + 3439 + 3440 + 3441 + 3442 + 3443 + 3444 + 3445 + 3446 + 3447 + 3448 + 3449 + 3450 + 3451 + 3452 + 3453 + 3454 + 3455 + 3456 + 3457 + 3458 + 3459 + 3460 + 3461 + 3462 + 3463 + 3464 + 3465 + 3466 + 3467 + 3468 + 3469 + 3470 + 3471 + 3472 + 3473 + 3474 + 3475 + 3476 + 3477 + 3478 + 3479 + 3480 + 3481 + 3482 + 3483 + 3484 + 3485 + 3486 + 3487 + 3488 + 3489 + 3490 + 3491 + 3492 + 3493 + 3494 + 3495 + 3496 + 3497 + 3498 + 3499 + 3500 + 3501 + 3502 + 3503 + 3504 + 3505 + 3506 + 3507 + 3508 + 3509 + 3510 + 3511 + 3512 + 3513 + 3514 + 3515 + 3516 + 3517 + 3518 + 3519 + 3520 + 3521 + 3522 + 3523 + 3524 + 3525 + 3526 + 3527 + 3528 + 3529 + 3530 + 3531 + 3532 + 3533 + 3534 + 3535 + 3536 + 3537 + 3538 + 3539 + 3540 + 3541 + 3542 + 3543 + 3544 + 3545 + 3546 + 3547 + 3548 + 3549 + 3550 + 3551 + 3552 + 3553 + 3554 + 3555 + 3556 + 3557 + 3558 + 3559 + 3560 + 3561 + 3562 + 3563 + 3564 + 3565 + 3566 + 3567 + 3568 + 3569 + 3570 + 3571 + 3572 + 3573 + 3574 + 3575 + 3576 + 3577 + 3578 + 3579 + 3580 + 3581 + 3582 + 3583 + 3584 + 3585 + 3586 + 3587 + 3588 + 3589 + 3590 + 3591 + 3592 + 3593 + 3594 + 3595 + 3596 + 3597 + 3598 + 3599 + 3600 + 3601 + 3602 + 3603 + 3604 + 3605 + 3606 + 3607 + 3608 + 3609 + 3610 + 3611 + 3612 + 3613 + 3614 + 3615 + 3616 + 3617 + 3618 + 3619 + 3620 + 3621 + 3622 + 3623 + 3624 + 3625 + 3626 + 3627 + 3628 + 3629 + 3630 + 3631 + 3632 + 3633 + 3634 + 3635 + 3636 + 3637 + 3638 + 3639 + 3640 + 3641 + 3642 + 3643 + 3644 + 3645 + 3646 + 3647 + 3648 + 3649 + 3650 + 3651 + 3652 + 3653 + 3654 + 3655 + 3656 + 3657 + 3658 + 3659 + 3660 + 3661 + 3662 + 3663 + 3664 + 3665 + 3666 + 3667 + 3668 + 3669 + 3670 + 3671 + 3672 + 3673 + 3674 + 3675 + 3676 + 3677 + 3678 + 3679 + 3680 + 3681 + 3682 + 3683 + 3684 + 3685 + 3686 + 3687 + 3688 + 3689 + 3690 + 3691 + 3692 + 3693 + 3694 + 3695 + 3696 + 3697 + 3698 + 3699 + 3700 + 3701 + 3702 + 3703 + 3704 + 3705 + 3706 + 3707 + 3708 + 3709 + 3710 + 3711 + 3712 + 3713 + 3714 + 3715 + 3716 + 3717 + 3718 + 3719 + 3720 + 3721 + 3722 + 3723 + 3724 + 3725 + 3726 + 3727 + 3728 + 3729 + 3730 + 3731 + 3732 + 3733 + 3734 + 3735 + 3736 + 3737 + 3738 + 3739 + 3740 + 3741 + 3742 + 3743 + 3744 + 3745 + 3746 + 3747 + 3748 + 3749 + 3750 + 3751 + 3752 + 3753 + 3754 + 3755 + 3756 + 3757 + 3758 + 3759 + 3760 + 3761 + 3762 + 3763 + 3764 + 3765 + 3766 + 3767 + 3768 + 3769 + 3770 + 3771 + 3772 + 3773 + 3774 + 3775 + 3776 + 3777 + 3778 + 3779 + 3780 + 3781 + 3782 + 3783 + 3784 + 3785 + 3786 + 3787 + 3788 + 3789 + 3790 + 3791 + 3792 + 3793 + 3794 + 3795 + 3796 + 3797 + 3798 + 3799 + 3800 + 3801 + 3802 + 3803 + 3804 + 3805 + 3806 + 3807 + 3808 + 3809 + 3810 + 3811 + 3812 + 3813 + 3814 + 3815 + 3816 + 3817 + 3818 + 3819 + 3820 + 3821 + 3822 + 3823 + 3824 + 3825 + 3826 + 3827 + 3828 + 3829 + 3830 + 3831 + 3832 + 3833 + 3834 + 3835 + 3836 + 3837 + 3838 + 3839 + 3840 + 3841 + 3842 + 3843 + 3844 + 3845 + 3846 + 3847 + 3848 + 3849 + 3850 + 3851 + 3852 + 3853 + 3854 + 3855 + 3856 + 3857 + 3858 + 3859 + 3860 + 3861 + 3862 + 3863 + 3864 + 3865 + 3866 + 3867 + 3868 + 3869 + 3870 + 3871 + 3872 + 3873 + 3874 + 3875 + 3876 + 3877 + 3878 + 3879 + 3880 + 3881 + 3882 + 3883 + 3884 + 3885 + 3886 + 3887 + 3888 + 3889 + 3890 + 3891 + 3892 + 3893 + 3894 + 3895 + 3896 + 3897 + 3898 + 3899 + 3900 + 3901 + 3902 + 3903 + 3904 + 3905 + 3906 + 3907 + 3908 + 3909 + 3910 + 3911 + 3912 + 3913 + 3914 + 3915 + 3916 + 3917 + 3918 + 3919 + 3920 + 3921 + 3922 + 3923 + 3924 + 3925 + 3926 + 3927 + 3928 + 3929 + 3930 + 3931 + 3932 + 3933 + 3934 + 3935 + 3936 + 3937 + 3938 + 3939 + 3940 + 3941 + 3942 + 3943 + 3944 + 3945 + 3946 + 3947 + 3948 + 3949 + 3950 + 3951 + 3952 + 3953 + 3954 + 3955 + 3956 + 3957 + 3958 + 3959 + 3960 + 3961 + 3962 + 3963 + 3964 + 3965 + 3966 + 3967 + 3968 + 3969 + 3970 + 3971 + 3972 + 3973 + 3974 + 3975 + 3976 + 3977 + 3978 + 3979 + 3980 + 3981 + 3982 + 3983 + 3984 + 3985 + 3986 + 3987 + 3988 + 3989 + 3990 + 3991 + 3992 + 3993 + 3994 + 3995 + 3996 + 3997 + 3998 + 3999 + 4000 + 4001 + 4002 + 4003 + 4004 + 4005 + 4006 + 4007 + 4008 + 4009 + 4010 + 4011 + 4012 + 4013 + 4014 + 4015 + 4016 + 4017 + 4018 + 4019 + 4020 + 4021 + 4022 + 4023 + 4024 + 4025 + 4026 + 4027 + 4028 + 4029 + 4030 + 4031 + 4032 + 4033 + 4034 + 4035 + 4036 + 4037 + 4038 + 4039 + 4040 + 4041 + 4042 + 4043 + 4044 + 4045 + 4046 + 4047 + 4048 + 4049 + 4050 + 4051 + 4052 + 4053 + 4054 + 4055 + 4056 + 4057 + 4058 + 4059 + 4060 + 4061 + 4062 + 4063 + 4064 + 4065 + 4066 + 4067 + 4068 + 4069 + 4070 + 4071 + 4072 + 4073 + 4074 + 4075 + 4076 + 4077 + 4078 + 4079 + 4080 + 4081 + 4082 + 4083 + 4084 + 4085 + 4086 + 4087 + 4088 + 4089 + 4090 + 4091 + 4092 + 4093 + 4094 + 4095 + 4096 + 4097 + 4098 + 4099 + 4100 + 4101 + 4102 + 4103 + 4104 + 4105 + 4106 + 4107 + 4108 + 4109 + 4110 + 4111 + 4112 + 4113 + 4114 + 4115 + 4116 + 4117 + 4118 + 4119 + 4120 + 4121 + 4122 + 4123 + 4124 + 4125 + 4126 + 4127 + 4128 + 4129 + 4130 + 4131 + 4132 + 4133 + 4134 + 4135 + 4136 + 4137 + 4138 + 4139 + 4140 + 4141 + 4142 + 4143 + 4144 + 4145 + 4146 + 4147 + 4148 + 4149 + 4150 + 4151 + 4152 + 4153 + 4154 + 4155 + 4156 + 4157 + 4158 + 4159 + 4160 + 4161 + 4162 + 4163 + 4164 + 4165 + 4166 + 4167 + 4168 + 4169 + 4170 + 4171 + 4172 + 4173 + 4174 + 4175 + 4176 + 4177 + 4178 + 4179 + 4180 + 4181 + 4182 + 4183 + 4184 + 4185 + 4186 + 4187 + 4188 + 4189 + 4190 + 4191 + 4192 + 4193 + 4194 + 4195 + 4196 + 4197 + 4198 + 4199 + 4200 + 4201 + 4202 + 4203 + 4204 + 4205 + 4206 + 4207 + 4208 + 4209 + 4210 + 4211 + 4212 + 4213 + 4214 + 4215 + 4216 + 4217 + 4218 + 4219 + 4220 + 4221 + 4222 + 4223 + 4224 + 4225 + 4226 + 4227 + 4228 + 4229 + 4230 + 4231 + 4232 + 4233 + 4234 + 4235 + 4236 + 4237 + 4238 + 4239 + 4240 + 4241 + 4242 + 4243 + 4244 + 4245 + 4246 + 4247 + 4248 + 4249 + 4250 + 4251 + 4252 + 4253 + 4254 + 4255 + 4256 + 4257 + 4258 + 4259 + 4260 + 4261 + 4262 + 4263 + 4264 + 4265 + 4266 + 4267 + 4268 + 4269 + 4270 + 4271 + 4272 + 4273 + 4274 + 4275 + 4276 + 4277 + 4278 + 4279 + 4280 + 4281 + 4282 + 4283 + 4284 + 4285 + 4286 + 4287 + 4288 + 4289 + 4290 + 4291 + 4292 + 4293 + 4294 + 4295 + 4296 + 4297 + 4298 + 4299 + 4300 + 4301 + 4302 + 4303 + 4304 + 4305 + 4306 + 4307 + 4308 + 4309 + 4310 + 4311 + 4312 + 4313 + 4314 + 4315 + 4316 + 4317 + 4318 + 4319 + 4320 + 4321 + 4322 + 4323 + 4324 + 4325 + 4326 + 4327 + 4328 + 4329 + 4330 + 4331 + 4332 + 4333 + 4334 + 4335 + 4336 + 4337 + 4338 + 4339 + 4340 + 4341 + 4342 + 4343 + 4344 + 4345 + 4346 + 4347 + 4348 + 4349 + 4350 + 4351 + 4352 + 4353 + 4354 + 4355 + 4356 + 4357 + 4358 + 4359 + 4360 + 4361 + 4362 + 4363 + 4364 + 4365 + 4366 + 4367 + 4368 + 4369 + 4370 + 4371 + 4372 + 4373 + 4374 + 4375 + 4376 + 4377 + 4378 + 4379 + 4380 + 4381 + 4382 + 4383 + 4384 + 4385 + 4386 + 4387 + 4388 + 4389 + 4390 + 4391 + 4392 + 4393 + 4394 + 4395 + 4396 + 4397 + 4398 + 4399 + 4400 + 4401 + 4402 + 4403 + 4404 + 4405 + 4406 + 4407 + 4408 + 4409 + 4410 + 4411 + 4412 + 4413 + 4414 + 4415 + 4416 + 4417 + 4418 + 4419 + 4420 + 4421 + 4422 + 4423 + 4424 + 4425 + 4426 + 4427 + 4428 + 4429 + 4430 + 4431 + 4432 + 4433 + 4434 + 4435 + 4436 + 4437 + 4438 + 4439 + 4440 + 4441 + 4442 + 4443 + 4444 + 4445 + 4446 + 4447 + 4448 + 4449 + 4450 + 4451 + 4452 + 4453 + 4454 + 4455 + 4456 + 4457 + 4458 + 4459 + 4460 + 4461 + 4462 + 4463 + 4464 + 4465 + 4466 + 4467 + 4468 + 4469 + 4470 + 4471 + 4472 + 4473 + 4474 + 4475 + 4476 + 4477 + 4478 + 4479 + 4480 + 4481 + 4482 + 4483 + 4484 + 4485 + 4486 + 4487 + 4488 + 4489 + 4490 + 4491 + 4492 + 4493 + 4494 + 4495 + 4496 + 4497 + 4498 + 4499 + 4500 + 4501 + 4502 + 4503 + 4504 + 4505 + 4506 + 4507 + 4508 + 4509 + 4510 + 4511 + 4512 + 4513 + 4514 + 4515 + 4516 + 4517 + 4518 + 4519 + 4520 + 4521 + 4522 + 4523 + 4524 + 4525 + 4526 + 4527 + 4528 + 4529 + 4530 + 4531 + 4532 + 4533 + 4534 + 4535 + 4536 + 4537 + 4538 + 4539 + 4540 + 4541 + 4542 + 4543 + 4544 + 4545 + 4546 + 4547 + 4548 + 4549 + 4550 + 4551 + 4552 + 4553 + 4554 + 4555 + 4556 + 4557 + 4558 + 4559 + 4560 + 4561 + 4562 + 4563 + 4564 + 4565 + 4566 + 4567 + 4568 + 4569 + 4570 + 4571 + 4572 + 4573 + 4574 + 4575 + 4576 + 4577 + 4578 + 4579 + 4580 + 4581 + 4582 + 4583 + 4584 + 4585 + 4586 + 4587 + 4588 + 4589 + 4590 + 4591 + 4592 + 4593 + 4594 + 4595 + 4596 + 4597 + 4598 + 4599 + 4600 + 4601 + 4602 + 4603 + 4604 + 4605 + 4606 + 4607 + 4608 + 4609 + 4610 + 4611 + 4612 + 4613 + 4614 + 4615 + 4616 + 4617 + 4618 + 4619 + 4620 + 4621 + 4622 + 4623 + 4624 + 4625 + 4626 + 4627 + 4628 + 4629 + 4630 + 4631 + 4632 + 4633 + 4634 + 4635 + 4636 + 4637 + 4638 + 4639 + 4640 + 4641 + 4642 + 4643 + 4644 + 4645 + 4646 + 4647 + 4648 + 4649 + 4650 + 4651 + 4652 + 4653 + 4654 + 4655 + 4656 + 4657 + 4658 + 4659 + 4660 + 4661 + 4662 + 4663 + 4664 + 4665 + 4666 + 4667 + 4668 + 4669 + 4670 + 4671 + 4672 + 4673 + 4674 + 4675 + 4676 + 4677 + 4678 + 4679 + 4680 + 4681 + 4682 + 4683 + 4684 + 4685 + 4686 + 4687 + 4688 + 4689 + 4690 + 4691 + 4692 + 4693 + 4694 + 4695 + 4696 + 4697 + 4698 + 4699 + 4700 + 4701 + 4702 + 4703 + 4704 + 4705 + 4706 + 4707 + 4708 + 4709 + 4710 + 4711 + 4712 + 4713 + 4714 + 4715 + 4716 + 4717 + 4718 + 4719 + 4720 + 4721 + 4722 + 4723 + 4724 + 4725 + 4726 + 4727 + 4728 + 4729 + 4730 + 4731 + 4732 + 4733 + 4734 + 4735 + 4736 + 4737 + 4738 + 4739 + 4740 + 4741 + 4742 + 4743 + 4744 + 4745 + 4746 + 4747 + 4748 + 4749 + 4750 + 4751 + 4752 + 4753 + 4754 + 4755 + 4756 + 4757 + 4758 + 4759 + 4760 + 4761 + 4762 + 4763 + 4764 + 4765 + 4766 + 4767 + 4768 + 4769 + 4770 + 4771 + 4772 + 4773 + 4774 + 4775 + 4776 + 4777 + 4778 + 4779 + 4780 + 4781 + 4782 + 4783 + 4784 + 4785 + 4786 + 4787 + 4788 + 4789 + 4790 + 4791 + 4792 + 4793 + 4794 + 4795 + 4796 + 4797 + 4798 + 4799 + 4800 + 4801 + 4802 + 4803 + 4804 + 4805 + 4806 + 4807 + 4808 + 4809 + 4810 + 4811 + 4812 + 4813 + 4814 + 4815 + 4816 + 4817 + 4818 + 4819 + 4820 + 4821 + 4822 + 4823 + 4824 + 4825 + 4826 + 4827 + 4828 + 4829 + 4830 + 4831 + 4832 + 4833 + 4834 + 4835 + 4836 + 4837 + 4838 + 4839 + 4840 + 4841 + 4842 + 4843 + 4844 + 4845 + 4846 + 4847 + 4848 + 4849 + 4850 + 4851 + 4852 + 4853 + 4854 + 4855 + 4856 + 4857 + 4858 + 4859 + 4860 + 4861 + 4862 + 4863 + 4864 + 4865 + 4866 + 4867 + 4868 + 4869 + 4870 + 4871 + 4872 + 4873 + 4874 + 4875 + 4876 + 4877 + 4878 + 4879 + 4880 + 4881 + 4882 + 4883 + 4884 + 4885 + 4886 + 4887 + 4888 + 4889 + 4890 + 4891 + 4892 + 4893 + 4894 + 4895 + 4896 + 4897 + 4898 + 4899 + 4900 + 4901 + 4902 + 4903 + 4904 + 4905 + 4906 + 4907 + 4908 + 4909 + 4910 + 4911 + 4912 + 4913 + 4914 + 4915 + 4916 + 4917 + 4918 + 4919 + 4920 + 4921 + 4922 + 4923 + 4924 + 4925 + 4926 + 4927 + 4928 + 4929 + 4930 + 4931 + 4932 + 4933 + 4934 + 4935 + 4936 + 4937 + 4938 + 4939 + 4940 + 4941 + 4942 + 4943 + 4944 + 4945 + 4946 + 4947 + 4948 + 4949 + 4950 + 4951 + 4952 + 4953 + 4954 + 4955 + 4956 + 4957 + 4958 + 4959 + 4960 + 4961 + 4962 + 4963 + 4964 + 4965 + 4966 + 4967 + 4968 + 4969 + 4970 + 4971 + 4972 + 4973 + 4974 + 4975 + 4976 + 4977 + 4978 + 4979 + 4980 + 4981 + 4982 + 4983 + 4984 + 4985 + 4986 + 4987 + 4988 + 4989 + 4990 + 4991 + 4992 + 4993 + 4994 + 4995 + 4996 + 4997 + 4998 + 4999 + 5000 + 5001 + 5002 + 5003 + 5004 + 5005 + 5006 + 5007 + 5008 + 5009 + 5010 + 5011 + 5012 + 5013 + 5014 + 5015 + 5016 + 5017 + 5018 + 5019 + 5020 + 5021 + 5022 + 5023 + 5024 + 5025 + 5026 + 5027 + 5028 + 5029 + 5030 + 5031 + 5032 + 5033 + 5034 + 5035 + 5036 + 5037 + 5038 + 5039 + 5040 + 5041 + 5042 + 5043 + 5044 + 5045 + 5046 + 5047 + 5048 + 5049 + 5050 + 5051 + 5052 + 5053 + 5054 + 5055 + 5056 + 5057 + 5058 + 5059 + 5060 + 5061 + 5062 + 5063 + 5064 + 5065 + 5066 + 5067 + 5068 + 5069 + 5070 + 5071 + 5072 + 5073 + 5074 + 5075 + 5076 + 5077 + 5078 + 5079 + 5080 + 5081 + 5082 + 5083 + 5084 + 5085 + 5086 + 5087 + 5088 + 5089 + 5090 + 5091 + 5092 + 5093 + 5094 + 5095 + 5096 + 5097 + 5098 + 5099 + 5100 + 5101 + 5102 + 5103 + 5104 + 5105 + 5106 + 5107 + 5108 + 5109 + 5110 + 5111 + 5112 + 5113 + 5114 + 5115 + 5116 + 5117 + 5118 + 5119 + 5120 + 5121 + 5122 + 5123 + 5124 + 5125 + 5126 + 5127 + 5128 + 5129 + 5130 + 5131 + 5132 + 5133 + 5134 + 5135 + 5136 + 5137 + 5138 + 5139 + 5140 + 5141 + 5142 + 5143 + 5144 + 5145 + 5146 + 5147 + 5148 + 5149 + 5150 + 5151 + 5152 + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart Outlet2D_Outlet // Group Outlet // Subtree Outlet2D + Begin SubModelPartNodes + 2624 + 2625 + 2627 + 2629 + 2631 + 2632 + 2636 + 2638 + 2642 + 2643 + 2648 + 2650 + 2655 + 2659 + 2662 + 2665 + 2670 + 2673 + 2677 + 2681 + 2683 + 2688 + 2691 + 2694 + 2697 + 2700 + 2702 + 2703 + 2705 + 2706 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 201 + 202 + 203 + 204 + 205 + 206 + 207 + 208 + 209 + 210 + 211 + 212 + 213 + 214 + 215 + 216 + 217 + 218 + 219 + 220 + 221 + 222 + 223 + 224 + 225 + 226 + 227 + 228 + 229 + 230 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart NoSlip2D_No_Slip_Auto1 // Group No Slip Auto1 // Subtree NoSlip2D + Begin SubModelPartNodes + 1 + 3 + 6 + 10 + 17 + 25 + 36 + 47 + 63 + 78 + 96 + 114 + 136 + 159 + 184 + 208 + 213 + 215 + 218 + 226 + 232 + 241 + 251 + 260 + 272 + 282 + 299 + 320 + 329 + 331 + 333 + 338 + 343 + 348 + 349 + 358 + 360 + 369 + 378 + 381 + 394 + 398 + 412 + 438 + 481 + 526 + 527 + 552 + 561 + 571 + 578 + 597 + 611 + 614 + 637 + 644 + 660 + 673 + 676 + 706 + 707 + 716 + 738 + 750 + 751 + 754 + 755 + 758 + 760 + 764 + 769 + 772 + 776 + 789 + 793 + 799 + 800 + 806 + 808 + 823 + 829 + 837 + 838 + 839 + 847 + 864 + 866 + 869 + 875 + 879 + 898 + 901 + 911 + 929 + 952 + 965 + 992 + 995 + 1014 + 1034 + 1042 + 1067 + 1075 + 1092 + 1113 + 1114 + 1142 + 1151 + 1169 + 1191 + 1196 + 1220 + 1235 + 1250 + 1273 + 1280 + 1307 + 1312 + 1334 + 1351 + 1363 + 1387 + 1390 + 1419 + 1423 + 1451 + 1465 + 1480 + 1505 + 1511 + 1541 + 1542 + 1571 + 1578 + 1604 + 1614 + 1632 + 1650 + 1664 + 1689 + 1694 + 1724 + 1729 + 1755 + 1765 + 1787 + 1800 + 1817 + 1836 + 1848 + 1872 + 1880 + 1908 + 1911 + 1942 + 1947 + 1975 + 1986 + 2007 + 2022 + 2039 + 2057 + 2071 + 2093 + 2105 + 2130 + 2136 + 2166 + 2169 + 2201 + 2202 + 2235 + 2239 + 2266 + 2276 + 2301 + 2311 + 2333 + 2348 + 2365 + 2386 + 2397 + 2420 + 2431 + 2454 + 2464 + 2490 + 2496 + 2524 + 2529 + 2559 + 2560 + 2592 + 2595 + 2619 + 2624 + 2651 + 2671 + 2687 + 2698 + 2704 + 2707 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + 1 + 2 + 3 + 4 + 5 + 6 + 7 + 8 + 9 + 10 + 11 + 12 + 13 + 14 + 15 + 16 + 17 + 18 + 19 + 20 + 21 + 22 + 23 + 24 + 25 + 26 + 27 + 28 + 29 + 30 + 31 + 32 + 33 + 34 + 35 + 36 + 37 + 38 + 39 + 40 + 41 + 42 + 43 + 44 + 45 + 46 + 47 + 48 + 49 + 50 + 51 + 52 + 53 + 54 + 55 + 56 + 57 + 58 + 59 + 60 + 61 + 62 + 63 + 64 + 65 + 66 + 67 + 68 + 69 + 70 + 71 + 72 + 73 + 74 + 75 + 76 + 77 + 78 + 79 + 80 + 81 + 82 + 83 + 84 + 85 + 86 + 87 + 88 + 89 + 90 + 91 + 92 + 93 + 94 + 95 + 96 + 97 + 98 + 99 + 100 + 101 + 102 + 103 + 104 + 105 + 106 + 107 + 108 + 109 + 110 + 111 + 112 + 113 + 114 + 115 + 116 + 117 + 118 + 119 + 120 + 121 + 122 + 123 + 124 + 125 + 126 + 127 + 128 + 129 + 130 + 131 + 132 + 133 + 134 + 135 + 136 + 137 + 138 + 139 + 140 + 141 + 142 + 143 + 144 + 145 + 146 + 147 + 148 + 149 + 150 + 151 + 152 + 153 + 154 + 155 + 156 + 157 + 158 + 159 + 160 + 161 + 162 + 163 + 164 + 165 + 166 + 167 + 168 + 169 + 170 + 171 + 172 + 173 + 174 + 175 + 176 + 177 + 178 + 179 + 180 + 181 + 182 + 183 + 184 + 185 + 186 + 187 + 188 + 189 + 190 + 191 + 192 + 193 + 194 + 195 + 196 + 197 + 198 + 199 + 200 + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Total // Group Inlet//Total // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 11 + 18 + 26 + 35 + 48 + 62 + 79 + 95 + 115 + 135 + 160 + 185 + 209 + 237 + 261 + 281 + 305 + 330 + 361 + 399 + 439 + 482 + 528 + 572 + 615 + 661 + 708 + 750 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart +Begin SubModelPart VelocityConstraints2D_Inlet-Custom2 // Group Inlet//Custom2 // Subtree VelocityConstraints2D + Begin SubModelPartNodes + 1 + 2 + 5 + 11 + 18 + 26 + 35 + 48 + 62 + 79 + 95 + 115 + 135 + 160 + 185 + 209 + 237 + 261 + 281 + 305 + 330 + 361 + 399 + 439 + 482 + 528 + 572 + 615 + 661 + 708 + 750 + End SubModelPartNodes + Begin SubModelPartElements + End SubModelPartElements + Begin SubModelPartConditions + End SubModelPartConditions +End SubModelPart diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters.json new file mode 100644 index 00000000..28091bcf --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters.json @@ -0,0 +1,143 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data" : { + "problem_name" : "NonlinearInGiD", + "parallel_type" : "OpenMP", + "echo_level" : 0, + "start_time" : 0.0, + "end_time" : 52 + }, + "output_processes" : { + "gid_output" : [{ + "python_module" : "gid_output_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "GiDOutputProcess", + "help" : "This process writes postprocessing files for GiD", + "Parameters" : { + "model_part_name" : "FluidModelPart.fluid_computational_model_part", + "output_name" : "NonlinearInGiD", + "postprocess_parameters" : { + "result_file_configuration" : { + "gidpost_flags" : { + "GiDPostMode" : "GiD_PostBinary", + "WriteDeformedMeshFlag" : "WriteDeformed", + "WriteConditionsFlag" : "WriteConditions", + "MultiFileFlag" : "SingleFile" + }, + "file_label" : "time", + "output_control_type" : "time", + "output_interval" : 0.1, + "body_output" : true, + "node_output" : false, + "skin_output" : false, + "plane_output" : [], + "nodal_results" : ["VELOCITY","PRESSURE","MESH_DISPLACEMENT"], + "gauss_point_results" : [], + "nodal_nonhistorical_results" : [] + }, + "point_data_configuration" : [] + } + } + }], + "vtk_output" : [] + }, + "solver_settings" : { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings" : { + "solver_type" : "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name" : "FluidModelPart", + "domain_size" : 2, + "solver_type" : "Monolithic", + "model_import_settings" : { + "input_type" : "mdpa", + "input_filename" : "NonlinearInGiD" + }, + "material_import_settings" : { + "materials_filename" : "FluidMaterials.json" + }, + "echo_level" : 0, + "compute_reactions" : false, + "maximum_iterations" : 10, + "relative_velocity_tolerance" : 0.001, + "absolute_velocity_tolerance" : 1e-5, + "relative_pressure_tolerance" : 0.001, + "absolute_pressure_tolerance" : 1e-5, + "volume_model_part_name" : "FluidParts_Volume", + "skin_parts" : ["Outlet2D_Outlet","NoSlip2D_No_Slip_Auto1"], + "no_skin_parts" : ["VelocityConstraints2D_Inlet-Total","VelocityConstraints2D_Inlet-Custom2"], + "time_scheme" : "bossak", + "time_stepping" : { + "automatic_time_step" : false, + "time_step" : 0.05 + }, + "formulation" : { + "element_type" : "qsvms", + "use_orthogonal_subscales" : false, + "dynamic_tau" : 1.0 + }, + "reform_dofs_at_each_step" : false + } + + }, + "processes" :{ + "initial_conditions_process_list" : [], + "boundary_conditions_process_list" : [{ + "python_module" : "apply_outlet_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyOutletProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.Outlet2D_Outlet", + "variable_name" : "PRESSURE", + "constrained" : true, + "value" : 0.0, + "hydrostatic_outlet" : false, + "h_top" : 0.0 + } + },{ + "python_module" : "apply_noslip_process", + "kratos_module" : "KratosMultiphysics.FluidDynamicsApplication", + "process_name" : "ApplyNoSlipProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.NoSlip2D_No_Slip_Auto1" + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name" : "VELOCITY", + "interval" : [0.0,1.0], + "constrained" : [true,true,true], + "value" : ["y*(3-y)*sin(pi*t*0.5)",0.0,0.0] + } + },{ + "python_module" : "assign_vector_variable_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorVariableProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.VelocityConstraints2D_Inlet-Custom2", + "variable_name" : "VELOCITY", + "interval" : [1.0,"End"], + "constrained" : [true,true,true], + "value" : ["y*(3-y)",0.0,0.0] + } + }], + "gravity" : [{ + "python_module" : "assign_vector_by_direction_process", + "kratos_module" : "KratosMultiphysics", + "process_name" : "AssignVectorByDirectionProcess", + "Parameters" : { + "model_part_name" : "FluidModelPart.FluidParts_Volume", + "variable_name" : "BODY_FORCE", + "modulus" : 0.0, + "constrained" : false, + "direction" : [0.0,-1.0,0.0] + } + }], + "auxiliar_process_list" : [] + } +} diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters_modified.json b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters_modified.json new file mode 100644 index 00000000..766f6e24 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/ProjectParameters_modified.json @@ -0,0 +1,187 @@ +{ + "analysis_stage": "KratosMultiphysics.FluidDynamicsApplication.fluid_dynamics_analysis", + "problem_data": { + "problem_name": "NonlinearInGiD", + "parallel_type": "OpenMP", + "echo_level": 0, + "start_time": 0.0, + "end_time": 52 + }, + "output_processes": { + "gid_output": [ + { + "python_module": "gid_output_process", + "kratos_module": "KratosMultiphysics", + "process_name": "GiDOutputProcess", + "help": "This process writes postprocessing files for GiD", + "Parameters": { + "model_part_name": "FluidModelPart.fluid_computational_model_part", + "output_name": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/Results/FOM", + "postprocess_parameters": { + "result_file_configuration": { + "gidpost_flags": { + "GiDPostMode": "GiD_PostBinary", + "WriteDeformedMeshFlag": "WriteDeformed", + "WriteConditionsFlag": "WriteConditions", + "MultiFileFlag": "SingleFile" + }, + "file_label": "time", + "output_control_type": "time", + "output_interval": 0.1, + "body_output": true, + "node_output": false, + "skin_output": false, + "plane_output": [], + "nodal_results": [ + "VELOCITY", + "PRESSURE", + "MESH_DISPLACEMENT" + ], + "gauss_point_results": [], + "nodal_nonhistorical_results": [] + }, + "point_data_configuration": [] + } + } + } + ], + "vtk_output": [] + }, + "solver_settings": { + "solver_type": "ale_fluid", + "ale_boundary_parts": [], + "mesh_motion_solver_settings": { + "solver_type": "structural_similarity" + }, + "fluid_solver_settings": { + "model_part_name": "FluidModelPart", + "domain_size": 2, + "solver_type": "Monolithic", + "model_import_settings": { + "input_type": "mdpa", + "input_filename": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/NonlinearInGiD" + }, + "material_import_settings": { + "materials_filename": "/home/jbravo/OtherRepos/Examples/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/ProblemFiles/FluidMaterials.json" + }, + "echo_level": 0, + "compute_reactions": false, + "maximum_iterations": 10, + "relative_velocity_tolerance": 0.001, + "absolute_velocity_tolerance": 1e-05, + "relative_pressure_tolerance": 0.001, + "absolute_pressure_tolerance": 1e-05, + "volume_model_part_name": "FluidParts_Volume", + "skin_parts": [ + "Outlet2D_Outlet", + "NoSlip2D_No_Slip_Auto1" + ], + "no_skin_parts": [ + "VelocityConstraints2D_Inlet-Total", + "VelocityConstraints2D_Inlet-Custom2" + ], + "time_scheme": "bossak", + "time_stepping": { + "automatic_time_step": false, + "time_step": 0.05 + }, + "formulation": { + "element_type": "qsvms", + "use_orthogonal_subscales": false, + "dynamic_tau": 1.0 + }, + "reform_dofs_at_each_step": false + } + }, + "processes": { + "initial_conditions_process_list": [], + "boundary_conditions_process_list": [ + { + "python_module": "apply_outlet_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyOutletProcess", + "Parameters": { + "model_part_name": "FluidModelPart.Outlet2D_Outlet", + "variable_name": "PRESSURE", + "constrained": true, + "value": 0.0, + "hydrostatic_outlet": false, + "h_top": 0.0 + } + }, + { + "python_module": "apply_noslip_process", + "kratos_module": "KratosMultiphysics.FluidDynamicsApplication", + "process_name": "ApplyNoSlipProcess", + "Parameters": { + "model_part_name": "FluidModelPart.NoSlip2D_No_Slip_Auto1" + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Total", + "variable_name": "VELOCITY", + "interval": [ + 0.0, + 1.0 + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)*sin(pi*t*0.5)", + 0.0, + 0.0 + ] + } + }, + { + "python_module": "assign_vector_variable_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorVariableProcess", + "Parameters": { + "model_part_name": "FluidModelPart.VelocityConstraints2D_Inlet-Custom2", + "variable_name": "VELOCITY", + "interval": [ + 1.0, + "End" + ], + "constrained": [ + true, + true, + true + ], + "value": [ + "y*(3-y)", + 0.0, + 0.0 + ] + } + } + ], + "gravity": [ + { + "python_module": "assign_vector_by_direction_process", + "kratos_module": "KratosMultiphysics", + "process_name": "AssignVectorByDirectionProcess", + "Parameters": { + "model_part_name": "FluidModelPart.FluidParts_Volume", + "variable_name": "BODY_FORCE", + "modulus": 0.0, + "constrained": false, + "direction": [ + 0.0, + -1.0, + 0.0 + ] + } + } + ], + "auxiliar_process_list": [] + } +} \ No newline at end of file diff --git a/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/nonlinear_mapping.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/nonlinear_mapping.py new file mode 100644 index 00000000..21b4f09d --- /dev/null +++ b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/nonlinear_mapping.py @@ -0,0 +1,122 @@ +#importing PyGeM tools +from pygem import FFD, RBF + +import numpy as np + +def set_up_phi(): + #creating a free form deformation object for each control domain + ffd_up = FFD([2,5,2]) #3D box of control points + ffd_down = FFD([2,5,2]) #3D box of control points + + #setting the centre and size of the upper box of control points + ffd_down.box_origin = np.array([1.25, 0, 0.5]) + ffd_down.box_length = np.array([1, 1.25, 1]) + + #setting the centre and size of the lower box of control points + ffd_up.box_origin = np.array([1.25, 1.75, 0.5]) + ffd_up.box_length = np.array([1, 1.25, 1]) + + return ffd_up, ffd_down + + +def phi(up,down,ffd_down,ffd_up,deformation_multiplier,scale_of_deformation): + + ### moving down free-form-deformation ### + + ffd_down.array_mu_x[0, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[0, 1, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[0, 2, 0] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_down.array_mu_x[0, 3, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[0, 4, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[0, 0, 1] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[0, 1, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[0, 2, 1] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_down.array_mu_x[0, 3, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[0, 4, 1] = deformation_multiplier*scale_of_deformation * 0.0 + + ffd_down.array_mu_y[0, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_y[0, 1, 0] = deformation_multiplier*scale_of_deformation * 0.01 + ffd_down.array_mu_y[0, 2, 0] = deformation_multiplier*scale_of_deformation * 0.015 + ffd_down.array_mu_y[0, 3, 0] = deformation_multiplier*scale_of_deformation * 0.02 + ffd_down.array_mu_y[0, 4, 0] = deformation_multiplier*scale_of_deformation * 0.025 + ffd_down.array_mu_y[0, 0, 1] = deformation_multiplier*scale_of_deformation * 0.00 + ffd_down.array_mu_y[0, 1, 1] = deformation_multiplier*scale_of_deformation * 0.01 + ffd_down.array_mu_y[0, 2, 1] = deformation_multiplier*scale_of_deformation * 0.015 + ffd_down.array_mu_y[0, 3, 1] = deformation_multiplier*scale_of_deformation * 0.02 + ffd_down.array_mu_y[0, 4, 1] = deformation_multiplier*scale_of_deformation * 0.025 + + ffd_down.array_mu_x[1, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[1, 1, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[1, 2, 0] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_down.array_mu_x[1, 3, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[1, 4, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[1, 0, 1] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_x[1, 1, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[1, 2, 1] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_down.array_mu_x[1, 3, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_down.array_mu_x[1, 4, 1] = deformation_multiplier*scale_of_deformation * 0.0 + + ffd_down.array_mu_y[1, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_down.array_mu_y[1, 1, 0] = deformation_multiplier*scale_of_deformation * 0.01 + ffd_down.array_mu_y[1, 2, 0] = deformation_multiplier*scale_of_deformation * 0.015 + ffd_down.array_mu_y[1, 3, 0] = deformation_multiplier*scale_of_deformation * 0.02 + ffd_down.array_mu_y[1, 4, 0] = deformation_multiplier*scale_of_deformation * 0.025 + ffd_down.array_mu_y[1, 0, 1] = deformation_multiplier*scale_of_deformation * 0.00 + ffd_down.array_mu_y[1, 1, 1] = deformation_multiplier*scale_of_deformation * 0.01 + ffd_down.array_mu_y[1, 2, 1] = deformation_multiplier*scale_of_deformation * 0.015 + ffd_down.array_mu_y[1, 3, 1] = deformation_multiplier*scale_of_deformation * 0.02 + ffd_down.array_mu_y[1, 4, 1] = deformation_multiplier*scale_of_deformation * 0.025 + + + ### moving up free-form-deformation ### + + ffd_up.array_mu_x[0, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[0, 1, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[0, 2, 0] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_up.array_mu_x[0, 3, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[0, 4, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[0, 0, 1] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[0, 1, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[0, 2, 1] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_up.array_mu_x[0, 3, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[0, 4, 1] = deformation_multiplier*scale_of_deformation * 0.0 + + ffd_up.array_mu_y[0, 0, 0] = -deformation_multiplier*scale_of_deformation * 0.025 + ffd_up.array_mu_y[0, 1, 0] = -deformation_multiplier*scale_of_deformation * 0.020 + ffd_up.array_mu_y[0, 2, 0] = -deformation_multiplier*scale_of_deformation * 0.015 + ffd_up.array_mu_y[0, 3, 0] = -deformation_multiplier*scale_of_deformation * 0.01 + ffd_up.array_mu_y[0, 4, 0] = -deformation_multiplier*scale_of_deformation * 0.00 + ffd_up.array_mu_y[0, 0, 1] = -deformation_multiplier*scale_of_deformation * 0.025 + ffd_up.array_mu_y[0, 1, 1] = -deformation_multiplier*scale_of_deformation * 0.020 + ffd_up.array_mu_y[0, 2, 1] = -deformation_multiplier*scale_of_deformation * 0.015 + ffd_up.array_mu_y[0, 3, 1] = -deformation_multiplier*scale_of_deformation * 0.01 + ffd_up.array_mu_y[0, 4, 1] = -deformation_multiplier*scale_of_deformation * 0.00 + + ffd_up.array_mu_x[1, 0, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[1, 1, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[1, 2, 0] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_up.array_mu_x[1, 3, 0] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[1, 4, 0] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[1, 0, 1] = deformation_multiplier*scale_of_deformation * 0.0 + ffd_up.array_mu_x[1, 1, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[1, 2, 1] = deformation_multiplier*scale_of_deformation * 0.06 + ffd_up.array_mu_x[1, 3, 1] = deformation_multiplier*scale_of_deformation * 0.04 + ffd_up.array_mu_x[1, 4, 1] = deformation_multiplier*scale_of_deformation * 0.0 + + ffd_up.array_mu_y[1, 0, 0] = -deformation_multiplier*scale_of_deformation * 0.025 + ffd_up.array_mu_y[1, 1, 0] = -deformation_multiplier*scale_of_deformation * 0.020 + ffd_up.array_mu_y[1, 2, 0] = -deformation_multiplier*scale_of_deformation * 0.015 + ffd_up.array_mu_y[1, 3, 0] = -deformation_multiplier*scale_of_deformation * 0.01 + ffd_up.array_mu_y[1, 4, 0] = -deformation_multiplier*scale_of_deformation * 0.00 + ffd_up.array_mu_y[1, 0, 1] = -deformation_multiplier*scale_of_deformation * 0.025 + ffd_up.array_mu_y[1, 1, 1] = -deformation_multiplier*scale_of_deformation * 0.020 + ffd_up.array_mu_y[1, 2, 1] = -deformation_multiplier*scale_of_deformation * 0.015 + ffd_up.array_mu_y[1, 3, 1] = -deformation_multiplier*scale_of_deformation * 0.01 + ffd_up.array_mu_y[1, 4, 1] = -deformation_multiplier*scale_of_deformation * 0.00 + + + moved_up = ffd_up(up) + moved_down = ffd_down(down) + + return moved_up, moved_down, ffd_up , ffd_down + diff --git a/rom_application/ContractionExpansionChannel/FFD_plus_RBF/simulation_trajectories.py b/rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/simulation_trajectories.py similarity index 100% rename from rom_application/ContractionExpansionChannel/FFD_plus_RBF/simulation_trajectories.py rename to rom_application/ContractionExpansionChannel/FilesInKratosMaster/FFD_plus_RBF/simulation_trajectories.py diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y.npy new file mode 100644 index 00000000..5affe577 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y_test.npy new file mode 100644 index 00000000..ff346b0c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.0001.npy new file mode 100644 index 00000000..7f1ab6c1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.001.npy new file mode 100644 index 00000000..e2b1810c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-05.npy new file mode 100644 index 00000000..95c641cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-06.npy new file mode 100644 index 00000000..d815cb41 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001_test.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001_test.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05_test.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06_test.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_test.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds.npy new file mode 100644 index 00000000..30c8e030 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds_test.npy new file mode 100644 index 00000000..6d97bf7f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/reynolds_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/singular_values.npy new file mode 100644 index 00000000..9b8c6b14 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..d545f8e1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..dc5d8f7b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..3ff17cec Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..abc6b64b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..59784458 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..c9e5f59a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..da6d05d0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..dffa7398 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..0f1264a5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..5333ce54 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..9ed11665 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..d5f29d66 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..aeb0db81 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..7890d087 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..bac76057 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..26d675a3 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..c683b55c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..a6fb4721 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..4f3ac286 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..b770df82 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..ed7ac595 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..258bf469 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..bfd5f8fc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..a8e79d03 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..afb306a0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..14cab581 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..015129ad Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..f9bb1c65 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..71bacdd9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..a413802d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..695b9311 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..6f77d1b2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..a518fd7e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001_test.npy new file mode 100644 index 00000000..7134dbb4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..2ac04045 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001_test.npy new file mode 100644 index 00000000..4849aead Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..a425f766 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05_test.npy new file mode 100644 index 00000000..92b42b93 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..e6760fa2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06_test.npy new file mode 100644 index 00000000..893bab13 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/Affine/y_velocity_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y.npy new file mode 100644 index 00000000..0666be26 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y_test.npy new file mode 100644 index 00000000..46233dd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.0001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-05.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-06.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..270a3a0f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy new file mode 100644 index 00000000..3c66a362 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy new file mode 100644 index 00000000..3c66a362 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy new file mode 100644 index 00000000..3c66a362 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy new file mode 100644 index 00000000..3c66a362 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_test.npy new file mode 100644 index 00000000..3c66a362 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/deformation_multiplier_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.0001.npy new file mode 100644 index 00000000..1420d2d4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.001.npy new file mode 100644 index 00000000..6cc446df Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-05.npy new file mode 100644 index 00000000..1de097a3 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-06.npy new file mode 100644 index 00000000..38fc16c9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..72a8d715 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.0001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.001.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-05.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-06.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_test.npy new file mode 100644 index 00000000..90498df2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/singular_values.npy new file mode 100644 index 00000000..928cf8bd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..3942cc8b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..da67c408 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..091e6d22 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..8e7bb9a7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..43b45060 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..094aada2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..dde690a5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..2b70b317 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..51c092ac Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..f288edc6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..5260e4b6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..a49180f5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..fb5b484c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..8c36cda0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..cc0b1740 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..8e67394f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..d34310d9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..c941edce Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..190d8ecd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..f8001794 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..865141b4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..9ebc05f6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..07bd49ef Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..ddde90d4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..62d055cf Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..fd41563d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..0b48c986 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..67b024a4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..ed6c5a22 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..538341e6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..d215a748 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..774c94de Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..5f3f0818 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..49fa309e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..d14f7be2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..1a81ab08 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.0001.npy new file mode 100644 index 00000000..65d6715b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.001.npy new file mode 100644 index 00000000..aae7253d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-05.npy new file mode 100644 index 00000000..a2c2bdc3 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-06.npy new file mode 100644 index 00000000..089b5f1d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/FFD_RBF/y_velocity_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.0001_train.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.0001_train.pdf new file mode 100644 index 00000000..bd9f7184 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.0001_train.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.001_train.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.001_train.pdf new file mode 100644 index 00000000..5444fd99 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_0.001_train.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-05_train.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-05_train.pdf new file mode 100644 index 00000000..1f20136d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-05_train.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-06_train.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-06_train.pdf new file mode 100644 index 00000000..50d4ba10 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/hysteresis_rom_vs_hrom_1e-06_train.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/plot_results.py b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/plot_results.py new file mode 100644 index 00000000..cb326778 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/SelectedResults/Example_1/plot_results.py @@ -0,0 +1,132 @@ +import numpy as np +from matplotlib import pyplot as plt +plt.rc('text', usetex=True) +plt.rc('font', family='serif') + + + + + +def update_plot_ranges(min_x, min_y, max_x, max_y, v,w): + + if np.max(v)>max_x and np.max(v)<4: + max_x = np.max(v) + + if np.max(w)>max_y: + max_y = np.max(w) + + if np.min(v)-4: + min_x = np.min(v) + + if np.min(w)','d','8','H'] + + + + + for svd in tol_svd: + + vy_FOM = np.load(resuts_path+f'Velocity_y{add_to_name}.npy') + w_FOM = np.load(resuts_path+f'narrowing{add_to_name}.npy') + + min_x = 0 + max_x = 0 + min_y=0.7 + max_y=0.7 + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_FOM,w_FOM) + + vy_rom, w_rom = load_rom_data(resuts_path, add_to_name, svd) + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) + counter=0 + plt.plot(vy_FOM, w_FOM, 'k', label = 'FOM', linewidth = 5, alpha=0.4) #linewidth = 3, alpha=0.5 + plt.plot(vy_rom, w_rom, colours[counter], marker=markers[counter], markevery=50,label = r"$ROM \ \epsilon_{SOL}=$" + "{:.0e}".format(svd), alpha=0.9) #alpha=0.5, #alpha=0.5 + for res in to_svd_res: + vy_rom,w_rom = load_hrom_data(resuts_path, add_to_name, svd, res) + # vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + # w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) #do not consider the HROM for the ranges, as some of them explote + if np.max(np.abs(vy_rom))>10: + alpha = 0.4 + else: + alpha = 1 + plt.plot(vy_rom, w_rom, markevery=80+counter*15, + label = r"$HROM \ \epsilon_{SOL}=$ " + "{:.0e}".format(svd) + r" ; $\epsilon_{RES}=$ "+"{:.0e}".format(res), + linewidth = 1.5, marker=markers[counter], alpha=alpha) #alpha=0.5 marker=markers[counter] + counter+=1 + counter+=1 + plt.xlabel(r'$v_y^*$', size=15) + plt.ylabel(r'$w_c$',size=15) + plt.xlim([min_x-0.05,max_x+0.05]) + plt.ylim([min_y-0.05,max_y+0.05]) + plt.grid() + plt.legend(loc='upper left') + plt.savefig(f'hysteresis_rom_vs_hrom_{svd}_{trajectory}.pdf') + plt.show() + + + +if __name__=='__main__': + + resuts_path = './Affine/' #'./Nonlinear/' './Affine/' + trajectory = "train" # test or train + + tol_svd = [1e-3, 1e-4, 1e-5, 1e-6] + to_svd_res = [1e-3, 1e-4, 1e-5, 1e-6] + + + reviewed_plot_hysteresis_rom_hrom(tol_svd,to_svd_res,resuts_path, trajectory) + + diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y.npy new file mode 100644 index 00000000..bc9d2926 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y_test.npy new file mode 100644 index 00000000..ba166632 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.0001.npy new file mode 100644 index 00000000..2e20b9c8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.001.npy new file mode 100644 index 00000000..0d9adc14 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-05.npy new file mode 100644 index 00000000..5009292d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-06.npy new file mode 100644 index 00000000..a240c6dc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds.npy new file mode 100644 index 00000000..25d62ced Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds_test.npy new file mode 100644 index 00000000..350ce3d5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/reynolds_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/singular_values.npy new file mode 100644 index 00000000..d4d99c1e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..829af42a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..35c1cdfa Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..f0258a9d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..2e4bda10 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..636e2273 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..705ec363 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..9bf560fc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..c1246e47 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..fbd834e0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..5ffd7ebe Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..77b40c2d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..dbe9cbe4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..1b7dddf1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..851a635e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..3a48de6c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..959377e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..53ee055f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..8dc883b4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..aa45d9ba Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..e24d83ef Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..bb5f4b37 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..6a078392 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..b87f7169 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..2ce9e155 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..a6131624 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..295d026a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..add9d98c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..831c4fc5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..45fdffc2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..e1e26e98 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..92854bfa Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..06389f81 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..4a0dfb90 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001_test.npy new file mode 100644 index 00000000..fe52939a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..3a9d14f2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001_test.npy new file mode 100644 index 00000000..db3a3829 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..161f81a5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05_test.npy new file mode 100644 index 00000000..ceee3672 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..59ddf01e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06_test.npy new file mode 100644 index 00000000..357d8ad8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/Affine/y_velocity_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y.npy new file mode 100644 index 00000000..3b1f6de9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y_test.npy new file mode 100644 index 00000000..d520a8ef Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_test.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/deformation_multiplier_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.0001.npy new file mode 100644 index 00000000..d8e6568c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.001.npy new file mode 100644 index 00000000..29ccc186 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-05.npy new file mode 100644 index 00000000..54068a67 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-06.npy new file mode 100644 index 00000000..7fd3250a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_test.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/singular_values.npy new file mode 100644 index 00000000..35dfef4d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..e573f4f9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..4b187a67 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..e9874dfd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..6410a6f4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..4ba1b273 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..9ea8f29a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..dfd958bd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..478e1bf0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..787b057c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..ec0a9574 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..3a003c03 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..c5e41827 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..4b5cba5e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..7a0347d6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..081f3237 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..e8d2b063 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..c76ded6d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..7ff14395 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..3119a44a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..b4b871ec Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..45c1e807 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..a7b6aa8c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..24acff9b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..752b4744 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..e29d6805 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..2b91007d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..ff9c8bd6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..aa09242c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..341584f2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..717f6d1b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..1ead53f8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..7c698294 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..6ed6bdb8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..8052eb1a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..2d43101c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..b977418d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.0001.npy new file mode 100644 index 00000000..1157a3b1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.001.npy new file mode 100644 index 00000000..64505b61 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-05.npy new file mode 100644 index 00000000..5ac1315a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-06.npy new file mode 100644 index 00000000..ac6c0cae Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/FFD_RBF/y_velocity_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/plot_results.py b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/plot_results.py new file mode 100644 index 00000000..cb326778 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/SelectedResults/Example_2/plot_results.py @@ -0,0 +1,132 @@ +import numpy as np +from matplotlib import pyplot as plt +plt.rc('text', usetex=True) +plt.rc('font', family='serif') + + + + + +def update_plot_ranges(min_x, min_y, max_x, max_y, v,w): + + if np.max(v)>max_x and np.max(v)<4: + max_x = np.max(v) + + if np.max(w)>max_y: + max_y = np.max(w) + + if np.min(v)-4: + min_x = np.min(v) + + if np.min(w)','d','8','H'] + + + + + for svd in tol_svd: + + vy_FOM = np.load(resuts_path+f'Velocity_y{add_to_name}.npy') + w_FOM = np.load(resuts_path+f'narrowing{add_to_name}.npy') + + min_x = 0 + max_x = 0 + min_y=0.7 + max_y=0.7 + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_FOM,w_FOM) + + vy_rom, w_rom = load_rom_data(resuts_path, add_to_name, svd) + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) + counter=0 + plt.plot(vy_FOM, w_FOM, 'k', label = 'FOM', linewidth = 5, alpha=0.4) #linewidth = 3, alpha=0.5 + plt.plot(vy_rom, w_rom, colours[counter], marker=markers[counter], markevery=50,label = r"$ROM \ \epsilon_{SOL}=$" + "{:.0e}".format(svd), alpha=0.9) #alpha=0.5, #alpha=0.5 + for res in to_svd_res: + vy_rom,w_rom = load_hrom_data(resuts_path, add_to_name, svd, res) + # vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + # w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) #do not consider the HROM for the ranges, as some of them explote + if np.max(np.abs(vy_rom))>10: + alpha = 0.4 + else: + alpha = 1 + plt.plot(vy_rom, w_rom, markevery=80+counter*15, + label = r"$HROM \ \epsilon_{SOL}=$ " + "{:.0e}".format(svd) + r" ; $\epsilon_{RES}=$ "+"{:.0e}".format(res), + linewidth = 1.5, marker=markers[counter], alpha=alpha) #alpha=0.5 marker=markers[counter] + counter+=1 + counter+=1 + plt.xlabel(r'$v_y^*$', size=15) + plt.ylabel(r'$w_c$',size=15) + plt.xlim([min_x-0.05,max_x+0.05]) + plt.ylim([min_y-0.05,max_y+0.05]) + plt.grid() + plt.legend(loc='upper left') + plt.savefig(f'hysteresis_rom_vs_hrom_{svd}_{trajectory}.pdf') + plt.show() + + + +if __name__=='__main__': + + resuts_path = './Affine/' #'./Nonlinear/' './Affine/' + trajectory = "train" # test or train + + tol_svd = [1e-3, 1e-4, 1e-5, 1e-6] + to_svd_res = [1e-3, 1e-4, 1e-5, 1e-6] + + + reviewed_plot_hysteresis_rom_hrom(tol_svd,to_svd_res,resuts_path, trajectory) + + diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y.npy new file mode 100644 index 00000000..4eafac30 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y_test.npy new file mode 100644 index 00000000..77dc8b37 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.0001.npy new file mode 100644 index 00000000..3a00d027 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.001.npy new file mode 100644 index 00000000..2cfc693d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-05.npy new file mode 100644 index 00000000..2f56ac2a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-06.npy new file mode 100644 index 00000000..599f3f53 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..958586cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_test.npy new file mode 100644 index 00000000..83c02fd1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/singular_values.npy new file mode 100644 index 00000000..a8c565df Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..6c9e28cc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..b2486c21 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..96bc2dcd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..186eadc1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..41b64693 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..ea837716 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..5192dc66 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..8c529884 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..cd70daa8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..17293e1e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..c00cc615 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..e96e79c7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..fe72a393 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..90ab2eed Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..f053ad15 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..a4e8f33f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..0e452532 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..2058ce2c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..567b9260 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..4c1312b8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..dd5066bc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..704f9f5d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..6abe5878 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..c9629683 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..0e489449 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..2f80374f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..5004c67e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..ed78a111 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..290e95b6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..6d9ec39a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..37b83957 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..e94b80ab Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..2e80d856 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001_test.npy new file mode 100644 index 00000000..58074419 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..6bb4c247 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001_test.npy new file mode 100644 index 00000000..edc5ac10 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..34677259 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05_test.npy new file mode 100644 index 00000000..1001496a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..809c5a52 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06_test.npy new file mode 100644 index 00000000..dfb31274 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/Affine/y_velocity_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y.npy new file mode 100644 index 00000000..3b1f6de9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y_test.npy new file mode 100644 index 00000000..d520a8ef Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy new file mode 100644 index 00000000..4d6809e4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.0001.npy new file mode 100644 index 00000000..5df4d011 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.001.npy new file mode 100644 index 00000000..5caa1617 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-05.npy new file mode 100644 index 00000000..9efd6eb8 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-06.npy new file mode 100644 index 00000000..7a767435 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/global_singular_values_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.0001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.001.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-05.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-06.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_test.npy new file mode 100644 index 00000000..d245149e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/singular_values.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/singular_values.npy new file mode 100644 index 00000000..5ab9c381 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/singular_values.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy new file mode 100644 index 00000000..bd5184c6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy new file mode 100644 index 00000000..25dae67f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy new file mode 100644 index 00000000..06ec123c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy new file mode 100644 index 00000000..e59a745a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy new file mode 100644 index 00000000..0af30582 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.001.npy new file mode 100644 index 00000000..32064930 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy new file mode 100644 index 00000000..63fa09a5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy new file mode 100644 index 00000000..4ca22fb7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy new file mode 100644 index 00000000..7da5184c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy new file mode 100644 index 00000000..0b248b02 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy new file mode 100644 index 00000000..61f0c0ab Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy new file mode 100644 index 00000000..62342689 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy new file mode 100644 index 00000000..81f8f196 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy new file mode 100644 index 00000000..f3d1adaa Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy new file mode 100644 index 00000000..9c99df0e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy new file mode 100644 index 00000000..47afda17 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..59be6636 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..4b000fd9 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..3c80f47c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..d29dbec2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..e869b543 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..68095beb Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..10c59c65 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..539c2e8c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..20560200 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..ad998b5b Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..23c7f774 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..335c5787 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..0e32d9a6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..c22402cc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..c8e04da4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..33138f68 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..a4f55092 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..74391cca Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..6f142f6f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..720fc005 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.0001.npy new file mode 100644 index 00000000..dd85eb0c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.001.npy new file mode 100644 index 00000000..b6d49dee Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-05.npy new file mode 100644 index 00000000..d59dffe5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-06.npy new file mode 100644 index 00000000..dc45852f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/FFD_RBF/y_velocity_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/plot_results.py b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/plot_results.py new file mode 100644 index 00000000..cb326778 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/SelectedResults/Example_3/plot_results.py @@ -0,0 +1,132 @@ +import numpy as np +from matplotlib import pyplot as plt +plt.rc('text', usetex=True) +plt.rc('font', family='serif') + + + + + +def update_plot_ranges(min_x, min_y, max_x, max_y, v,w): + + if np.max(v)>max_x and np.max(v)<4: + max_x = np.max(v) + + if np.max(w)>max_y: + max_y = np.max(w) + + if np.min(v)-4: + min_x = np.min(v) + + if np.min(w)','d','8','H'] + + + + + for svd in tol_svd: + + vy_FOM = np.load(resuts_path+f'Velocity_y{add_to_name}.npy') + w_FOM = np.load(resuts_path+f'narrowing{add_to_name}.npy') + + min_x = 0 + max_x = 0 + min_y=0.7 + max_y=0.7 + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_FOM,w_FOM) + + vy_rom, w_rom = load_rom_data(resuts_path, add_to_name, svd) + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) + counter=0 + plt.plot(vy_FOM, w_FOM, 'k', label = 'FOM', linewidth = 5, alpha=0.4) #linewidth = 3, alpha=0.5 + plt.plot(vy_rom, w_rom, colours[counter], marker=markers[counter], markevery=50,label = r"$ROM \ \epsilon_{SOL}=$" + "{:.0e}".format(svd), alpha=0.9) #alpha=0.5, #alpha=0.5 + for res in to_svd_res: + vy_rom,w_rom = load_hrom_data(resuts_path, add_to_name, svd, res) + # vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + # w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) #do not consider the HROM for the ranges, as some of them explote + if np.max(np.abs(vy_rom))>10: + alpha = 0.4 + else: + alpha = 1 + plt.plot(vy_rom, w_rom, markevery=80+counter*15, + label = r"$HROM \ \epsilon_{SOL}=$ " + "{:.0e}".format(svd) + r" ; $\epsilon_{RES}=$ "+"{:.0e}".format(res), + linewidth = 1.5, marker=markers[counter], alpha=alpha) #alpha=0.5 marker=markers[counter] + counter+=1 + counter+=1 + plt.xlabel(r'$v_y^*$', size=15) + plt.ylabel(r'$w_c$',size=15) + plt.xlim([min_x-0.05,max_x+0.05]) + plt.ylim([min_y-0.05,max_y+0.05]) + plt.grid() + plt.legend(loc='upper left') + plt.savefig(f'hysteresis_rom_vs_hrom_{svd}_{trajectory}.pdf') + plt.show() + + + +if __name__=='__main__': + + resuts_path = './Affine/' #'./Nonlinear/' './Affine/' + trajectory = "train" # test or train + + tol_svd = [1e-3, 1e-4, 1e-5, 1e-6] + to_svd_res = [1e-3, 1e-4, 1e-5, 1e-6] + + + reviewed_plot_hysteresis_rom_hrom(tol_svd,to_svd_res,resuts_path, trajectory) + + diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/Velocity_y_test.npy new file mode 100644 index 00000000..8d8ee9cd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.0001_test.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.001_test.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-05_test.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-06_test.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_test.npy new file mode 100644 index 00000000..a542aabc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/reynolds_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/reynolds_test.npy new file mode 100644 index 00000000..6d553340 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/reynolds_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..933ab397 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..5aef4fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..4b3738a1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..5ee1c01f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..353b1156 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..22d70acc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..047c1500 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..10db606d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..5b643c66 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..f2e9bda1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..4bee9546 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..2729173c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..ab3e4f2e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..75f755cc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..bb4fd400 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..62cc5293 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.0001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.0001_test.npy new file mode 100644 index 00000000..3e29d256 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.0001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.001_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.001_test.npy new file mode 100644 index 00000000..f3abd974 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_0.001_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-05_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-05_test.npy new file mode 100644 index 00000000..c8648447 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-05_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-06_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-06_test.npy new file mode 100644 index 00000000..cbc549bc Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/Affine/y_velocity_ROM_1e-06_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/Velocity_y_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/Velocity_y_test.npy new file mode 100644 index 00000000..30d3c524 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/Velocity_y_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.0001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.001.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-05.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-06.npy new file mode 100644 index 00000000..d5d40cb0 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy new file mode 100644 index 00000000..522e4762 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy new file mode 100644 index 00000000..522e4762 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy new file mode 100644 index 00000000..522e4762 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy new file mode 100644 index 00000000..522e4762 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/deformation_multiplier_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.0001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.001.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-05.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-06.npy new file mode 100644 index 00000000..adc06fd4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.0001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.001.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-05.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-06.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_test.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_test.npy new file mode 100644 index 00000000..0ee84dc7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/narrowing_test.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy new file mode 100644 index 00000000..a420214e Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy new file mode 100644 index 00000000..d4e5e047 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy new file mode 100644 index 00000000..132a4e68 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy new file mode 100644 index 00000000..06080d29 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.0001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy new file mode 100644 index 00000000..93dbbb00 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy new file mode 100644 index 00000000..6064d83f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy new file mode 100644 index 00000000..9220fcac Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy new file mode 100644 index 00000000..59a60469 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_0.001_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy new file mode 100644 index 00000000..433f65a3 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy new file mode 100644 index 00000000..6f272da1 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy new file mode 100644 index 00000000..b7139bf6 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy new file mode 100644 index 00000000..c83f9c77 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-05_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy new file mode 100644 index 00000000..2b6fb88f Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy new file mode 100644 index 00000000..5893a035 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy new file mode 100644 index 00000000..a5b6bda5 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy new file mode 100644 index 00000000..67930436 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_HROM_test_1e-06_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.0001.npy new file mode 100644 index 00000000..dfd78f5c Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.001.npy new file mode 100644 index 00000000..07745560 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-05.npy new file mode 100644 index 00000000..848901b2 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-06.npy new file mode 100644 index 00000000..917f2ce4 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.0001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.0001.npy new file mode 100644 index 00000000..cd54cdfd Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.0001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.001.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.001.npy new file mode 100644 index 00000000..c35f134d Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_0.001.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-05.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-05.npy new file mode 100644 index 00000000..738b536a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-05.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-06.npy b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-06.npy new file mode 100644 index 00000000..8f82c5ed Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/FFD_RBF/y_velocity_ROM_test_1e-06.npy differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.0001_test.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.0001_test.pdf new file mode 100644 index 00000000..b6479c9a Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.0001_test.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.001_test.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.001_test.pdf new file mode 100644 index 00000000..091b05f7 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_0.001_test.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-05_test.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-05_test.pdf new file mode 100644 index 00000000..027fab61 Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-05_test.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-06_test.pdf b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-06_test.pdf new file mode 100644 index 00000000..4c960fcb Binary files /dev/null and b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/hysteresis_rom_vs_hrom_1e-06_test.pdf differ diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/plot_results.py b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/plot_results.py new file mode 100644 index 00000000..dbf78213 --- /dev/null +++ b/rom_application/ContractionExpansionChannel/SelectedResults/Example_4/plot_results.py @@ -0,0 +1,132 @@ +import numpy as np +from matplotlib import pyplot as plt +plt.rc('text', usetex=True) +plt.rc('font', family='serif') + + + + + +def update_plot_ranges(min_x, min_y, max_x, max_y, v,w): + + if np.max(v)>max_x and np.max(v)<4: + max_x = np.max(v) + + if np.max(w)>max_y: + max_y = np.max(w) + + if np.min(v)-4: + min_x = np.min(v) + + if np.min(w)','d','8','H'] + + + + + for svd in tol_svd: + + vy_FOM = np.load(resuts_path+f'Velocity_y{add_to_name}.npy') + w_FOM = np.load(resuts_path+f'narrowing{add_to_name}.npy') + + min_x = 0 + max_x = 0 + min_y=0.7 + max_y=0.7 + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_FOM,w_FOM) + + vy_rom, w_rom = load_rom_data(resuts_path, add_to_name, svd) + + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) + counter=0 + plt.plot(vy_FOM, w_FOM, 'k', label = 'FOM', linewidth = 5, alpha=0.4) #linewidth = 3, alpha=0.5 + plt.plot(vy_rom, w_rom, colours[counter], marker=markers[counter], markevery=50,label = r"$ROM \ \epsilon_{SOL}=$" + "{:.0e}".format(svd), alpha=0.9) #alpha=0.5, #alpha=0.5 + for res in to_svd_res: + vy_rom,w_rom = load_hrom_data(resuts_path, add_to_name, svd, res) + # vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + # w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + min_x, min_y, max_x, max_y = update_plot_ranges(min_x, min_y, max_x, max_y, vy_rom,w_rom) #do not consider the HROM for the ranges, as some of them explote + if np.max(np.abs(vy_rom))>10: + alpha = 0.4 + else: + alpha = 1 + plt.plot(vy_rom, w_rom, markevery=80+counter*15, + label = r"$HROM \ \epsilon_{SOL}=$ " + "{:.0e}".format(svd) + r" ; $\epsilon_{RES}=$ "+"{:.0e}".format(res), + linewidth = 1.5, marker=markers[counter], alpha=alpha) #alpha=0.5 marker=markers[counter] + counter+=1 + counter+=1 + plt.xlabel(r'$v_y^*$', size=15) + plt.ylabel(r'$w_c$',size=15) + plt.xlim([min_x-0.05,max_x+0.05]) + plt.ylim([min_y-0.05,max_y+0.05]) + plt.grid() + plt.legend(loc='upper left') + plt.savefig(f'hysteresis_rom_vs_hrom_{svd}_{trajectory}.pdf') + plt.show() + + + +if __name__=='__main__': + + resuts_path = './Affine/' #'./Nonlinear/' './Affine/' + trajectory = "test" # test only + + tol_svd = [1e-3, 1e-4, 1e-5, 1e-6] + to_svd_res = [1e-3, 1e-4, 1e-5, 1e-6] + + + reviewed_plot_hysteresis_rom_hrom(tol_svd,to_svd_res,resuts_path, trajectory) + + diff --git a/rom_application/ContractionExpansionChannel/SelectedResults/launch_plots.py b/rom_application/ContractionExpansionChannel/SelectedResults/launch_plots.py new file mode 100644 index 00000000..f00bc84a --- /dev/null +++ b/rom_application/ContractionExpansionChannel/SelectedResults/launch_plots.py @@ -0,0 +1,942 @@ + +#this script plots the erros between the ROM and HROM, and FOM and HROM for solution and QoI + +import numpy as np +import matplotlib.pyplot as plt +from matplotlib.colors import ListedColormap +from matplotlib.colors import LinearSegmentedColormap +import os +from matplotlib import rc +# Configure Matplotlib to use LaTeX +rc('text', usetex=True) +rc('font', family='serif') +from matplotlib import rcParams +rcParams['text.latex.preamble'] = r'\usepackage{bm}' + + +def GetPercentualError(reference, approx): + return np.linalg.norm(reference - approx) / np.linalg.norm(reference) *100 + + + +def load_rom_data(example,model,add_to_name, svd): + + resuts_path = f'./Example_{example}/' +f'{model}/' + + if model=='Affine': + vy_rom = np.load(resuts_path+f'y_velocity_ROM_{svd}{add_to_name}.npy') + w_rom = np.load(resuts_path+f'narrowing_ROM_{svd}{add_to_name}.npy') + elif model=='FFD_RBF': + vy_rom = np.load(resuts_path+f'y_velocity_ROM{add_to_name}_{svd}.npy') + w_rom = np.load(resuts_path+f'narrowing_ROM{add_to_name}_{svd}.npy') + else: + error + + return vy_rom,w_rom + + + +def load_hrom_data(example,model,add_to_name, svd,res): + + resuts_path = f'./Example_{example}/' +f'{model}/' + + if model=='Affine': + vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + elif model=='FFD_RBF': + vy_rom = np.load(resuts_path+f'y_velocity_HROM{add_to_name}_{svd}_{res}.npy') + w_rom = np.load(resuts_path+f'narrowing_HROM{add_to_name}_{svd}_{res}.npy') + else: + error + + return vy_rom,w_rom + + +def load_rom_snapshots(example,model,add_to_name, svd): + + resuts_path = f'./Example_{example}/' +f'{model}/' + + if model=='Affine': + rom_snapshots = np.load(resuts_path+f'ROM_snapshots_{svd}{add_to_name}.npy') + elif model=='FFD_RBF': + rom_snapshots = np.load(resuts_path+f'ROM_snapshots{add_to_name}_{svd}.npy') + else: + error + + return rom_snapshots + + +def load_hrom_snapshots(example,model,add_to_name, svd,res): + + resuts_path = f'./Example_{example}/' +f'{model}/' + + if model=='Affine': + hrom_snapshots = np.load(resuts_path+f'HROM_snapshots{add_to_name}_{svd}_{res}.npy') + elif model=='FFD_RBF': + hrom_snapshots = np.load(resuts_path+f'HROM_snapshots{add_to_name}_{svd}_{res}.npy') + else: + error + + return hrom_snapshots + + +def plot_numpy_array(filled_array, title, store_path): + + # Define the colors for the colormap + colors = [(0, 1, 0), (1, 1, 0), (1, 0, 0)] # Green to Yellow to Red + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = 250 + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(4, 4)) + + im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(filled_array.shape[0]): + for j in range(filled_array.shape[1]): + value = filled_array[i, j] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(filled_array.shape[1])) + ax.set_yticks(np.arange(filled_array.shape[0])) + ax.set_xticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + +# def plot_rom_fom_numpy_array(filled_array, title, store_path): + +# # Define the colors for the colormap +# colors = [(0, 1, 0), (1, 1, 0), (1, 0, 0)] # Green to Yellow to Red + +# # Create the colormap +# cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + +# max_value_allowed_before_black = 250 + +# # Set the color for values below and above a threshold +# cmap.set_under(color='black') +# cmap.set_over(color='black') + +# # Plotting +# fig, ax = plt.subplots(1, 1, figsize=(4, 1.5)) + +# im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + +# # Add values and background color for each cell +# for i in range(filled_array.shape[0]): +# for j in range(filled_array.shape[1]): +# value = filled_array[i, j] +# if value < max_value_allowed_before_black: +# textcolour = 'black' +# else: +# textcolour = 'white' +# if value>1.0: +# presicion = 1 +# else: +# presicion = 4 +# ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + +# # Set axis labels and ticks +# ax.set_xticks(np.arange(filled_array.shape[1])) +# ax.set_yticks(np.arange(filled_array.shape[0])) +# ax.set_xticklabels([r"$e(y^*_{FOM}, y^*_{ROM})$", r"$e(\mathbf{S}_{FOM}, \mathbf{S}_{ROM})$"]) +# ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + +# # Set axis labels +# #ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) +# ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + +# cbar = plt.colorbar(im, ax=ax) + +# plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') +# #plt.show() + + + + + + + + + + + + + + + + +def plot_average_errors_numpy_array(filled_array, title, store_path): + + # Define the colors for the colormap + colors = [(0, 1, 0), (1, 1, 0), (1, 0, 0)] # Green to Yellow to Red + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = 250 + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(4, 4)) + + im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(filled_array.shape[0]): + for j in range(filled_array.shape[1]): + value = filled_array[i, j] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(filled_array.shape[1])) + ax.set_yticks(np.arange(filled_array.shape[0])) + ax.set_xticklabels(["(ROM)", "1e-3", "1e-4", "1e-5", "1e-6"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + +def plot_rom_fom_numpy_array(filled_array, title, store_path): + + # Define the colors for the colormap + colors = [(0, 1, 0), (1, 1, 0), (1, 0, 0)] # Green to Yellow to Red + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = 250 + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(4, 1.5)) + + im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(filled_array.shape[0]): + for j in range(filled_array.shape[1]): + value = filled_array[i, j] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(filled_array.shape[1])) + ax.set_yticks(np.arange(filled_array.shape[0])) + ax.set_xticklabels([r"$e(y^*_{FOM}, y^*_{ROM})$", r"$e(\mathbf{S}_{FOM}, \mathbf{S}_{ROM})$"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + #ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + + + + + + + + + + + + + + + + + + + +def plot_number_of_elements_numpy_array(filled_array, title, store_path, number_of_elems): + + # Define the colors for the colormap + colors = [(1, 1, 1), (1, 0, 0)] # Green to Yellow to Red + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = number_of_elems + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(4, 4)) + + im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(filled_array.shape[0]): + for j in range(filled_array.shape[1]): + value = filled_array[i, j] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{int(value)}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(filled_array.shape[1])) + ax.set_yticks(np.arange(filled_array.shape[0])) + ax.set_xticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + + + + + +def plot_rom_fom_numpy_array(filled_array, title, store_path): + + # Define the colors for the colormap + colors = [(0, 1, 0), (1, 1, 0), (1, 0, 0)] # Green to Yellow to Red + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = 250 + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(4, 1.5)) + + im = ax.imshow(filled_array, cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(filled_array.shape[0]): + for j in range(filled_array.shape[1]): + value = filled_array[i, j] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(filled_array.shape[1])) + ax.set_yticks(np.arange(filled_array.shape[0])) + ax.set_xticklabels([r"$e(\bm{v}^*_y{_{FOM}}, \bm{v}^*_y{_{ROM}})$", r"$e(\bm{S}_{FOM}, \bm{S}_{ROM})$"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + #ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + + + + + + + + + + + + + + + + + + + + +def plot_QoI_errors_ROM_HROM(solution_svd,residuals_svd,example,model,stage, store_path): + + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + filled_array = np.empty((len(solution_svd),len(residuals_svd))) + + title = f'Example_{example}_'+model+'_'+stage+'_QoI_ROM_vs_HROM' + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM, _ = load_rom_data(example,model,add_to_name, svd) + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM, _ = load_hrom_data(example,model,add_to_name, svd,res) + filled_array[i,j] = GetPercentualError(ROM,HROM) + + plot_numpy_array(filled_array, title, store_path) + + +def plot_QoI_and_Solution_errors_FOM_ROM(solution_svd,example,model,stage, store_path): + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + filled_array = np.empty((len(solution_svd),2)) + title = f'Example_{example}_'+model+'_'+stage+'_FOM_vs_ROM' + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'Velocity_y{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM, _ = load_rom_data(example,model,add_to_name, svd) + filled_array[i,0] = GetPercentualError(FOM,ROM) + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'SnapshotMatrix{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM = load_rom_snapshots(example,model,add_to_name, svd) + filled_array[i,1] = GetPercentualError(FOM,ROM) + + plot_rom_fom_numpy_array(filled_array, title, store_path) + + + +def plot_QoI_errors_FOM_HROM(solution_svd,residuals_svd,example,model,stage, store_path): + + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + filled_array = np.empty((len(solution_svd),len(residuals_svd))) + + title = f'Example_{example}_'+model+'_'+stage+'_QoI_FOM_vs_HROM' + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'Velocity_y{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM, _= load_hrom_data(example,model,add_to_name, svd,res) + filled_array[i,j] = GetPercentualError(FOM,HROM) + + plot_numpy_array(filled_array, title, store_path) + + +def plot_solution_errors_FOM_HROM(solution_svd,residuals_svd,example,model,stage, store_path): + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + filled_array = np.empty((len(solution_svd),len(residuals_svd))) + title = f'Example_{example}_'+model+'_'+stage+'_Solution_FOM_vs_HROM' + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'SnapshotMatrix{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM = load_hrom_snapshots(example,model,add_to_name, svd,res) + filled_array[i,j] = GetPercentualError(FOM,HROM) + + plot_numpy_array(filled_array, title, store_path) + +def plot_solution_errors_ROM_HROM(solution_svd,residuals_svd,example,model,stage, store_path): + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + filled_array = np.empty((len(solution_svd),len(residuals_svd))) + + title = f'Example_{example}_'+model+'_'+stage+'_Solution_ROM_vs_HROM' + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM = load_rom_snapshots(example,model,add_to_name, svd) + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM = load_hrom_snapshots(example,model,add_to_name, svd,res) + filled_array[i,j] = GetPercentualError(ROM,HROM) + + plot_numpy_array(filled_array, title, store_path) + + + +def plot_errors_ROM_vs_HROM(examples_to_plot, models_to_plot, store_path, solution_svd, residuals_svd): + + for example in examples_to_plot: + for model in models_to_plot: + + #trajectory_1 and trajectory 2 are train or test depending on the model run + # - Example 1: Trajectory 1 is train, Trajectory 2 is test + # - Example 2: Trajectory 2 is train, Trajectory 1 is test + # - Example 3. Trajectory 1 and 2 are train. Trajectory 3 is Test + if example ==4: + stages = ['test'] + else: + stages = ['train', 'test'] + for stage in stages: + plot_QoI_errors_ROM_HROM(solution_svd,residuals_svd,example,model,stage, store_path) + plot_QoI_errors_FOM_HROM(solution_svd,residuals_svd,example,model,stage, store_path) + # plot_solution_errors_ROM_HROM(solution_svd,residuals_svd,example,model,stage, store_path) + # plot_solution_errors_FOM_HROM(solution_svd,residuals_svd,example,model,stage, store_path) + + + +def plot_errors_FOM_vs_ROM(examples_to_plot, models_to_plot, store_path, solution_svd): + + for example in examples_to_plot: + for model in models_to_plot: + + #trajectory_1 and trajectory 2 are train or test depending on the model run + # - Example 1: Trajectory 1 is train, Trajectory 2 is test + # - Example 2: Trajectory 2 is train, Trajectory 1 is test + # - Example 3. Trajectory 1 and 2 are train. Trajectory 3 is Test + if example ==4: + stages = ['test'] + else: + stages = ['train', 'test'] + for stage in stages: + plot_QoI_and_Solution_errors_FOM_ROM(solution_svd,example,model,stage, store_path) + + + + + +def QoIErrorsArrayAddition(solution_svd,example,model,stage, residuals_svd, QoI_array): + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'Velocity_y{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM, _ = load_rom_data(example,model,add_to_name, svd) + QoI_array[i,0] += GetPercentualError(FOM,ROM) + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM, _ = load_hrom_data(example,model,add_to_name, svd,res) + QoI_array[i,j+1] += GetPercentualError(FOM,HROM) + + return QoI_array + + + + + + +def SolutionErrorsArrayAddition(solution_svd,example,model,stage, residuals_svd, Solution_array): + + if stage == "train": + add_to_name = '' + elif stage == "test": + add_to_name = '_test' + + FOM = np.load(f'./Example_{example}/' +f'{model}/'+f'SnapshotMatrix{add_to_name}.npy') + + for i in range(len(solution_svd)): + svd = solution_svd[i] + ROM = load_rom_snapshots(example,model,add_to_name, svd) + Solution_array[i,0] += GetPercentualError(FOM,ROM) + for j in range(len(residuals_svd)): + res = residuals_svd[j] + HROM = load_hrom_snapshots(example,model,add_to_name, svd,res) + Solution_array[i,j+1] += GetPercentualError(FOM,HROM) + + return Solution_array + + + + + + +def plot_average_errors_FOM_ROM_HROM_QoI_and_Solution(examples_to_plot, models_to_plot, store_path, solution_svd, residuals_svd): + + + + + examples = [[1], [2], [3,4], [1], [2], [3,4]] + cases = [['Affine'],['Affine'],['Affine'],['FFD_RBF'],['FFD_RBF'],['FFD_RBF']] + for examples_to_plot, models_to_plot in zip(examples, cases): + number_of_cases=0 + QoI_array= np.zeros((4,5)) + Solution_array= np.zeros((4,5)) + for example in examples_to_plot: + for model in models_to_plot: + + #trajectory_1 and trajectory 2 are train or test depending on the model run + # - Example 1: Trajectory 1 is train, Trajectory 2 is test + # - Example 2: Trajectory 2 is train, Trajectory 1 is test + # - Example 3. Trajectory 1 and 2 are train. Trajectory 3 is Test + if example ==4: + stages = ['test'] + else: + stages = ['train', 'test'] + for stage in stages: + QoI_array = QoIErrorsArrayAddition(solution_svd,example,model,stage, residuals_svd, QoI_array) + #Solution_array = SolutionErrorsArrayAddition(solution_svd,example,model,stage, residuals_svd, Solution_array) + + number_of_cases+=1 + + plot_average_errors_numpy_array(QoI_array/number_of_cases, f"QoI_{model}_Ex_{example}_AverageErrors", store_path) + #plot_average_errors_numpy_array(Solution_array/number_of_cases, f"Solution_{model}_Ex_{example}_AverageErrors", store_path) + + + +def plot_residuals_singular_values(examples_to_plot, models_to_plot,store_path, solution_svd, residuals_svd): + + examples_to_plot = [1,2,3] + + + + + for example in examples_to_plot: + for model in models_to_plot: + for tol in solution_svd: + sigma = np.load(f'./Example_{example}/' +f'{model}/'+f'global_singular_values_{tol}.npy') + plt.plot(sigma/sigma[0], linewidth = 3, label = r"$\epsilon_{SOL}=$" + "{:.0e}".format(tol), alpha=0.9) #alpha=0.5, #alpha=0.5 + plt.ylim(1e-17, 1.1e1) + plt.yscale('log') + plt.ylabel(r'$\frac{\sigma_i }{\sigma_1}$ log scale',size=15) + plt.xlabel(r'index $i$') + plt.legend() + plt.grid() + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(f'{store_path}singular_values_residuals_Ex_{example}_{model}.pdf') + #plt.show() + + + +def plot_solutions_singular_values(examples_to_plot, models_to_plot,store_path, solution_svd, residuals_svd): + + + for example in examples_to_plot: + sigma_affine = np.load(f'./Example_{example}/Affine/'+f'singular_values.npy') + sigma_nonlinear = np.load(f'./Example_{example}/FFD_RBF/'+f'singular_values.npy') + plt.plot(sigma_affine/sigma_affine[0],'r', marker='s',markevery=10 , linewidth = 1, label="Affine") #alpha=0.9 + plt.plot(sigma_nonlinear/sigma_nonlinear[0], 'b', marker='s',markevery=10 , linewidth = 1, label="FFD+RBF") #alpha=0.9 + plt.yscale('log') + plt.ylabel(r'$\frac{\sigma_i }{\sigma_1}$ log scale',size=15) + plt.xlabel(r'index $i$') + plt.legend() + plt.grid() + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(f'{store_path}singular_values_solution_Ex_{example}.pdf') + #plt.show() + + + + + + s_affine = np.load('./Analytic_Mapping/ROM/global_singular_values.npy') + s_nonlinear = np.load('./FFD_plus_RBF/ROM/global_singular_values.npy') + + plt.plot(s_affine,'r', marker='s',markevery=10 , linewidth = 1, label="Affine") #alpha=0.9 + plt.plot(s_nonlinear, 'b', marker='s',markevery=10 , linewidth = 1, label="FFD+RBF") #alpha=0.9 + + plt.yscale('log') + plt.ylabel(r'$\frac{\sigma_i }{\sigma_1}$ log scale',size=15) + plt.legend() + plt.grid() + plt.savefig('singular_values_decay.pdf') + #plt.show() + + + + +def plot_number_of_selected_elements(): + + ######## Example 1 ######## + + a = np.array([[60, 143, 243, 388], + [140, 354, 621, 930], + [233, 555, 1033, 1652], + [348, 802, 1442, 2238] + ]) + b = np.array([[174, 351, 561, 819], + [268, 545, 930, 1412], + [381, 740, 1232, 1873], + [541, 1018, 1659, 2428] + ]) + + ############################################# + + + ######## Example 2 ######## + + c = np.array([[103, 303, 551, 898], + [241, 703, 1345, 2078], + [353, 945, 1733, 2618], + [490, 1255, 2204, 3142] + ]) + + d = np.array([[219, 446, 708, 1039], + [318, 652, 1094, 1642], + [446, 877, 1440, 2144], + [623, 1195, 1924, 2467] + ]) + + ############################################# + + ######## Example 3 ######## + + e = np.array([[131, 381, 705, 1139], + [326, 866, 1617, 2472], + [475, 1241, 2233, 3219], + [590, 1520, 2651, 3615] + ]) + f = np.array([[331, 672, 1102, 1672], + [501, 965, 1601, 2358], + [676, 1254, 2020, 2866], + [903, 1657, 2591, 3489] + ]) + + ############################################# + + {'1_affine':a,'1_ffd_rbf':b,'2_affine':c,'2_ffd_rbf':d,'3_affine':e,'3_ffd_rbf':f } + + plot_number_of_elements_numpy_array(a, '1_affine', './NumberOfElementsSelected/', 5147) + plot_number_of_elements_numpy_array(b, '1_ffd_rbf', './NumberOfElementsSelected/', 5412) + plot_number_of_elements_numpy_array(c, '2_affine', './NumberOfElementsSelected/', 5147) + plot_number_of_elements_numpy_array(d, '2_ffd_rbf', './NumberOfElementsSelected/',5412) + plot_number_of_elements_numpy_array(e, '3_affine', './NumberOfElementsSelected/', 5147) + plot_number_of_elements_numpy_array(f, '3_ffd_rbf', './NumberOfElementsSelected/',5412) + + + +def plot_speedups_in_loop(title, store_path): + + + + # data ignoring some cases explote + # Example 1 Affine + if title == 'Example_1_Affine': + data_array = np.array([ + [[7.12, 0], [276.13, 1], [154.45, 1], [126.21, 1], [84.16, 1]], + [[6.21, 0], [94.23, 1], [50.84, 1], [30.65, 1], [20.48, 1]], + [[5.54, 0], [30.11, 1], [13.09, 0], [9.83, 0], [9.04, 0]], + [[5.21, 0], [12.02, 0], [10.05, 0], [9.17, 0], [8.81, 0]] + ]) + + # Example 1 Nonlinear + elif title == 'Example_1_Nonlinear': + data_array = np.array([ + [[4.01, 0], [57.39, 1], [28.72, 1], [21.95, 1], [15.09, 1]], + [[3.84, 0], [20.11, 1], [11.14, 1], [7.35, 0], [6.40, 0]], + [[3.29, 0], [7.51, 0], [7.33, 0], [5.77, 0], [5.51, 0]], + [[2.97, 0], [6.04, 0], [5.58, 0], [5.52, 0], [4.51, 0]] + ]) + + #Example 2 Affine + elif title == 'Example_2_Affine': + data_array = np.array([ + [[7.4, 0], [152.7, 1], [76.14, 1], [47.73, 1], [33.17, 1]], + [[6.0, 0], [36.44, 1], [12.34, 1], [10.73, 0], [9.72, 0]], + [[5.9, 0], [14.32, 0], [10.6, 0], [10.1, 0], [9.7, 0]], + [[5.5, 0], [8.92, 0], [8.80, 0], [8.60, 0], [8.0, 0]] + ]) + + #Example 2 Nonlinear + elif title == 'Example_2_Nonlinear': + data_array = np.array([ + [[3.64, 0], [44.07, 1], [26.72, 1], [16.57, 1], [12.29, 1]], + [[3.29, 0], [15.49, 1], [9.34, 1], [6.19, 0], [5.91, 0]], + [[3.19, 0], [6.00, 0], [5.80, 0], [5.78, 0], [5.11, 0]], + [[2.97, 0], [5.04, 0], [4.83, 0], [4.79, 0], [4.67, 0]] + ]) + + # Example 3 Affine + elif title == 'Example_3_Affine': + data_array = np.array([ + [[8.83, 0], [164.02, 1], [69.76, 1], [42.37, 1], [26.41, 1]], + [[7.80, 0], [24.47, 1], [13.73, 0], [13.08, 0], [12.92, 0]], + [[7.33, 0], [12.03, 0], [11.94, 0], [11.72, 0], [11.26, 0]], + [[6.36, 0], [9.78, 0], [9.77, 0], [9.51, 0], [9.23, 0]] + ]) + + # #Example 3 Nonlinear + elif title == 'Example_3_Nonlinear': + data_array = np.array([ + [[3.46, 0], [25.09, 1], [12.94, 1], [7.73, 0], [6.66, 0]], + [[3.39, 0], [6.06, 0], [5.34, 0], [5.25, 0], [5.01, 0]], + [[3.00, 0], [5.25, 0], [5.18, 0], [5.04, 0], [4.81, 0]], + [[2.63, 0], [3.81, 0], [3.65, 0], [3.51, 0], [3.48, 0]] + ]) + else: + error + + # Define the colors for the colormap + colors = [(1, 0, 0), (1, 1, 0),(0, 1, 0)] # Red to Yellow to Green + + # Create the colormap + cmap = LinearSegmentedColormap.from_list('green_to_red', colors, N=256) + + max_value_allowed_before_black = np.max(data_array)+1 + + # Set the color for values below and above a threshold + cmap.set_under(color='black') + cmap.set_over(color='black') + + # Plotting + fig, ax = plt.subplots(1, 1, figsize=(6, 2.5)) + + im = ax.imshow(data_array[:,:,0], cmap=cmap, aspect='auto', vmin=0, vmax=max_value_allowed_before_black) + + # Add values and background color for each cell + for i in range(data_array.shape[0]): + for j in range(data_array.shape[1]): + value = data_array[i, j,0] + if value < max_value_allowed_before_black: + textcolour = 'black' + else: + textcolour = 'white' + if value>1.0: + presicion = 1 + else: + presicion = 4 + ax.text(j, i, f'{value:.{presicion}f}', ha="center", va="center", color=textcolour, weight='bold') + + # Set axis labels and ticks + ax.set_xticks(np.arange(data_array[:,:,0].shape[1])) + ax.set_yticks(np.arange(data_array[:,:,0].shape[0])) + ax.set_xticklabels(["(ROM)", "1e-3", "1e-4", "1e-5", "1e-6"]) + ax.set_yticklabels(["1e-3", "1e-4", "1e-5", "1e-6"]) + + # Set axis labels + ax.set_xlabel(r'$\epsilon_{RES}$', fontsize=14) + ax.set_ylabel(r'$\epsilon_{SOL}$', fontsize=14) + + cbar = plt.colorbar(im, ax=ax) + if not os.path.exists(store_path): + os.makedirs(store_path) + plt.savefig(store_path+f'{title}.pdf',bbox_inches='tight') + #plt.show() + + + + +def plot_speeups(): + + titles = ['Example_1_Affine', 'Example_1_Nonlinear', 'Example_2_Affine', 'Example_2_Nonlinear', 'Example_3_Affine', 'Example_3_Nonlinear'] + + for title in titles: + plot_speedups_in_loop(title, './SpeedUps/') + + + +if __name__=='__main__': + + examples_to_plot = [1,2,3,4] #4 here is test for model with both trajectory 1 and 2 included + + models_to_plot = ['Affine', 'FFD_RBF'] + + store_path = './' + + solution_svd = [1e-3,1e-4,1e-5,1e-6] + + residuals_svd = [1e-3,1e-4,1e-5,1e-6] + + plot_errors_ROM_vs_HROM(examples_to_plot, models_to_plot, './FOM_AND_ROM_VS_HROM/', solution_svd, residuals_svd) + + #plot_errors_FOM_vs_ROM(examples_to_plot, models_to_plot, './FOM_VS_ROM/', solution_svd) + + #plot_average_errors_FOM_ROM_HROM_QoI_and_Solution(examples_to_plot, models_to_plot, './EverageError_QoI_and_Solution/', solution_svd, residuals_svd) + + plot_residuals_singular_values(examples_to_plot, models_to_plot, './ResidualsSingularValues/', solution_svd, residuals_svd) + + #plot_solutions_singular_values(examples_to_plot, models_to_plot,'./SolutionSingularValues/',solution_svd, residuals_svd) + + plot_number_of_selected_elements() + + plot_speeups() \ No newline at end of file