Created
April 12, 2018 23:47
-
-
Save Miyamura80/18e9c834bbdd04014208922524befe7a to your computer and use it in GitHub Desktop.
For game playing robot project
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import tkinter | |
import random as r | |
from GenerallyUsefulFunctions import createGrid2,visualise2DInputGrid,print2DGridAsGrid | |
WIDTH = 400 | |
HEIGHT = 400 | |
XYGAP = 5 | |
CONSTSTARTGAP = 5 | |
FOURSPAWNCHANCE = 25 | |
class Number(): | |
def __init__(self,value): | |
self.value = value | |
self.combined = False | |
def combined(self): | |
self.combined = True | |
#TODO: Remember to revert the state | |
def initGUI(board): | |
top = tkinter.Tk() | |
canvas = tkinter.Canvas(top, width=WIDTH, height=HEIGHT) | |
score = tkinter.Text(top, height=1, width=20) | |
bSouth = tkinter.Button(top, text="Down", command=lambda: squishIntoDirGUIUpdate(board, dir=0,canvas=canvas,score=score)) | |
bWest = tkinter.Button(top, text="Left", command=lambda: squishIntoDirGUIUpdate(board, dir=1,canvas=canvas,score=score)) | |
bNorth = tkinter.Button(top, text="Up", command=lambda: squishIntoDirGUIUpdate(board,2,canvas,score)) | |
bEast = tkinter.Button(top, text="Right", command=lambda: squishIntoDirGUIUpdate(board,3,canvas,score)) | |
score.insert("1.0", "Score:") | |
score.insert("2.0", "0000") | |
canvas.grid(row=0, column=0) | |
score.grid(row=1, column=0) | |
bSouth.grid(row=2, column=0) | |
bWest.grid(row=3, column=0) | |
bNorth.grid(row=4, column=0) | |
bEast.grid(row=5, column=0) | |
cellWidth = (WIDTH - 5 * XYGAP) / 4 | |
updateBoard(canvas,board,cellWidth) | |
top.mainloop() | |
def updateBoard(canvas,board,cellWidth): | |
for x in range(4): | |
for y in range(4): | |
tLeftx = (x * cellWidth) + XYGAP * x + CONSTSTARTGAP | |
tLefty = (y * cellWidth) + XYGAP * y + CONSTSTARTGAP | |
canvas.create_rectangle(tLeftx, tLefty, tLeftx + cellWidth, tLefty + cellWidth, fill="Blue") | |
midx = (tLeftx * 2 + cellWidth) / 2 | |
midy = (tLefty * 2 + cellWidth) / 2 | |
currentText = board[y][x] | |
if currentText == 0: | |
currentText = " " | |
canvas.create_text(midx, midy, text=currentText, font=("Arial", int(cellWidth / 2.5))) | |
#Maybe no returns? | |
def squishIntoDirGUIUpdate(board, dir, canvas,score): | |
#Data manipulation | |
board = squishIntoDir(board,dir) | |
board = fillNewNumber(board) | |
cellWidth = (WIDTH - 5 * XYGAP) / 4 | |
if gameOverCheck(board): | |
gameOverCanvas(canvas) | |
else: | |
updateBoard(canvas,board,cellWidth) | |
def gameOverCanvas(canvas): | |
canvas.create_rectangle(0,0,WIDTH,HEIGHT,fill="Red") | |
gameOverText = "GAME OVER" | |
canvas.create_text(WIDTH//2,HEIGHT//2,text=gameOverText, font=("Arial", int(WIDTH//len(gameOverText)))) | |
#TODO: Implement system which prevents illegal moves | |
def legalMoves(board): | |
pass | |
#Go in NESW order from 0->3 | |
def squishIntoDir(board, dir): | |
digiB = convertToBoard(board) | |
for i in range(4): | |
for j in range(4): | |
if dir==0: | |
y = i | |
x = j | |
elif dir==1: | |
y = j | |
x = 3-i | |
elif dir==2: | |
y = 3-i | |
x = j | |
elif dir==3: | |
y = j | |
x = i | |
else: | |
print("Invalid direction for squishing") | |
current = board[y][x] | |
if y!=3 and dir==0: | |
if current==0: | |
board[y][x] = board[y+1][x] | |
board[y+1][x] = 0 | |
elif board[y+1][x]==current and digiB[y][x].combined==False: | |
board[y][x] *= 2 | |
board[y+1][x] = 0 | |
digiB[y][x].combined = True | |
else: | |
pass | |
elif x!=0 and dir==1: | |
"""Code for left""" | |
if current==0: | |
board[y][x] = board[y][x-1] | |
board[y][x - 1] = 0 | |
elif y!=0 and dir==2: | |
"""Code for up""" | |
if board[y-1][x]==current: | |
board[y-1][x] *= 2 | |
board[y][x] = 0 | |
elif board[y-1][x]==0: | |
board[y-1][x]=current | |
board[y][x] = 0 | |
if x!=3 and dir==3: | |
"""code for right""" | |
if board[y][x+1]==current: | |
board[y][x+1] *= 2 | |
board[y][x] = 0 | |
elif board[y][x+1]==0: | |
board[y][x+1]=current | |
board[y][x] = 0 | |
return board | |
def fillNewNumber(board): | |
free = checkFree(board) | |
rIndex = r.randint(0,len(free)-1) | |
fourOr2 = r.randint(0,100) | |
if fourOr2 < FOURSPAWNCHANCE: | |
spawn = 4 | |
else: | |
spawn = 2 | |
board[rIndex//4][rIndex%4] = spawn | |
return board | |
def gameOverCheck(board): | |
for i in range(16): | |
current = board[i // 4][i % 4] | |
if current == 0: | |
return False | |
for i in range(4): | |
for j in range(4): | |
if i!=3: | |
if board[i+1][j]==board[i][j]: | |
return False | |
if j!=3: | |
if board[i][j+1]==board[i][j]: | |
return False | |
return True | |
def checkFree(board): | |
free = [] | |
for i in range(16): | |
current = board[i // 4][i % 4] | |
if current == 0: | |
free.append(i) | |
return free | |
def convertToBoard(b): | |
board = [Number(b[i//4][i%4]) for i in range(16)] | |
return board | |
def checkValidMove(board): | |
pass | |
if __name__=="__main__": | |
gridExample = [[0, 0, 0, 0], [0, 0, 4, 2], [0, 2, 0, 8], [32, 16, 8, 256]] | |
errorBoard = [[2, 4, 8, 1], [2, 5, 6, 7], [13, 9, 17, 19], [23, 29, 31, 37]] | |
initGUI(gridExample) | |
# visualise2DInputGrid(grid,"2D visualiation") | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# import the necessary packages | |
import numpy as np | |
import argparse | |
import cv2 | |
lowerBound=np.array([33,80,40]) | |
upperBound=np.array([102,255,255]) | |
cam= cv2.VideoCapture(0) | |
# ont=cv2.cv.InitFont(cv2.cv.CV_FONT_HERSHEY_SIMPLEX,2,0.5,0,3,1) | |
ret, img=cam.read() | |
img=cv2.resize(img,(340,220)) | |
imgHSV= cv2.cvtColor(img,cv2.COLOR_BGR2HSV) | |
mask=cv2.inRange(imgHSV,lowerBound,upperBound) | |
cv2.imshow("mask",mask) | |
cv2.imshow("cam",img) | |
cv2.waitKey(10) | |
kernelOpen=np.ones((5,5)) | |
kernelClose=np.ones((20,20)) | |
maskOpen=cv2.morphologyEx(mask,cv2.MORPH_OPEN,kernelOpen) | |
maskClose=cv2.morphologyEx(maskOpen,cv2.MORPH_CLOSE,kernelClose) | |
cv2.imshow("maskClose",maskClose) | |
cv2.imshow("maskOpen",maskOpen) | |
cv2.waitKey(0) | |
maskFinal=maskClose | |
_,conts,h=cv2.findContours(maskFinal.copy(),cv2.RETR_EXTERNAL,cv2.CHAIN_APPROX_NONE) | |
cv2.drawContours(img,conts,-1,(255,0,0),3) | |
for i in range(len(conts)): | |
x,y,w,h=cv2.boundingRect(conts[i]) | |
cv2.rectangle(img,(x,y),(x+w,y+h),(0,0,255), 2) | |
cv2.cv.PutText(cv2.cv.fromarray(img), str(i+1),(x,y+h),font,(0,255,255)) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import numpy as np | |
import cv2 | |
faceCas = cv2.CascadeClassifier("haarcascade_frontalface_default.xml") | |
img = cv2.imread("face.jpg") | |
gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY) | |
faces = faceCas.detectMultiScale(gray,1.3,5) | |
for (x,y,w,h) in faces: | |
img = cv2.rectangle(img, (x,y), (x+w,y+h),(255,0,0),2) | |
roi_gray = gray[y:y+h, x:x+w] | |
roi_color = img[y:y+h, x:x+w] | |
cv2.imshow("img",img) | |
cv2.waitKey(0) | |
cv2.destroyAllWindows() | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import cv2 | |
def webcamVideoFeed(recordOn): | |
#Video writing stuffs + Save file parameters | |
if recordOn: | |
fourcc = cv2.VideoWriter_fourcc(*'XVID') | |
out = cv2.VideoWriter('output.avi', fourcc, 20.0, (640, 480)) | |
#Change parameter to 1 to use USB connected webcam | |
cap = cv2.VideoCapture(0) | |
while (cap.isOpened()): | |
# Ret -> Bool, checks if any output from camera | |
# Frame -> frame object being taken | |
ret, frame = cap.read() | |
#Potential mods to the frames | |
""" | |
grayFrame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) | |
flipFrame = cv2.flip(frame,0) | |
""" | |
if recordOn: | |
out.write(frame) | |
# Display frame | |
cv2.imshow("Video feed", frame) | |
#End while loop if q is pressed | |
if cv2.waitKey(1) & 0xFF == ord('q'): | |
break | |
# When everything done, release the capture | |
cap.release() | |
if recordOn: | |
out.release() | |
cv2.destroyAllWindows() | |
webcamVideoFeed(False) | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import cv2 | |
# import the necessary packages | |
import argparse | |
import imutils | |
import cv2 | |
class ShapeDetector: | |
def __init__(self): | |
pass | |
def detect(self, c): | |
# initialize the shape name and approximate the contour | |
shape = "unidentified" | |
peri = cv2.arcLength(c, True) | |
approx = cv2.approxPolyDP(c, 0.04 * peri, True) | |
# if the shape is a triangle, it will have 3 vertices | |
if len(approx) == 3: | |
shape = "triangle" | |
# if the shape has 4 vertices, it is either a square or | |
# a rectangle | |
elif len(approx) == 4: | |
# compute the bounding box of the contour and use the | |
# bounding box to compute the aspect ratio | |
(x, y, w, h) = cv2.boundingRect(approx) | |
ar = w / float(h) | |
# a square will have an aspect ratio that is approximately | |
# equal to one, otherwise, the shape is a rectangle | |
shape = "square" if ar >= 0.95 and ar <= 1.05 else "rectangle" | |
# if the shape is a pentagon, it will have 5 vertices | |
elif len(approx) == 5: | |
shape = "pentagon" | |
# otherwise, we assume the shape is a circle | |
else: | |
shape = "circle" | |
# return the name of the shape | |
return shape | |
# construct the argument parse and parse the arguments | |
ap = argparse.ArgumentParser() | |
ap.add_argument("-i", "--shapes.png", required=True, | |
help="path to the input image") | |
args = vars(ap.parse_args()) | |
# load the image and resize it to a smaller factor so that | |
# the shapes can be approximated better | |
image = cv2.imread(args["image"]) | |
resized = imutils.resize(image, width=300) | |
ratio = image.shape[0] / float(resized.shape[0]) | |
# | |
# # convert the resized image to grayscale, blur it slightly, | |
# # and threshold it | |
# gray = cv2.cvtColor(resized, cv2.COLOR_BGR2GRAY) | |
# blurred = cv2.GaussianBlur(gray, (5, 5), 0) | |
# thresh = cv2.threshold(blurred, 60, 255, cv2.THRESH_BINARY)[1] | |
# | |
# # find contours in the thresholded image and initialize the | |
# # shape detector | |
# cnts = cv2.findContours(thresh.copy(), cv2.RETR_EXTERNAL, | |
# cv2.CHAIN_APPROX_SIMPLE) | |
# cnts = cnts[0] if imutils.is_cv2() else cnts[1] | |
# sd = ShapeDetector() | |
# # loop over the contours | |
# for c in cnts: | |
# # compute the center of the contour, then detect the name of the | |
# # shape using only the contour | |
# M = cv2.moments(c) | |
# cX = int((M["m10"] / M["m00"]) * ratio) | |
# cY = int((M["m01"] / M["m00"]) * ratio) | |
# shape = sd.detect(c) | |
# | |
# # multiply the contour (x, y)-coordinates by the resize ratio, | |
# # then draw the contours and the name of the shape on the image | |
# c = c.astype("float") | |
# c *= ratio | |
# c = c.astype("int") | |
# cv2.drawContours(image, [c], -1, (0, 255, 0), 2) | |
# cv2.putText(image, shape, (cX, cY), cv2.FONT_HERSHEY_SIMPLEX, | |
# 0.5, (255, 255, 255), 2) | |
# | |
# # show the output image | |
# cv2.imshow("Image", image) | |
# cv2.waitKey(0) | |
# | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import numpy as np | |
import cv2 | |
img = cv2.imread('shapes.png') | |
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) | |
# cv2.imshow("img",gray) | |
# cv2.waitKey() | |
ret,thresh = cv2.threshold(gray,127,1023,0) | |
image, contours, hierarchy = cv2.findContours(thresh,cv2.RETR_TREE,cv2.CHAIN_APPROX_SIMPLE) | |
for cnt in contours: | |
approx = cv2.approxPolyDP(cnt,0.01*cv2.arcLength(cnt,True),True) | |
print(len(approx)) | |
if len(approx)==5: | |
print("pentagon") | |
# cv2.drawContours(img,[cnt],0,255,-1) | |
elif len(approx)==3: | |
print("triangle") | |
# cv2.drawContours(img,[cnt],0,(0,255,0),-1) | |
elif len(approx)==4: | |
print("square") | |
# cv2.drawContours(img,[cnt],0,(0,0,255),-1) | |
elif len(approx) == 9: | |
print("half-circle") | |
# cv2.drawContours(img,[cnt],0,(255,255,0),-1) | |
elif len(approx) > 15: | |
print("circle") | |
# cv2.drawContours(img,[cnt],0,(0,255,255),-1) | |
cv2.imshow('img',img) | |
cv2.waitKey(0) | |
cv2.destroyAllWindows() | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import cv2 | |
from GenerallyUsefulFunctions import createGrid2 | |
""" | |
Modeled by a | |
""" | |
def webcamVideoFeed(recordOn): | |
#Video writing stuffs + Save file parameters | |
if recordOn: | |
fourcc = cv2.VideoWriter_fourcc(*'XVID') | |
out = cv2.VideoWriter('output.avi', fourcc, 20.0, (640, 480)) | |
#Change parameter to 1 to use USB connected webcam | |
cap = cv2.VideoCapture(0) | |
while (cap.isOpened()): | |
# Ret -> Bool, checks if any output from camera | |
# Frame -> frame object being taken | |
ret, frame = cap.read() | |
frame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) | |
#Potential mods to the frames | |
""" | |
grayFrame = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) | |
flipFrame = cv2.flip(frame,0) | |
""" | |
if recordOn: | |
out.write(frame) | |
detection = detectPianoTiles(frame) | |
frame = colourPixels(frame) | |
for i in range(4): | |
if detection[i]: | |
print("Black present at index: ",i) | |
# Display frame | |
cv2.imshow("Video feed", frame) | |
#End while loop if q is pressed | |
if cv2.waitKey(1) & 0xFF == ord('q'): | |
break | |
# When everything done, release the capture | |
print(frame.shape) | |
cap.release() | |
if recordOn: | |
out.release() | |
cv2.destroyAllWindows() | |
def detectPianoTiles(frame): | |
blackConstant = 20 | |
detectedTiles = [False,False,False,False] | |
for i in range(4): | |
# print(frame[50,150+i*130]) | |
if frame[50,150+i*130] < blackConstant: | |
detectedTiles[i] = True | |
return detectedTiles | |
def colourPixels(frame): | |
frame[50:80,150:180] = 0 | |
frame[50:80, 280:310] = 0 | |
frame[50:80, 410:440] = 0 | |
frame[50:80, 540:570] = 0 | |
return frame | |
webcamVideoFeed(False) | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
[1, 1, 1, 1, 1, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 8, 1, 1, 1, 7, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 1, 1, 8, 7, 1, 1, 7, 8]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 1, 1, 8, 7, 1, 8, 7, 8]:49.8111053407,0.0,49.879107418,0.0,0.0,49.8488842725,49.9032859344,0.0,49.879107418 | |
[7, 8, 1, 8, 7, 7, 8, 7, 8]:10.0,10.0,0.0,0.0,0.0,10.0,10.0,10.0,10.0 | |
[7, 8, 7, 8, 7, 7, 8, 7, 8]:60.0,60.0,60.0,60.0,0.0,0.0,60.0,60.0,60.0 | |
[8, 1, 1, 1, 1, 1, 1, 1, 1]:4.294967296,0.0,5.36870912,0.0,0.0,0.0,5.36870912,0.0,5.36870912 | |
[8, 1, 1, 7, 1, 1, 1, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 8, 7, 7, 1, 1, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 1, 1, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 7, 8, 7, 7, 8, 7, 8, 8]:110.0,110.0,96.0,0.0,0.0,110.0,110.0,110.0,110.0 | |
[1, 1, 1, 1, 8, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 8, 1, 1, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[8, 1, 1, 7, 8, 1, 1, 8, 7]:0.0,0.0,0.0,0.0,49.938102998,0.0,49.9226287475,49.938102998,0.0 | |
[8, 8, 7, 7, 8, 1, 1, 8, 7]:0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 1, 1, 1, 8, 1, 7, 1, 1]:50.0,0.0,50.0,0.0,40.0,0.0,50.0,0.0,50.0 | |
[8, 1, 8, 7, 8, 1, 7, 1, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 8, 1, 7, 8, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 7, 8, 7, 8, 7, 7, 8, 8]:110.0,0.0,110.0,0.0,96.0,0.0,0.0,0.0,110.0 | |
[1, 1, 7, 1, 1, 8, 1, 1, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 1, 7, 1, 1, 8, 8, 1, 7]:0.0,50.0,0.0,50.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 7, 1, 1, 8, 8, 1, 7]:49.9992863762,49.9992863762,49.9992863762,49.9991079702,0.0,0.0,49.9992863762,0.0,0.0 | |
[8, 7, 7, 8, 7, 8, 8, 1, 7]:110.0,0.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[8, 1, 1, 1, 8, 8, 7, 1, 7]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 8, 8, 7, 7, 7]:0.0,-90.0,0.0,0.0,-90.0,-90.0,0.0,0.0,0.0 | |
[7, 1, 1, 1, 1, 1, 1, 1, 8]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[7, 1, 1, 1, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 1, 1, 7, 8, 8, 7, 1, 8]:0.0,0.0,0.0,0.0,-90.0,-90.0,0.0,0.0,-90.0 | |
[1, 1, 1, 1, 8, 8, 1, 1, 7]:0.0,50.0,0.0,50.0,0.0,40.0,0.0,50.0,0.0 | |
[1, 7, 1, 8, 8, 8, 1, 1, 7]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 1, 1, 8, 7, 1, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 1, 7, 1, 8, 8, 7, 1, 1]:0.0,50.0,0.0,0.0,10.0,0.0,0.0,50.0,0.0 | |
[1, 1, 7, 1, 8, 8, 7, 7, 8]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,10.0,10.0 | |
[1, 7, 7, 8, 8, 8, 7, 7, 8]:0.0,0.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[1, 1, 1, 7, 1, 1, 8, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[1, 8, 1, 7, 1, 7, 8, 1, 1]:50.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[7, 8, 1, 7, 1, 7, 8, 8, 1]:49.9957464704,0.0,0.0,49.99335386,0.0,0.0,0.0,49.991692325,49.994683088 | |
[7, 8, 7, 7, 1, 7, 8, 8, 8]:110.0,0.0,0.0,110.0,0.0,0.0,110.0,110.0,110.0 | |
[1, 7, 1, 1, 1, 1, 1, 8, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 7, 1, 8, 1, 1, 7, 8, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 7, 7, 8, 8, 1, 7, 8, 1]:0.0,48.5926251164,0.0,0.0,48.5926251164,48.2407813956,0.0,48.5926251164,0.0 | |
[7, 7, 7, 8, 8, 8, 7, 8, 1]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[1, 7, 1, 8, 1, 7, 1, 8, 1]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 7, 8, 8, 7, 1, 8, 1]:0.0,10.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 7, 7, 8, 8, 7, 7, 8, 8]:0.0,10.0,10.0,10.0,10.0,10.0,10.0,10.0,10.0 | |
[7, 7, 7, 8, 8, 7, 7, 8, 8]:-90.0,-90.0,-90.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0 | |
[1, 1, 1, 1, 1, 1, 1, 8, 1]:0.0,20.48,0.0,16.384,0.0,16.384,0.0,16.384,0.0 | |
[1, 1, 1, 7, 1, 8, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 1, 7, 1, 8, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 1, 7, 1, 8, 7, 8, 7]:10.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 7, 7, 8, 8, 7, 8, 7]:0.0,96.0,0.0,110.0,96.0,0.0,0.0,96.0,0.0 | |
[8, 1, 7, 1, 1, 8, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 8, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 8, 8, 7, 1]:10.0,0.0,10.0,0.0,10.0,10.0,10.0,10.0,0.0 | |
[8, 8, 7, 7, 8, 8, 8, 7, 7]:46.0,60.0,60.0,60.0,46.0,60.0,60.0,46.0,0.0 | |
[1, 1, 1, 7, 1, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 7, 1, 1, 8, 8, 1]:0.0,0.0,50.0,0.0,0.0,50.0,50.0,0.0,50.0 | |
[7, 1, 8, 7, 1, 8, 8, 8, 7]:0.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 7, 8, 7, 8, 8, 8, 8, 7]:110.0,0.0,110.0,0.0,96.0,0.0,110.0,0.0,96.0 | |
[8, 1, 1, 8, 1, 7, 1, 7, 1]:50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[8, 1, 8, 8, 1, 7, 1, 7, 7]:0.0,0.0,49.0992800745,49.7048520948,0.0,49.5388313982,49.6310651185,0.0,49.7048520948 | |
[8, 8, 8, 8, 7, 7, 1, 7, 7]:268.4,110.0,268.4,0.0,0.0,0.0,198.0,268.4,268.4 | |
[7, 1, 1, 1, 8, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 1, 8, 1, 8, 7, 1]:10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[7, 7, 1, 8, 8, 1, 8, 7, 1]:49.994683088,0.0,49.9965971763,49.9957464704,49.9957464704,0.0,0.0,49.994683088,0.0 | |
[7, 7, 1, 8, 8, 7, 8, 7, 8]:18.0,0.0,10.0,0.0,18.0,18.0,18.0,18.0,10.0 | |
[7, 7, 7, 8, 8, 7, 8, 7, 8]:-90.0,-90.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0 | |
[1, 1, 8, 7, 8, 1, 1, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,40.0 | |
[1, 7, 8, 7, 8, 1, 1, 8, 1]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 1, 8, 1, 1, 1, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 1, 7, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 1, 1, 7, 7, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,10.0 | |
[7, 8, 1, 1, 1, 1, 7, 1, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 8, 1, 8, 7, 1, 7, 1, 8]:0.0,49.0992800745,0.0,48.8741000932,0.0,0.0,0.0,48.8741000932,0.0 | |
[7, 8, 7, 8, 7, 8, 7, 1, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[8, 8, 1, 1, 1, 1, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 8, 1, 1, 7, 1, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 8, 8, 7, 7, 1, 7]:0.0,10.0,0.0,10.0,10.0,0.0,10.0,0.0,10.0 | |
[8, 8, 8, 8, 8, 7, 7, 7, 7]:0.0,110.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[1, 1, 1, 7, 1, 1, 1, 1, 8]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[8, 1, 1, 7, 1, 1, 7, 1, 8]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 1, 1, 7, 7, 1, 7, 8, 8]:0.0,0.0,44.63129088,0.0,0.0,0.0,45.705032704,45.705032704,0.0 | |
[8, 1, 7, 7, 7, 8, 7, 8, 8]:0.0,-90.0,-90.0,0.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[1, 1, 1, 1, 1, 8, 1, 7, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 1, 1, 8, 1, 8, 1, 7, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 7, 8, 1, 8, 1, 7, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 7, 8, 1, 7, 7]:10.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 7, 8, 7, 8, 7, 7, 7]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[1, 1, 1, 8, 1, 8, 7, 7, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 1, 8, 8, 8, 7, 7, 1]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 7, 1, 8, 8, 8, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 7, 1, 7, 1, 8, 8, 8, 7]:38.5926251165,0.0,48.2407813956,48.5926251164,0.0,47.8009767444,48.5926251164,48.5926251164,0.0 | |
[8, 7, 8, 7, 7, 8, 8, 8, 7]:60.0,0.0,60.0,60.0,0.0,46.0,46.0,60.0,46.0 | |
[1, 1, 7, 1, 1, 8, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 7, 7, 1, 1, 8, 1, 7, 8]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[8, 7, 7, 1, 8, 8, 7, 7, 8]:110.0,0.0,110.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[7, 1, 8, 1, 1, 1, 7, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[7, 1, 8, 8, 1, 7, 7, 1, 8]:49.8488842725,0.0,49.8488842725,49.8488842725,0.0,49.8488842725,0.0,49.8111053407,0.0 | |
[7, 8, 8, 8, 7, 7, 7, 1, 8]:0.0,10.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[7, 8, 8, 8, 7, 7, 7, 7, 8]:60.0,60.0,60.0,60.0,0.0,0.0,0.0,60.0,60.0 | |
[1, 1, 1, 7, 8, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 8, 7, 1, 1, 1]:49.9999917725,0.0,0.0,0.0,0.0,0.0,0.0,0.0,49.9999957875 | |
[8, 1, 1, 7, 8, 7, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[1, 8, 1, 7, 8, 1, 1, 7, 1]:0.0,49.9999871445,0.0,0.0,49.9999871445,49.9999871445,0.0,0.0,0.0 | |
[8, 8, 1, 7, 8, 1, 7, 7, 1]:10.0,0.0,49.9999999979,0.0,49.9999999979,49.9999999967,0.0,0.0,0.0 | |
[8, 8, 8, 7, 8, 1, 7, 7, 7]:0.0,549.999909497,549.999909497,0.0,0.0,549.999886872,549.999886872,0.0,549.999723808 | |
[1, 7, 1, 1, 1, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 1, 1, 8, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 7, 7, 8, 1, 7, 8, 8, 1]:550.0,0.0,0.0,550.0,0.0,0.0,550.0,0.0,537.0 | |
[7, 1, 7, 8, 8, 1, 7, 1, 8]:0.0,0.0,0.0,50.0,50.0,0.0,0.0,50.0,0.0 | |
[7, 8, 7, 8, 8, 7, 7, 1, 8]:0.0,48.2407813956,50.0,50.0,50.0,0.0,50.0,50.0,0.0 | |
[7, 8, 7, 8, 8, 7, 7, 7, 8]:60.0,60.0,0.0,60.0,60.0,60.0,60.0,60.0,60.0 | |
[1, 1, 8, 1, 1, 7, 1, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 1, 7, 7, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 1, 8, 8, 7, 7, 8, 8, 1]:0.0,0.0,0.0,44.63129088,0.0,45.705032704,45.705032704,45.705032704,44.63129088 | |
[7, 8, 8, 8, 7, 7, 8, 8, 7]:-90.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[8, 1, 1, 1, 1, 1, 1, 7, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,40.0 | |
[8, 1, 8, 1, 1, 1, 7, 7, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 8, 7, 1, 7, 7, 1]:49.9998129278,49.9999233752,0.0,49.9999607681,0.0,0.0,49.9994291009,0.0,49.9999509601 | |
[8, 1, 8, 8, 7, 7, 7, 7, 8]:45.705032704,44.63129088,45.705032704,0.0,0.0,45.705032704,43.2891136,45.705032704,44.63129088 | |
[8, 7, 8, 8, 7, 7, 7, 7, 8]:-90.0,0.0,-90.0,-90.0,0.0,0.0,-90.0,0.0,-90.0 | |
[7, 1, 1, 7, 1, 8, 1, 1, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 7, 1, 7, 1, 8, 1, 8, 8]:0.0,49.9988849627,0.0,0.0,0.0,0.0,49.9988849627,49.9965971763,49.9991079702 | |
[7, 7, 7, 7, 8, 8, 1, 8, 8]:0.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0,-90.0 | |
[8, 1, 1, 8, 1, 1, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 8, 1, 1, 7, 7, 1]:0.0,49.9982577543,0.0,49.9982577543,0.0,49.9978221929,0.0,0.0,0.0 | |
[8, 8, 1, 8, 1, 8, 7, 7, 7]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[1, 1, 1, 1, 1, 7, 1, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 8, 1, 1, 1, 7, 1, 8, 8]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 8, 8, 1, 7, 7, 1, 8, 8]:48.2407813956,47.8009767444,47.8009767444,0.0,0.0,47.8009767444,48.2407813956,0.0,0.0 | |
[7, 8, 8, 8, 7, 7, 7, 8, 8]:50.0,60.0,60.0,60.0,0.0,60.0,60.0,60.0,0.0 | |
[8, 8, 1, 8, 1, 7, 7, 1, 1]:0.0,49.99999663,0.0,49.999997304,0.0,49.999993418,0.0,0.0,49.99999663 | |
[8, 8, 1, 8, 1, 7, 7, 8, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[8, 8, 7, 8, 8, 7, 7, 8, 7]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[1, 1, 7, 8, 1, 7, 1, 8, 8]:0.0,39.9965971763,0.0,49.994683088,0.0,49.9965971763,0.0,0.0,0.0 | |
[1, 8, 7, 8, 1, 7, 7, 8, 8]:49.9504823984,49.9603859187,0.0,0.0,0.0,49.9603859187,0.0,49.9603859187,0.0 | |
[8, 8, 7, 8, 7, 7, 7, 8, 8]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[8, 8, 1, 7, 1, 1, 7, 1, 8]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 1, 7, 7, 8, 7, 1, 8]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 1, 1, 1, 8, 7, 1, 8, 1]:0.0,50.0,0.0,50.0,50.0,50.0,0.0,50.0,0.0 | |
[8, 1, 7, 1, 8, 7, 1, 8, 1]:49.974646988,0.0,0.0,39.974646988,49.974646988,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 7, 1, 8, 8]:110.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 8, 1, 1, 7, 8, 7, 1, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 1, 1, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 8, 7, 1, 8]:0.0,0.0,49.9896154063,0.0,0.0,49.9870192579,49.9870192579,0.0,49.9896154063 | |
[8, 1, 7, 7, 1, 8, 7, 8, 8]:0.0,32.0,0.0,50.0,0.0,50.0,0.0,50.0,50.0 | |
[1, 7, 8, 1, 1, 1, 1, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[8, 7, 8, 1, 1, 1, 1, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 1, 8, 7, 7]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 1, 7, 8, 8, 7, 7]:-90.0,0.0,-90.0,0.0,0.0,-90.0,-90.0,0.0,0.0 | |
[8, 1, 8, 1, 7, 1, 7, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 8, 1, 7, 7, 7, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,10.0 | |
[8, 8, 8, 7, 7, 7, 7, 8, 8]:0.0,110.0,110.0,0.0,0.0,110.0,110.0,0.0,110.0 | |
[1, 8, 1, 7, 1, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 8, 7, 1, 7, 1, 8, 1]:0.0,39.9999999514,49.9999999051,0.0,0.0,0.0,49.9999999393,0.0,0.0 | |
[8, 8, 8, 7, 1, 7, 7, 8, 1]:549.99999602,549.999992226,549.99999602,0.0,0.0,0.0,549.999993781,0.0,549.999995025 | |
[8, 1, 7, 1, 1, 1, 1, 7, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 7, 1, 8, 1, 7, 7, 8]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[1, 7, 8, 1, 1, 7, 1, 8, 1]:0.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 7, 8, 7, 1, 7, 1, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 7, 1, 7, 7, 8, 8]:10.0,0.0,10.0,0.0,0.0,10.0,10.0,10.0,10.0 | |
[8, 7, 8, 7, 7, 7, 7, 8, 8]:-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,-90.0,-90.0 | |
[1, 7, 8, 1, 1, 1, 1, 8, 7]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[1, 7, 8, 8, 1, 1, 7, 8, 7]:0.0,10.0,10.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 7, 8, 7, 8, 7]:0.0,10.0,0.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[7, 7, 8, 8, 7, 8, 7, 8, 7]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[1, 1, 8, 7, 7, 1, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 8, 8, 7, 7, 1, 8, 8, 1]:0.0,49.9504823984,49.9504823984,49.8488842725,0.0,49.9504823984,10.0,0.0,49.9603859187 | |
[8, 1, 1, 1, 1, 1, 8, 7, 7]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 1, 8, 1, 7, 1, 8, 7, 7]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 1, 1, 1, 1, 1, 1, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 7, 1, 8, 1, 7]:0.0,0.0,49.9999999996,0.0,0.0,49.9999999994,49.9999999996,0.0,0.0 | |
[8, 8, 1, 1, 7, 8, 8, 7, 7]:0.0,39.99335386,49.991692325,49.9870192579,0.0,49.99335386,49.99335386,0.0,0.0 | |
[8, 8, 7, 8, 7, 8, 8, 7, 7]:110.0,110.0,96.0,96.0,0.0,110.0,110.0,110.0,0.0 | |
[1, 1, 1, 7, 1, 8, 7, 8, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[1, 7, 8, 7, 1, 8, 7, 8, 1]:50.0,50.0,50.0,0.0,0.0,0.0,0.0,50.0,50.0 | |
[7, 7, 8, 7, 1, 8, 7, 8, 8]:0.0,110.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[1, 1, 1, 1, 7, 8, 1, 1, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[8, 1, 1, 7, 7, 8, 1, 1, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 7, 7, 8, 1, 7, 1]:49.9999999999,49.9999999999,49.9999999999,0.0,0.0,0.0,0.0,49.9999999994,50.0 | |
[8, 8, 1, 7, 7, 8, 8, 7, 7]:49.9999999973,49.9999999967,49.9999999983,0.0,0.0,0.0,49.9999999986,49.9999999986,49.9999996381 | |
[1, 7, 1, 1, 1, 1, 1, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 1, 1, 7, 8, 1, 8, 8]:0.0,0.0,0.0,49.9978221929,0.0,49.9982577543,0.0,0.0,0.0 | |
[1, 7, 8, 7, 7, 8, 1, 8, 8]:0.0,0.0,548.670181598,0.0,0.0,548.670181598,548.337726998,0.0,548.670181598 | |
[1, 7, 1, 1, 8, 8, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 7, 1, 8, 8, 8, 7, 8, 7]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 1, 1, 7, 7, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 8, 7, 7, 8]:0.0,0.0,0.0,0.0,0.0,100.0,110.0,0.0,110.0 | |
[1, 1, 1, 7, 1, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,98.0,0.0,110.0 | |
[1, 8, 7, 1, 8, 7, 1, 8, 1]:0.0,547.922158748,0.0,549.319132978,549.319132978,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 1, 1, 1, 7, 1, 8]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[1, 1, 1, 7, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[8, 1, 1, 7, 8, 1, 7, 7, 8]:530.648595351,0.0,537.615101025,0.0,530.648595351,0.0,530.648595351,0.0,0.0 | |
[8, 8, 8, 7, 7, 8, 7, 1, 1]:0.0,0.0,198.0,0.0,0.0,198.0,198.0,0.0,110.0 | |
[8, 1, 8, 1, 8, 1, 7, 1, 7]:0.0,0.0,10.0,0.0,-100.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 8, 8, 1, 7, 7, 7]:0.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0 | |
[1, 1, 8, 1, 7, 1, 1, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[7, 1, 8, 8, 7, 7, 8, 7, 8]:10.0,0.0,10.0,0.0,0.0,10.0,10.0,10.0,10.0 | |
[8, 8, 1, 1, 7, 8, 1, 1, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 7, 8, 7, 8, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 1, 8, 1, 1, 1, 7]:40.0,0.0,50.0,0.0,40.0,0.0,50.0,0.0,50.0 | |
[8, 7, 8, 1, 8, 1, 1, 1, 7]:49.9226287475,0.0,10.0,0.0,49.9226287475,0.0,49.9032859344,0.0,0.0 | |
[8, 7, 8, 1, 8, 7, 1, 8, 7]:48.8741000932,0.0,48.5926251164,0.0,48.8741000932,0.0,48.5926251164,10.0,0.0 | |
[8, 7, 8, 8, 8, 7, 7, 8, 7]:46.0,0.0,60.0,60.0,46.0,46.0,46.0,60.0,0.0 | |
[8, 1, 1, 1, 1, 1, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 1, 1, 7, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 8, 1, 1, 7, 8, 7]:49.9999999948,0.0,49.9999999973,49.9999999973,0.0,39.9999999978,49.9999999611,49.9999999973,0.0 | |
[8, 1, 1, 1, 1, 7, 1, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 1, 7, 1, 8, 1]:0.0,49.9999988957,0.0,0.0,0.0,0.0,0.0,49.9999982746,49.9999986197 | |
[8, 8, 7, 7, 8, 7, 1, 8, 1]:0.0,97.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[7, 1, 8, 1, 1, 1, 1, 1, 1]:50.0,0.0,50.0,0.0,0.0,0.0,40.0,0.0,50.0 | |
[7, 1, 8, 1, 1, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,50.0,0.0,50.0,0.0 | |
[7, 1, 8, 8, 1, 8, 7, 1, 7]:0.0,49.9986062034,0.0,10.0,0.0,0.0,0.0,49.9988849627,0.0 | |
[7, 7, 8, 8, 1, 8, 7, 8, 7]:0.0,10.0,10.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[1, 1, 8, 8, 1, 7, 1, 7, 1]:50.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 8, 1, 7, 1, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 8, 1, 7, 7, 7, 8]:10.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0,10.0 | |
[7, 1, 8, 1, 1, 8, 7, 7, 8]:0.0,0.0,110.0,0.0,0.0,110.0,0.0,110.0,110.0 | |
[1, 1, 1, 1, 1, 8, 1, 1, 7]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[7, 8, 1, 1, 1, 8, 1, 1, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 8, 8, 7, 1, 8, 1, 1, 7]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,49.9999999996,0.0 | |
[7, 8, 8, 7, 1, 8, 8, 7, 7]:10.0,10.0,10.0,10.0,0.0,10.0,10.0,10.0,10.0 | |
[7, 8, 8, 7, 7, 8, 8, 7, 7]:-90.0,-90.0,-90.0,0.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[8, 1, 1, 1, 7, 1, 7, 1, 8]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 1, 1, 7, 1, 7, 7, 8]:0.0,49.9032859344,49.879107418,0.0,0.0,0.0,49.6310651185,0.0,0.0 | |
[8, 8, 7, 1, 7, 8, 7, 7, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[8, 1, 1, 8, 1, 1, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 8, 7, 1, 1, 7]:0.0,49.9986062034,0.0,0.0,49.9982577543,0.0,49.9988849627,0.0,0.0 | |
[8, 1, 7, 8, 8, 7, 1, 8, 7]:0.0,0.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0 | |
[1, 7, 1, 1, 1, 8, 1, 8, 1]:0.0,0.0,0.0,50.0,0.0,40.0,0.0,0.0,0.0 | |
[8, 7, 1, 1, 7, 8, 1, 8, 1]:10.0,0.0,0.0,49.9504823984,0.0,39.9603859187,0.0,0.0,0.0 | |
[8, 7, 1, 7, 7, 8, 8, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 1, 7, 1, 1, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 8, 7, 1, 8, 7]:0.0,525.810744189,0.0,530.648595351,534.518876281,0.0,0.0,534.518876281,0.0 | |
[8, 1, 1, 7, 8, 1, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[8, 8, 8, 7, 1, 1, 7, 1, 1]:0.0,549.96256894,549.96256894,0.0,0.0,0.0,537.96256894,0.0,549.953211175 | |
[8, 1, 8, 1, 8, 7, 7, 8, 7]:33.616,0.0,48.8741000932,48.5926251164,48.8741000932,48.8741000932,48.8741000932,48.8741000932,0.0 | |
[8, 7, 1, 8, 1, 1, 1, 8, 7]:0.0,0.0,0.0,49.9999999999,0.0,39.9999999998,49.9999999998,49.9999999919,0.0 | |
[8, 7, 7, 8, 1, 1, 8, 8, 7]:0.0,110.0,110.0,110.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 8, 1, 7, 8, 1, 8, 7, 1]:10.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[7, 8, 8, 7, 8, 7, 8, 7, 1]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[1, 1, 7, 1, 8, 7, 1, 8, 8]:0.0,49.879107418,0.0,0.0,49.9032859344,0.0,0.0,0.0,49.9032859344 | |
[1, 1, 7, 7, 8, 7, 8, 8, 8]:0.0,530.648595351,0.0,0.0,0.0,525.810744189,530.648595351,0.0,530.648595351 | |
[1, 7, 1, 1, 8, 1, 1, 8, 1]:0.0,50.0,0.0,50.0,40.0,50.0,0.0,50.0,0.0 | |
[7, 7, 8, 7, 8, 1, 1, 8, 8]:0.0,0.0,47.2512209306,0.0,47.2512209306,47.2512209306,10.0,0.0,47.8009767444 | |
[7, 7, 8, 7, 8, 8, 7, 8, 8]:0.0,110.0,110.0,0.0,0.0,110.0,110.0,110.0,110.0 | |
[1, 1, 8, 1, 7, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 7, 8, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 7, 8, 8, 7, 8, 7, 7, 1]:-90.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,-90.0 | |
[1, 1, 7, 8, 1, 1, 7, 1, 8]:0.0,0.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0 | |
[8, 1, 7, 8, 1, 7, 7, 1, 8]:10.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 1, 1, 1, 7]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 1, 1, 8, 1, 7]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 1, 7, 7, 8, 8, 8, 1, 7]:0.0,49.9870192579,0.0,49.9870192579,49.9870192579,49.9896154063,49.9226287475,0.0,0.0 | |
[1, 7, 7, 7, 8, 8, 8, 8, 7]:48.8741000932,49.0992800745,49.0992800745,49.0992800745,49.0992800745,49.0992800745,0.0,49.0992800745,49.0992800745 | |
[7, 7, 7, 7, 8, 8, 8, 8, 7]:-90.0,0.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0,0.0 | |
[8, 7, 7, 8, 8, 7, 7, 1, 8]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[8, 1, 7, 1, 8, 1, 1, 1, 1]:50.0,0.0,40.0,0.0,40.0,0.0,50.0,0.0,50.0 | |
[8, 8, 7, 7, 8, 1, 1, 1, 1]:0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 7, 8, 7, 1, 1, 8]:525.810744189,0.0,110.0,0.0,525.810744189,0.0,519.763430236,0.0,525.810744189 | |
[8, 1, 7, 7, 1, 8, 1, 7, 8]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[8, 8, 7, 7, 1, 8, 7, 7, 8]:0.0,10.0,10.0,0.0,0.0,10.0,10.0,10.0,10.0 | |
[8, 8, 7, 7, 7, 8, 7, 7, 8]:-90.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0,-90.0 | |
[8, 7, 8, 1, 1, 1, 7, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 7, 8, 1, 1, 8, 7, 8, 7]:10.0,0.0,49.9999991166,49.9999998147,0.0,49.9999998147,49.9999998518,49.9999998518,39.9999998518 | |
[8, 1, 8, 8, 1, 1, 7, 7, 1]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 1, 8, 8, 8, 7, 7, 7, 1]:49.9226287475,49.9032859344,0.0,0.0,49.9226287475,0.0,49.9032859344,0.0,44.63129088 | |
[8, 1, 7, 1, 1, 1, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 7, 7, 1, 7, 8, 8]:49.7048520948,49.7048520948,49.7638816759,0.0,0.0,0.0,0.0,49.7048520948,49.7638816759 | |
[1, 7, 1, 8, 1, 8, 1, 7, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 1, 8, 1, 7, 7]:0.0,0.0,49.9978221929,49.9972777411,0.0,0.0,49.9972777411,0.0,0.0 | |
[8, 7, 8, 8, 7, 8, 1, 7, 7]:-90.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[7, 1, 8, 1, 7, 1, 1, 1, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 7, 8, 8, 7, 1, 1, 1, 8]:49.9991079702,0.0,0.0,49.9995432807,0.0,49.9996346246,49.9995432807,0.0,49.9997076997 | |
[7, 7, 8, 8, 7, 1, 7, 8, 8]:0.0,49.9870192579,10.0,49.9870192579,0.0,49.9837740723,49.9870192579,49.9870192579,49.9870192579 | |
[1, 1, 8, 7, 1, 8, 1, 1, 7]:0.0,50.0,50.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 1, 8, 1, 1, 7]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 8, 1, 1, 7, 1]:0.0,10.0,39.9032859344,0.0,39.9032859344,49.879107418,0.0,0.0,0.0 | |
[8, 8, 7, 7, 8, 1, 8, 7, 1]:0.0,49.9999748916,49.9999748916,0.0,49.9999748916,10.0,49.9999748916,0.0,49.9999686145 | |
[8, 1, 7, 8, 8, 7, 7, 8, 1]:0.0,0.0,0.0,10.0,10.0,0.0,10.0,10.0,0.0 | |
[1, 1, 8, 8, 1, 7, 1, 8, 7]:10.0,0.0,0.0,18.0,0.0,18.0,0.0,18.0,0.0 | |
[7, 1, 8, 8, 8, 7, 1, 8, 7]:10.0,0.0,10.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 8, 8, 8, 8, 7, 7, 8, 7]:0.0,96.0,0.0,96.0,96.0,96.0,0.0,110.0,0.0 | |
[8, 1, 8, 1, 1, 1, 1, 7, 7]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 8, 1, 7, 7]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 1, 8, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,18.0,8.0,0.0,0.0,10.0 | |
[8, 1, 7, 8, 8, 8, 7, 1, 7]:0.0,0.0,0.0,97.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 1, 8, 1, 7]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 8, 8, 7, 7]:50.0,0.0,50.0,0.0,0.0,49.9999999999,50.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 8, 8, 7, 7]:10.0,0.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0 | |
[8, 7, 7, 7, 8, 8, 8, 7, 7]:60.0,60.0,0.0,0.0,60.0,0.0,60.0,0.0,50.0 | |
[1, 1, 7, 8, 1, 8, 7, 7, 8]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 1, 7, 8, 8, 8, 7, 7, 8]:0.0,549.999999825,0.0,549.99999986,549.999999825,549.999999825,0.0,539.99999986,0.0 | |
[8, 1, 7, 1, 1, 1, 7, 8, 8]:0.0,49.9999799133,0.0,0.0,0.0,0.0,0.0,49.9999839306,39.9999839306 | |
[8, 7, 7, 1, 8, 1, 7, 8, 8]:110.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 1, 1, 1, 1, 8, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 1, 8, 8, 1, 1, 7]:10.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 8, 1, 8, 7]:49.9999999393,0.0,49.9999999393,39.9999999514,49.9999999514,49.9999998518,0.0,49.9999992933,0.0 | |
[1, 1, 1, 1, 1, 7, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 1, 1, 7, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 1, 1, 7, 8, 8, 8]:0.0,0.0,0.0,542.073664656,0.0,543.658931725,537.615101025,0.0,543.658931725 | |
[8, 1, 1, 8, 1, 7, 1, 8, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 1, 7, 8, 8, 7]:0.0,534.518876281,537.615101025,537.615101025,0.0,0.0,537.615101025,0.0,0.0 | |
[8, 7, 1, 1, 1, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 1, 8, 7, 1, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 8, 7, 7, 8, 1]:41.611392,0.0,41.611392,41.611392,41.611392,0.0,41.611392,41.611392,0.0 | |
[8, 7, 8, 1, 8, 1, 7, 1, 1]:10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 7, 8, 8, 7, 1, 1]:0.0,0.0,49.9603859187,0.0,49.9603859187,49.9603859187,0.0,0.0,49.9504823984 | |
[8, 7, 8, 7, 8, 8, 7, 7, 8]:110.0,0.0,110.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 1, 8, 8, 7, 1, 1, 7, 8]:49.968308735,49.9603859187,49.974646988,49.974646988,0.0,0.0,49.968308735,0.0,49.9603859187 | |
[1, 1, 8, 1, 8, 1, 1, 7, 1]:40.0,0.0,50.0,0.0,0.0,0.0,40.0,0.0,50.0 | |
[7, 1, 8, 1, 8, 1, 8, 7, 1]:0.0,0.0,0.0,0.0,549.651396085,0.0,549.651396085,0.0,549.564245106 | |
[1, 7, 1, 8, 8, 7, 1, 8, 1]:0.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 8, 7, 1, 8, 7]:49.6310651185,0.0,39.7048520948,49.7048520948,49.7048520948,49.7048520948,0.0,39.7048520948,0.0 | |
[7, 7, 8, 8, 8, 7, 8, 8, 7]:110.0,0.0,110.0,0.0,96.0,0.0,96.0,0.0,96.0 | |
[1, 1, 8, 7, 1, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 7, 1, 7, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 1, 7, 1, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 7, 7, 7, 8, 8, 8]:110.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 1, 1, 8, 7, 8, 7]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 7, 1, 8, 8, 7, 8, 7]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 1, 1, 1, 1, 8, 1, 1, 1]:0.0,40.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[7, 8, 7, 1, 1, 8, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 7, 8, 7, 7, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 1, 1, 1, 8, 7, 1, 8, 8]:0.0,49.9997661597,0.0,0.0,49.999904219,0.0,49.9998802738,0.0,10.0 | |
[7, 8, 7, 1, 8, 7, 1, 8, 8]:0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0 | |
[7, 8, 8, 1, 7, 8, 7, 1, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 8, 7, 8, 7, 1, 7]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 1, 1, 1, 1, 1, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 1, 8, 7, 8, 7]:0.0,0.0,0.0,-100.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 7, 8, 7, 8, 7, 8, 7]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 7, 7, 8, 1, 1, 7, 8, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 7, 8, 8, 7, 7, 8, 1]:10.0,10.0,10.0,10.0,10.0,10.0,10.0,10.0,0.0 | |
[7, 7, 1, 1, 1, 8, 1, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 7, 1, 1, 8, 8, 1, 8, 7]:0.0,10.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 7, 1, 8, 8, 8, 7, 8, 7]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[1, 1, 1, 7, 1, 1, 1, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 8, 1, 7, 7, 1]:49.7048520948,0.0,10.0,0.0,49.7048520948,0.0,0.0,0.0,49.7048520948 | |
[8, 1, 8, 1, 8, 7, 7, 7, 8]:0.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 1, 1, 7, 8, 8, 1, 1, 7]:0.0,0.0,0.0,10.0,10.0,10.0,0.0,0.0,0.0 | |
[1, 1, 8, 7, 8, 8, 1, 7, 7]:0.0,0.0,10.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 7, 8, 7, 8, 8, 8, 7, 7]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 7, 8, 1, 1, 8, 1, 1, 7]:0.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 8, 8, 7, 7, 7]:-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,0.0,-90.0 | |
[7, 1, 1, 7, 8, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 1, 1, 7, 8, 8, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[1, 7, 8, 7, 8, 8, 1, 1, 7]:48.8741000932,0.0,49.0992800745,49.0992800745,49.0992800745,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 1, 7, 7, 7, 8]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 7, 7, 8, 8, 7, 1, 8, 1]:49.879107418,0.0,0.0,49.8488842725,49.879107418,39.879107418,49.8488842725,49.879107418,0.0 | |
[8, 1, 1, 8, 8, 1, 7, 7, 1]:0.0,49.9998129278,0.0,0.0,49.9998503422,0.0,10.0,0.0,49.9997076997 | |
[8, 1, 7, 8, 8, 1, 7, 7, 8]:0.0,0.0,0.0,0.0,97.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 7, 1, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 1, 1, 7, 7, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 7, 1, 1, 1, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 7, 1, 1, 1, 8, 7]:50.0,0.0,50.0,0.0,0.0,50.0,49.9999999999,0.0,0.0 | |
[8, 8, 8, 7, 1, 7, 1, 8, 7]:550.0,550.0,0.0,550.0,0.0,0.0,550.0,0.0,0.0 | |
[8, 1, 8, 7, 1, 1, 7, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 8, 7, 1, 1, 7, 8, 7]:0.0,97.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0 | |
[1, 1, 1, 7, 8, 1, 1, 8, 1]:0.0,50.0,0.0,50.0,40.0,40.0,0.0,50.0,0.0 | |
[7, 1, 1, 7, 8, 1, 8, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0 | |
[7, 1, 7, 7, 8, 1, 8, 8, 8]:0.0,549.999976275,536.99998102,549.99998102,0.0,549.999953663,549.999942078,0.0,549.999886872 | |
[7, 8, 1, 1, 1, 7, 1, 1, 8]:0.0,10.0,0.0,50.0,0.0,0.0,50.0,0.0,0.0 | |
[7, 8, 1, 8, 1, 7, 1, 7, 8]:49.9999607681,49.9999233752,49.9999509601,10.0,0.0,0.0,0.0,49.999904219,0.0 | |
[7, 8, 8, 8, 7, 7, 1, 7, 8]:49.7048520948,49.8488842725,49.8488842725,49.5388313982,0.0,0.0,49.9032859344,49.879107418,39.51424 | |
[1, 1, 8, 7, 1, 8, 1, 7, 1]:0.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[1, 7, 8, 7, 1, 8, 1, 7, 8]:110.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,198.0 | |
[1, 1, 1, 7, 8, 1, 8, 1, 1]:50.0,0.0,40.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[1, 1, 7, 7, 8, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0 | |
[8, 7, 1, 7, 8, 1, 1, 1, 1]:49.9999988957,0.0,0.0,0.0,0.0,0.0,49.9999991166,0.0,0.0 | |
[8, 7, 1, 7, 8, 7, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 7, 8, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[1, 1, 1, 7, 7, 8, 1, 8, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[1, 1, 8, 7, 7, 8, 7, 8, 1]:0.0,49.8488842725,10.0,0.0,0.0,49.879107418,0.0,49.879107418,0.0 | |
[7, 7, 8, 8, 1, 7, 8, 8, 1]:49.9999999935,0.0,0.0,49.9999999919,0.0,49.9999999935,49.9999999801,0.0,49.9999999967 | |
[8, 1, 7, 8, 8, 1, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 7, 8, 1, 8, 1, 7, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 7, 8, 7, 8, 7, 7, 8]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,0.0,-90.0 | |
[8, 1, 7, 1, 1, 1, 8, 8, 7]:0.0,0.0,49.9999748916,49.9999871445,0.0,0.0,49.9999839306,39.9999897156,0.0 | |
[8, 7, 7, 1, 8, 1, 8, 8, 7]:0.0,49.9999871445,49.9999871445,39.9999871445,49.9999871445,0.0,49.9999839306,39.9999871445,0.0 | |
[7, 1, 8, 7, 7, 8, 1, 1, 8]:540.09208082,537.615101025,540.09208082,0.0,0.0,540.09208082,0.0,0.0,540.09208082 | |
[8, 1, 1, 8, 1, 8, 7, 1, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 8, 1, 1, 1, 8]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[7, 1, 8, 7, 8, 1, 1, 7, 8]:0.0,0.0,49.9997076997,0.0,49.999904219,0.0,49.9999686145,0.0,49.9998503422 | |
[7, 1, 8, 7, 8, 8, 7, 7, 8]:0.0,549.999568449,549.999460562,0.0,0.0,549.999568449,0.0,549.999460562,110.0 | |
[7, 1, 1, 7, 7, 8, 8, 1, 8]:10.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0 | |
[7, 7, 8, 7, 7, 8, 8, 1, 8]:0.0,110.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[8, 7, 1, 1, 7, 1, 1, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 1, 7, 7, 8, 1, 8, 8]:10.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 7, 7, 8, 8, 8, 8]:100.0,110.0,110.0,110.0,0.0,0.0,96.0,110.0,96.0 | |
[1, 1, 1, 7, 8, 8, 1, 7, 1]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 7, 8, 1, 1, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 1, 1, 8, 7]:49.9999999998,0.0,49.9999999998,0.0,0.0,49.9999999996,49.9999999997,0.0,0.0 | |
[8, 7, 8, 1, 7, 1, 8, 8, 7]:49.9797175904,0.0,49.9896154063,49.9896154063,0.0,0.0,49.9797175904,0.0,49.9870192579 | |
[7, 1, 7, 8, 1, 8, 1, 7, 8]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[7, 7, 7, 8, 8, 8, 1, 7, 8]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[1, 7, 8, 1, 7, 1, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 7, 8, 1, 7, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 1, 1, 7, 7, 8, 1, 8, 8]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 1, 7, 7, 7, 8, 8, 8, 8]:0.0,549.721116868,547.922158748,549.776893494,0.0,0.0,549.721116868,0.0,549.776893494 | |
[8, 1, 1, 1, 8, 1, 7, 8, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 8, 1, 7, 1, 8, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 8, 8, 7, 7, 8, 7, 8, 1]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 7, 7, 8, 7, 8, 8]:0.0,110.0,110.0,110.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 8, 8, 8, 1, 7, 1, 8, 7]:0.0,49.938102998,0.0,49.9032859344,0.0,49.9226287475,49.9226287475,49.938102998,0.0 | |
[8, 1, 1, 1, 1, 8, 7, 7, 1]:10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 8, 8, 7, 7, 1]:49.2794240596,0.0,49.0992800745,0.0,49.2794240596,0.0,0.0,49.2794240596,0.0 | |
[8, 8, 1, 1, 1, 1, 7, 7, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 7, 8, 1, 1, 7, 7, 8]:0.0,18.0,0.0,49.9999999996,0.0,39.9999999999,49.9999999999,0.0,49.9999998147 | |
[1, 8, 1, 7, 8, 7, 1, 8, 1]:0.0,110.0,0.0,0.0,98.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 1, 1, 1, 7, 7, 8]:0.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 7, 8, 1, 1, 1, 7, 7, 8]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 7, 8, 7, 8, 1, 7, 7, 8]:110.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 1, 7, 8, 1, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 1, 1, 1, 1, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 7, 1, 1, 8, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 1, 8, 1, 1, 1, 7, 1]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 7, 7, 8, 1, 1, 1, 7, 8]:10.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 7, 8, 7, 1, 8, 1, 1]:0.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0 | |
[8, 1, 8, 1, 1, 8, 7, 7, 7]:-90.0,0.0,-90.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 8, 7, 8, 7, 1, 1, 1, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 7, 8, 7, 1, 1]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[1, 7, 1, 7, 1, 8, 8, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 7, 7, 8, 8, 8, 8, 1]:49.9999999994,0.0,0.0,49.9999999991,49.9999999994,49.9999999996,49.9999999996,49.9999999996,0.0 | |
[7, 1, 1, 8, 8, 1, 1, 1, 7]:0.0,0.0,0.0,49.9997661597,0.0,49.9997076997,0.0,0.0,0.0 | |
[7, 7, 8, 1, 8, 8, 7, 8, 7]:0.0,0.0,50.0,50.0,50.0,50.0,0.0,49.0992800745,0.0 | |
[7, 8, 1, 7, 1, 1, 7, 8, 8]:0.0,-90.0,-90.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[8, 7, 8, 7, 7, 8, 1, 1, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 8, 1, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[8, 1, 8, 7, 1, 8, 7, 1, 1]:0.0,0.0,31.9226287475,0.0,0.0,49.9032859344,49.9032859344,0.0,39.9032859344 | |
[8, 1, 8, 7, 8, 8, 7, 1, 7]:0.0,48.2407813956,48.5926251164,0.0,38.5926251165,48.5926251164,48.5926251164,0.0,48.5926251164 | |
[8, 8, 1, 1, 1, 1, 1, 7, 7]:0.0,50.0,50.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 8, 1, 1, 7, 1, 7, 7]:0.0,110.0,110.0,0.0,0.0,0.0,0.0,110.0,110.0 | |
[8, 1, 1, 1, 8, 7, 1, 8, 7]:0.0,0.0,0.0,49.9988849627,49.9988849627,0.0,49.9991079702,0.0,0.0 | |
[8, 1, 1, 8, 8, 7, 7, 8, 7]:0.0,0.0,0.0,10.0,10.0,0.0,10.0,10.0,0.0 | |
[7, 7, 1, 1, 8, 1, 1, 8, 8]:0.0,0.0,0.0,0.0,49.9999686145,49.9999509601,49.9999607681,0.0,10.0 | |
[7, 7, 1, 1, 8, 7, 8, 8, 8]:0.0,0.0,0.0,502.755359744,0.0,0.0,512.204287795,0.0,499.204287795 | |
[8, 7, 7, 8, 8, 8, 1, 1, 7]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[7, 8, 1, 7, 8, 1, 7, 1, 8]:0.0,-90.0,0.0,0.0,-90.0,0.0,-90.0,0.0,0.0 | |
[1, 1, 8, 1, 1, 8, 1, 7, 7]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 1, 8, 7, 1, 8, 8, 7, 7]:0.0,49.6310651185,49.4235392477,0.0,0.0,0.0,49.7048520948,49.7048520948,49.7048520948 | |
[1, 1, 8, 1, 1, 8, 7, 7, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 8, 8, 1, 7, 8, 7, 7, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 8, 7, 7, 8, 7, 7, 1]:549.999999928,549.99999991,502.755359744,268.4,0.0,0.0,0.0,0.0,549.999999943 | |
[8, 1, 8, 1, 8, 1, 7, 7, 7]:0.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0 | |
[7, 1, 7, 8, 1, 1, 1, 1, 8]:0.0,0.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0 | |
[7, 7, 7, 8, 1, 1, 1, 8, 8]:0.0,-90.0,0.0,0.0,0.0,0.0,0.0,-90.0,0.0 | |
[8, 1, 1, 1, 1, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 1, 8, 7, 7, 1]:0.0,0.0,49.9991079702,0.0,0.0,49.9988849627,49.9986062034,0.0,49.9991079702 | |
[8, 7, 8, 8, 1, 7, 1, 8, 7]:49.9999997105,0.0,49.9999996381,49.9999996381,0.0,49.9999997105,39.9999997105,49.9999997105,0.0 | |
[1, 1, 7, 1, 8, 8, 1, 1, 1]:0.0,50.0,0.0,50.0,0.0,40.0,0.0,50.0,0.0 | |
[1, 7, 8, 7, 8, 8, 1, 8, 7]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 1, 8, 7, 1, 7, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 8, 7, 7, 7, 1, 8, 8]:-90.0,0.0,-90.0,0.0,0.0,0.0,0.0,0.0,-90.0 | |
[8, 1, 7, 7, 1, 8, 1, 8, 1]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 7, 8, 1, 8, 8]:45.705032704,45.705032704,0.0,46.5640261632,0.0,44.63129088,0.0,0.0,46.5640261632 | |
[1, 1, 8, 7, 1, 1, 7, 8, 8]:0.0,39.9999992933,49.9999992933,0.0,0.0,0.0,49.9999982746,0.0,39.9999992933 | |
[1, 1, 8, 7, 7, 8, 7, 8, 8]:0.0,0.0,110.0,0.0,0.0,110.0,110.0,0.0,0.0 | |
[8, 8, 1, 7, 7, 8, 8, 1, 7]:0.0,0.0,44.63129088,45.705032704,0.0,45.705032704,45.705032704,0.0,45.705032704 | |
[7, 8, 7, 1, 1, 8, 1, 7, 8]:50.0,50.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0 | |
[7, 8, 7, 8, 1, 8, 7, 7, 8]:10.0,10.0,0.0,10.0,0.0,10.0,10.0,10.0,10.0 | |
[7, 8, 7, 8, 7, 8, 7, 7, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[7, 1, 1, 1, 1, 8, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 7, 8, 1, 1, 8, 1, 7, 8]:0.0,0.0,550.0,550.0,0.0,0.0,550.0,550.0,550.0 | |
[1, 8, 1, 1, 7, 7, 8, 8, 1]:0.0,49.9999988957,49.9999986197,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 7, 7, 8, 8, 7]:10.0,49.991692325,49.991692325,0.0,0.0,49.99335386,49.968308735,49.99335386,0.0 | |
[1, 7, 8, 7, 7, 8, 8, 8, 1]:49.0992800745,0.0,49.2794240596,49.2794240596,0.0,49.2794240596,49.2794240596,0.0,0.0 | |
[7, 1, 7, 1, 8, 1, 1, 1, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[7, 1, 7, 1, 8, 1, 7, 8, 8]:0.0,0.0,0.0,0.0,50.0,50.0,0.0,50.0,0.0 | |
[7, 7, 7, 8, 8, 1, 7, 8, 8]:-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0,0.0 | |
[1, 1, 7, 1, 8, 1, 1, 8, 1]:0.0,50.0,0.0,40.0,0.0,50.0,0.0,50.0,0.0 | |
[1, 1, 7, 1, 8, 1, 8, 8, 7]:0.0,0.0,0.0,40.0,50.0,0.0,10.0,0.0,0.0 | |
[8, 8, 8, 7, 7, 1, 7, 1, 8]:0.0,547.402698434,546.753373043,0.0,0.0,0.0,546.753373043,547.402698434,547.402698434 | |
[1, 7, 7, 8, 1, 8, 8, 1, 7]:0.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 7, 8, 8, 8, 8, 7, 7]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,110.0,0.0 | |
[8, 8, 7, 1, 8, 8, 7, 1, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 1, 7, 7, 8, 1, 1, 1, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[1, 1, 7, 7, 8, 1, 8, 7, 8]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 7, 8, 7, 8]:110.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 1, 8, 1, 7, 1, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 8, 7, 8, 7, 1, 7, 8, 8]:0.0,-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[7, 8, 7, 8, 7, 1, 1, 1, 8]:0.0,10.0,0.0,48.2407813956,0.0,0.0,0.0,47.8009767444,0.0 | |
[7, 8, 7, 8, 7, 7, 1, 8, 8]:0.0,49.879107418,0.0,49.9032859344,0.0,49.879107418,49.879107418,49.9032859344,0.0 | |
[1, 7, 8, 1, 8, 1, 7, 1, 1]:50.0,0.0,0.0,0.0,50.0,0.0,0.0,0.0,50.0 | |
[1, 7, 8, 7, 8, 8, 7, 1, 1]:0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0,0.0 | |
[1, 7, 8, 7, 8, 8, 7, 7, 8]:549.999999928,268.4,549.999999928,0.0,0.0,549.984668238,549.998683012,0.0,549.999858589 | |
[8, 8, 1, 1, 1, 8, 1, 7, 7]:0.0,49.9999999997,49.9999999996,49.9999999996,0.0,49.9999999996,0.0,0.0,0.0 | |
[8, 8, 1, 7, 1, 8, 8, 7, 7]:49.9999871445,0.0,39.9999871445,49.9999799133,0.0,49.9999686145,49.9999839306,0.0,49.999904219 | |
[1, 1, 1, 7, 8, 8, 7, 8, 1]:0.0,49.9999387002,0.0,0.0,49.9999509601,10.0,0.0,0.0,0.0 | |
[1, 7, 8, 7, 8, 8, 7, 8, 1]:0.0,0.0,50.0,50.0,50.0,50.0,0.0,0.0,50.0 | |
[1, 7, 1, 1, 8, 8, 1, 7, 1]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 7, 1, 1, 8, 8, 1, 7, 8]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,10.0 | |
[7, 7, 1, 7, 8, 8, 8, 7, 8]:0.0,0.0,50.0,49.9999999999,49.0992800745,49.9999999997,50.0,0.0,49.9999999999 | |
[7, 7, 7, 7, 8, 8, 8, 7, 8]:0.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0 | |
[1, 8, 7, 7, 8, 1, 1, 1, 1]:0.0,10.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 8, 7, 7, 8, 1, 7, 1, 8]:0.0,10.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 8, 7, 7, 8, 1, 7, 8, 8]:0.0,434.65664,0.0,434.65664,434.65664,405.8208,0.0,434.65664,0.0 | |
[7, 8, 1, 7, 8, 8, 7, 8, 1]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 8, 1, 7, 7, 7, 8]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[7, 1, 8, 1, 7, 8, 1, 7, 8]:110.0,0.0,110.0,0.0,0.0,110.0,0.0,110.0,110.0 | |
[8, 1, 1, 1, 1, 8, 1, 7, 7]:10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 1, 8, 8, 1, 7, 7]:0.0,0.0,0.0,49.8111053407,49.7638816759,49.7638816759,0.0,49.8488842725,49.7638816759 | |
[8, 8, 7, 7, 8, 8, 1, 7, 7]:49.9837740723,49.9896154063,49.9896154063,49.9896154063,49.9896154063,49.9870192579,49.9870192579,49.9837740723,0.0 | |
[8, 1, 1, 8, 1, 7, 7, 1, 8]:0.0,0.0,49.9982577543,39.9986062034,0.0,0.0,49.9957464704,0.0,49.9957464704 | |
[8, 7, 1, 8, 1, 7, 7, 8, 8]:0.0,0.0,39.9999996382,49.9999996381,0.0,49.9999996381,39.9999996382,24.4,49.9999994346 | |
[1, 1, 8, 7, 1, 8, 1, 8, 7]:0.0,49.99335386,49.994683088,49.994683088,0.0,39.994683088,0.0,0.0,0.0 | |
[1, 8, 8, 7, 7, 8, 1, 8, 7]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 1, 7, 1, 1, 1, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 8, 8, 1, 7, 1, 8, 1, 7]:0.0,0.0,0.0,-90.0,0.0,-90.0,-90.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 8, 1, 1, 7]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[8, 7, 1, 7, 1, 8, 8, 1, 7]:10.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0 | |
[8, 8, 8, 7, 7, 7, 1, 8, 1]:110.0,546.753373043,543.658931725,0.0,0.0,0.0,545.941716304,0.0,543.658931725 | |
[1, 1, 1, 1, 1, 8, 7, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 8, 8, 7, 1, 7, 8, 8, 7]:10.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 7, 7, 7, 8, 8, 7]:0.0,0.0,-90.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 8, 1, 7, 1, 7, 1, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 8, 1, 7, 1, 7, 8, 7]:0.0,49.9998802738,0.0,49.9998802738,0.0,49.999904219,0.0,49.9997076997,0.0 | |
[1, 8, 7, 1, 1, 1, 7, 1, 8]:0.0,50.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 7, 7, 1, 1, 7, 8, 8]:0.0,0.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 7, 7, 1, 7, 7, 8, 8]:10.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 7, 7, 7, 7, 7, 8, 8]:-90.0,-90.0,0.0,0.0,0.0,0.0,0.0,-90.0,0.0 | |
[1, 1, 8, 8, 7, 1, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 8, 7, 1, 7, 1, 8]:10.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 8, 8, 8, 7, 1, 7, 7, 8]:10.0,10.0,10.0,10.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 8, 1, 7, 8, 8, 8, 7, 7]:36.8928,36.8928,33.616,36.8928,36.8928,36.8928,36.8928,36.8928,0.0 | |
[8, 1, 7, 8, 1, 7, 8, 1, 1]:0.0,0.0,549.980835297,537.98773459,0.0,0.0,549.984668238,0.0,549.984668238 | |
[8, 7, 1, 1, 1, 1, 7, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 8, 8, 1, 7, 1, 1, 8, 7]:0.0,-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[1, 7, 1, 1, 8, 7, 8, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 7, 8, 7, 8, 8, 8]:110.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,96.0 | |
[7, 7, 8, 1, 8, 1, 7, 1, 8]:10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 7, 8, 1, 8, 8, 7, 7, 8]:0.0,110.0,110.0,0.0,0.0,110.0,0.0,110.0,110.0 | |
[8, 8, 7, 8, 1, 1, 7, 1, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 7, 1, 7, 1, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[1, 8, 1, 7, 8, 7, 8, 7, 1]:49.99999663,0.0,0.0,0.0,0.0,0.0,49.99999663,0.0,0.0 | |
[8, 8, 1, 7, 8, 7, 8, 7, 7]:49.9504823984,36.8928,49.9972777411,0.0,49.9957464704,0.0,0.0,49.9972777411,0.0 | |
[7, 8, 1, 1, 8, 1, 1, 7, 1]:0.0,49.9999387002,0.0,0.0,49.9998802738,49.9999233752,0.0,0.0,0.0 | |
[7, 8, 1, 8, 8, 1, 7, 7, 1]:0.0,49.2794240596,0.0,10.0,49.2794240596,49.0992800745,0.0,49.2794240596,0.0 | |
[7, 8, 7, 8, 8, 8, 7, 7, 1]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 1, 1, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 8, 1, 1, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 8, 1, 7, 8]:0.0,0.0,49.9226287475,49.9032859344,0.0,49.9226287475,0.0,49.9226287475,49.9226287475 | |
[1, 7, 8, 1, 7, 8, 1, 8, 1]:0.0,0.0,0.0,49.968308735,0.0,49.974646988,0.0,0.0,0.0 | |
[8, 7, 8, 8, 1, 8, 7, 7, 7]:-90.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[1, 7, 7, 1, 8, 8, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 7, 7, 7, 8, 8, 1, 8, 8]:0.0,0.0,0.0,49.9999999514,49.9999999801,49.9999999801,49.9999999751,0.0,49.9999999751 | |
[8, 1, 1, 7, 1, 1, 7, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 1, 1, 7, 7, 8, 7, 8, 8]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[7, 8, 1, 7, 8, 7, 8, 7, 8]:10.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 8, 1, 1, 1, 7, 7, 1, 8]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 1, 7, 1, 7, 7, 8, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 1, 7, 1, 7, 1, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 8, 7, 1, 7, 1, 8, 8, 7]:0.0,49.7638816759,49.2794240596,49.7638816759,0.0,49.8111053407,49.2794240596,49.8488842725,0.0 | |
[8, 1, 1, 8, 8, 8, 7, 7, 7]:0.0,549.721116868,0.0,549.455306383,549.148916223,549.651396085,0.0,0.0,0.0 | |
[1, 7, 1, 1, 8, 8, 7, 7, 8]:0.0,10.0,0.0,0.0,10.0,0.0,10.0,10.0,10.0 | |
[7, 7, 1, 8, 8, 8, 7, 7, 8]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[1, 7, 7, 8, 1, 8, 1, 7, 8]:49.9997076997,0.0,0.0,49.9997661597,0.0,0.0,0.0,49.9997661597,49.9994291009 | |
[8, 7, 8, 8, 8, 1, 7, 1, 7]:10.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0 | |
[1, 1, 7, 8, 8, 1, 1, 1, 1]:0.0,50.0,0.0,50.0,0.0,50.0,0.0,50.0,0.0 | |
[8, 8, 7, 8, 8, 8, 7, 7, 7]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[1, 1, 8, 7, 7, 8, 1, 1, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 8, 7, 7, 8, 1, 1, 7]:0.0,46.5640261632,0.0,0.0,0.0,46.5640261632,0.0,46.5640261632,0.0 | |
[8, 8, 8, 7, 7, 8, 7, 1, 7]:110.0,0.0,0.0,110.0,0.0,110.0,0.0,0.0,110.0 | |
[7, 8, 8, 7, 1, 1, 7, 1, 8]:0.0,-90.0,-90.0,-90.0,0.0,0.0,0.0,0.0,-90.0 | |
[8, 1, 7, 7, 1, 1, 1, 1, 8]:50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[8, 8, 7, 7, 1, 7, 1, 1, 8]:0.0,10.0,0.0,0.0,0.0,0.0,49.9997076997,49.9996346246,0.0 | |
[8, 7, 1, 7, 7, 8, 8, 1, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 1, 7, 7, 8, 8, 8, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 8, 7, 8, 1, 7, 8, 1]:49.9999999993,0.0,0.0,0.0,49.9999999994,0.0,0.0,10.0,0.0 | |
[7, 7, 8, 7, 8, 1, 7, 8, 8]:-90.0,0.0,0.0,0.0,-90.0,-90.0,-90.0,-90.0,-90.0 | |
[1, 7, 8, 1, 8, 1, 7, 8, 7]:49.9965971763,49.9978221929,0.0,49.9972777411,49.9978221929,0.0,0.0,49.9978221929,10.0 | |
[8, 1, 1, 8, 1, 7, 8, 1, 7]:0.0,550.0,550.0,0.0,0.0,0.0,550.0,0.0,550.0 | |
[1, 8, 8, 7, 8, 7, 1, 7, 1]:0.0,10.0,49.9999917725,0.0,0.0,0.0,0.0,0.0,49.9999897156 | |
[7, 8, 8, 7, 8, 7, 1, 7, 8]:49.9999957875,0.0,18.0,0.0,49.9999988957,49.9999947344,49.9999994346,0.0,49.9999992933 | |
[1, 1, 1, 8, 1, 7, 8, 7, 1]:0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[1, 7, 8, 8, 1, 1, 1, 7, 1]:0.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[8, 7, 7, 1, 8, 1, 8, 1, 1]:0.0,0.0,0.0,0.0,39.9991079702,0.0,0.0,0.0,49.9988849627 | |
[8, 7, 7, 1, 8, 7, 8, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[1, 7, 7, 8, 8, 1, 1, 8, 1]:0.0,0.0,0.0,18.0,18.0,10.0,0.0,18.0,0.0 | |
[8, 8, 7, 1, 8, 1, 7, 1, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 8, 7, 7, 8, 1]:0.0,549.99372011,0.0,549.996784696,549.99598087,0.0,0.0,549.99372011,0.0 | |
[8, 8, 1, 1, 8, 7, 1, 1, 7]:0.0,0.0,0.0,0.0,49.9870192579,49.9870192579,49.991692325,0.0,10.0 | |
[8, 8, 1, 7, 8, 7, 8, 1, 7]:0.0,0.0,49.968308735,0.0,49.974646988,49.938102998,10.0,0.0,49.974646988 | |
[1, 7, 1, 1, 1, 8, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 7, 1, 1, 1, 8, 8, 8, 7]:0.0,10.0,0.0,0.0,0.0,10.0,10.0,10.0,0.0 | |
[7, 7, 8, 1, 7, 8, 8, 8, 7]:0.0,-90.0,-90.0,-90.0,0.0,0.0,-90.0,-90.0,0.0 | |
[7, 1, 1, 8, 8, 7, 1, 8, 1]:0.0,49.9999387002,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 8, 8, 7, 7, 8, 8]:0.0,39.9997661598,49.9992863762,49.9997661597,49.9997076997,49.9997661597,0.0,0.0,10.0 | |
[7, 1, 1, 1, 1, 1, 7, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 1, 1, 1, 8, 7, 7, 8, 8]:44.63129088,0.0,0.0,43.2891136,44.63129088,44.63129088,44.63129088,44.63129088,0.0 | |
[7, 7, 8, 1, 8, 7, 7, 8, 8]:10.0,0.0,10.0,0.0,10.0,10.0,10.0,10.0,10.0 | |
[8, 8, 1, 7, 1, 8, 1, 1, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 1, 1, 7, 8, 1, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 7, 7, 1, 7, 8, 1, 8, 8]:0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 7, 7, 8, 7, 8, 1, 8, 8]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 1, 1, 1, 7, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 1, 8, 7, 7, 8, 8, 1]:0.0,0.0,0.0,549.999999996,0.0,0.0,549.999999994,0.0,549.999999995 | |
[1, 8, 8, 1, 7, 7, 7, 1, 8]:49.6310651185,0.0,0.0,49.8111053407,0.0,0.0,49.8111053407,0.0,49.6310651185 | |
[7, 1, 8, 1, 8, 1, 1, 7, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 8, 8, 7, 7, 7, 8]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[7, 8, 1, 1, 8, 7, 8, 7, 1]:10.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[8, 8, 7, 1, 1, 8, 1, 1, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 8, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 8, 7, 1, 8, 7, 1, 7]:0.0,97.0,110.0,0.0,0.0,0.0,110.0,0.0,0.0 | |
[7, 1, 7, 1, 1, 8, 7, 8, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 8, 7, 7, 1, 8, 7, 8, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[7, 8, 1, 7, 8, 7, 8, 1, 1]:18.0,18.0,0.0,0.0,8.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 1, 8, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 7, 8, 1, 8, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 7, 8, 7, 8, 7, 8, 8]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,0.0,-90.0 | |
[7, 1, 1, 1, 8, 8, 1, 7, 1]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 1, 7, 8, 8, 8, 1, 7, 1]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,110.0,0.0 | |
[1, 1, 1, 7, 8, 8, 1, 8, 7]:0.0,49.99335386,0.0,0.0,49.99335386,10.0,0.0,49.9896154063,0.0 | |
[7, 8, 1, 7, 8, 8, 1, 8, 7]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 1, 1, 8, 1, 7, 1]:0.0,0.0,50.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[7, 7, 8, 8, 1, 8, 1, 7, 1]:0.0,0.0,49.9870192579,49.9870192579,0.0,0.0,49.9837740723,0.0,0.0 | |
[7, 7, 8, 8, 7, 8, 8, 7, 1]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,0.0 | |
[1, 7, 1, 8, 7, 1, 1, 8, 8]:0.0,0.0,49.9999999997,49.9999999998,0.0,49.9999999994,0.0,0.0,0.0 | |
[7, 7, 8, 7, 7, 8, 8, 8, 8]:0.0,0.0,110.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 1, 1, 7, 8, 1, 8, 1, 1]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[7, 1, 7, 7, 8, 8, 8, 1, 1]:0.0,49.9991079702,0.0,0.0,49.9992863762,49.9992863762,49.9992863762,0.0,0.0 | |
[7, 1, 7, 7, 8, 8, 8, 7, 8]:10.0,0.0,10.0,10.0,10.0,10.0,10.0,0.0,10.0 | |
[1, 7, 1, 1, 8, 8, 8, 1, 7]:0.0,0.0,0.0,49.9226287475,49.938102998,0.0,49.938102998,0.0,0.0 | |
[8, 8, 7, 7, 8, 7, 7, 8, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 8, 7, 7, 8, 1, 7]:0.0,0.0,543.658931725,543.658931725,0.0,543.658931725,543.658931725,0.0,0.0 | |
[8, 8, 8, 1, 1, 1, 7, 1, 7]:0.0,549.999995025,549.999996816,549.999996816,0.0,0.0,549.999997453,0.0,0.0 | |
[7, 1, 8, 8, 1, 7, 8, 7, 1]:0.0,48.5926251164,48.8741000932,0.0,0.0,0.0,48.8741000932,0.0,0.0 | |
[1, 1, 1, 1, 8, 8, 1, 7, 7]:0.0,0.0,0.0,49.9999957875,49.99999663,0.0,0.0,49.99999663,0.0 | |
[1, 8, 7, 1, 8, 8, 1, 7, 7]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 1, 7, 8, 1, 1, 7, 8, 8]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 1, 7, 1, 1, 8, 7, 1, 8]:0.0,40.0,0.0,0.0,0.0,50.0,0.0,0.0,0.0 | |
[8, 8, 8, 1, 8, 1, 7, 7, 7]:0.0,549.941513968,549.941513968,549.92689246,0.0,0.0,549.885769469,0.0,0.0 | |
[8, 1, 7, 1, 1, 8, 1, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 7, 1, 8, 8, 1, 7, 1]:0.0,49.999993418,0.0,0.0,49.9999947344,0.0,0.0,49.9999947344,0.0 | |
[1, 1, 7, 8, 8, 8, 7, 7, 1]:0.0,490.94419968,0.0,502.755359744,502.755359744,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 1, 1, 7, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 7, 1, 1, 8, 8, 7, 1, 1]:0.0,49.9999799133,0.0,0.0,49.9999897156,0.0,0.0,49.9999871445,0.0 | |
[1, 7, 1, 7, 8, 8, 7, 8, 1]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 7, 1, 7, 8, 8, 7, 8, 7]:10.0,10.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0 | |
[1, 7, 7, 1, 8, 8, 8, 1, 7]:0.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 7, 7, 1, 8, 8, 8, 8, 7]:0.0,-90.0,0.0,0.0,-90.0,-90.0,-90.0,-90.0,0.0 | |
[7, 1, 8, 1, 1, 8, 1, 7, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 7, 8, 8, 8, 8, 1, 7, 7]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,110.0,0.0 | |
[7, 1, 8, 1, 7, 8, 7, 1, 8]:110.0,0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0 | |
[7, 1, 8, 7, 1, 8, 1, 7, 8]:0.0,540.09208082,542.073664656,0.0,0.0,0.0,0.0,540.09208082,540.09208082 | |
[8, 8, 8, 7, 8, 1, 7, 7, 1]:0.0,549.999858589,0.0,0.0,0.0,0.0,549.999909497,0.0,549.999886872 | |
[7, 8, 1, 7, 1, 8, 1, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 1, 7, 1, 8, 7, 8, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[8, 8, 8, 7, 1, 8, 1, 7, 7]:0.0,0.0,549.997427757,0.0,0.0,536.997427757,549.996784696,0.0,549.997427757 | |
[1, 7, 1, 7, 1, 8, 1, 8, 8]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 8, 8, 1, 7, 8, 1, 1, 7]:0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0,0.0 | |
[1, 7, 1, 7, 1, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[7, 8, 1, 7, 1, 7, 8, 1, 8]:10.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 1, 7, 1, 1, 7, 8, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 1, 8, 8, 7, 8, 7, 1, 7]:0.0,49.9992863762,0.0,49.9992863762,0.0,49.9996346246,0.0,49.9995432807,0.0 | |
[8, 7, 8, 8, 7, 8, 7, 1, 7]:49.9965971763,49.99335386,49.994683088,49.9965971763,0.0,49.9896154063,49.9965971763,49.9965971763,49.8111053407 | |
[8, 7, 8, 8, 7, 8, 7, 7, 7]:-90.0,0.0,-90.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[7, 1, 8, 7, 7, 1, 8, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 1, 7, 1, 7, 8, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 8, 7, 1, 7, 8, 7, 8, 1]:0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 8, 7, 1, 8, 1, 1, 7, 7]:0.0,49.999993418,49.9999387002,0.0,49.999993418,49.9999917725,0.0,49.9999871445,0.0 | |
[8, 8, 7, 8, 8, 1, 7, 7, 7]:0.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0 | |
[7, 8, 8, 1, 7, 1, 1, 7, 8]:49.99335386,49.9972777411,0.0,0.0,0.0,49.9972777411,49.9965971763,0.0,49.99335386 | |
[7, 1, 1, 7, 1, 8, 1, 8, 8]:0.0,39.9837740723,0.0,49.9837740723,0.0,49.9837740723,0.0,0.0,49.9837740723 | |
[7, 1, 1, 7, 8, 8, 7, 8, 8]:0.0,-90.0,0.0,-90.0,-90.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 1, 8, 8, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 8, 7, 8, 1, 1, 1, 7, 1]:0.0,49.9870192579,0.0,49.9870192579,0.0,49.9837740723,0.0,0.0,0.0 | |
[8, 8, 7, 8, 8, 7, 1, 7, 1]:0.0,-100.0,0.0,50.0,50.0,50.0,50.0,0.0,50.0 | |
[7, 1, 8, 1, 7, 8, 1, 1, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 7, 8, 1, 7, 8, 8, 1, 1]:0.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 8, 7, 8, 8, 1, 7]:-90.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[8, 8, 1, 7, 8, 7, 1, 8, 7]:0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 7, 7, 8, 7, 8, 1, 7, 8]:0.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[8, 1, 7, 8, 8, 1, 1, 7, 1]:49.9032859344,49.879107418,0.0,0.0,49.9032859344,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 8, 7, 1, 7, 8]:0.0,0.0,549.651396085,0.0,549.776893494,0.0,549.776893494,0.0,110.0 | |
[1, 1, 8, 7, 8, 7, 7, 8, 8]:41.611392,0.0,43.2891136,0.0,41.611392,0.0,41.611392,0.0,43.2891136 | |
[8, 8, 1, 8, 1, 7, 7, 7, 8]:10.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 1, 7, 1, 1, 1, 7, 8, 8]:0.0,0.0,0.0,0.0,0.0,50.0,0.0,50.0,0.0 | |
[7, 7, 7, 8, 1, 8, 7, 8, 8]:-90.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[8, 1, 1, 7, 1, 8, 7, 1, 1]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[8, 7, 8, 7, 1, 8, 7, 1, 1]:10.0,10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 8, 7, 1, 8]:0.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0 | |
[8, 1, 7, 1, 1, 1, 7, 1, 8]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 1, 7, 1, 8]:-90.0,-90.0,0.0,0.0,0.0,0.0,-90.0,-90.0,0.0 | |
[8, 7, 8, 7, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 7, 7, 8, 1, 8, 8, 1, 7]:110.0,110.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0 | |
[8, 8, 1, 1, 1, 1, 7, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 1, 1, 1, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 1, 8, 1, 8, 1, 7, 7]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[8, 1, 7, 8, 1, 7, 7, 8, 8]:0.0,49.9999233752,0.0,49.9999387002,0.0,49.9999233752,0.0,39.9999387002,49.9998129278 | |
[8, 1, 7, 7, 8, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[8, 8, 7, 7, 8, 7, 8, 8, 7]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,100.0,0.0 | |
[8, 1, 7, 1, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[7, 1, 8, 1, 8, 1, 1, 1, 7]:0.0,0.0,49.9999799133,0.0,49.9999799133,0.0,49.9999748916,0.0,0.0 | |
[8, 7, 1, 1, 1, 8, 1, 1, 7]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 1, 1, 1, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,98.0 | |
[8, 8, 7, 7, 1, 8, 1, 8, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 7, 8, 1, 8, 1, 7, 7, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 7, 8, 8, 1, 7, 1, 1, 7]:0.0,0.0,0.0,49.9797175904,0.0,49.9837740723,49.9870192579,0.0,49.9797175904 | |
[8, 7, 8, 8, 7, 7, 1, 8, 7]:50.0,49.9999999996,0.0,48.5926251164,0.0,0.0,50.0,50.0,50.0 | |
[8, 1, 1, 8, 1, 1, 1, 7, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 1, 8, 8, 7, 1, 7, 7]:0.0,0.0,0.0,10.0,10.0,10.0,0.0,0.0,10.0 | |
[1, 7, 7, 1, 8, 1, 1, 8, 8]:0.0,10.0,0.0,0.0,49.7048520948,49.6310651185,0.0,0.0,39.7048520948 | |
[7, 7, 1, 1, 1, 8, 8, 8, 1]:0.0,0.0,0.0,49.9999991166,0.0,49.9999988957,0.0,49.9999986197,0.0 | |
[1, 1, 7, 7, 1, 8, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 7, 7, 7, 1, 8, 8, 1, 1]:48.8741000932,48.2407813956,0.0,0.0,0.0,0.0,48.8741000932,48.5926251164,0.0 | |
[8, 7, 7, 1, 8, 1, 1, 8, 1]:49.8488842725,0.0,0.0,0.0,39.8488842726,39.8488842726,0.0,0.0,0.0 | |
[8, 7, 7, 1, 8, 7, 1, 8, 8]:110.0,0.0,0.0,0.0,97.0,0.0,0.0,0.0,97.0 | |
[8, 8, 8, 8, 7, 1, 7, 7, 1]:0.0,110.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0 | |
[1, 1, 8, 7, 8, 1, 7, 8, 1]:47.2512209306,0.0,10.0,0.0,-100.0,0.0,0.0,-100.0,0.0 | |
[1, 7, 8, 7, 8, 1, 7, 8, 8]:39.51424,41.611392,41.611392,0.0,41.611392,0.0,-100.0,0.0,41.611392 | |
[1, 1, 1, 8, 7, 8, 1, 7, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 8, 7, 8, 8, 7, 7]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 1, 7, 8, 7, 8, 8, 7, 7]:110.0,0.0,0.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[7, 1, 1, 1, 1, 8, 7, 1, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 1, 1, 1, 8, 7, 7, 8]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 8, 8, 7, 1, 8, 7, 7, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,110.0,110.0 | |
[7, 7, 1, 1, 8, 8, 1, 8, 1]:0.0,0.0,0.0,49.9226287475,0.0,10.0,0.0,49.938102998,0.0 | |
[7, 7, 8, 1, 8, 8, 1, 8, 7]:0.0,24.4,24.4,18.0,24.4,24.4,0.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 1, 7, 8, 8]:110.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 1, 7, 8, 1, 7, 8, 8, 1]:0.0,49.9797175904,0.0,49.9837740723,0.0,49.9837740723,0.0,0.0,0.0 | |
[8, 1, 7, 1, 8, 8, 1, 7, 1]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 8, 8, 1, 7, 8]:0.0,0.0,549.721116868,0.0,549.721116868,0.0,549.721116868,0.0,549.721116868 | |
[8, 1, 8, 7, 7, 1, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 7, 8, 7, 8, 8, 7, 8, 1]:-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0 | |
[7, 7, 8, 8, 1, 1, 1, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 1, 1, 1, 1, 7]:0.0,0.0,0.0,50.0,0.0,0.0,40.0,0.0,0.0 | |
[1, 7, 8, 8, 1, 1, 8, 7, 7]:0.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 8, 8, 1, 8, 7, 7]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 1, 7, 1, 8, 8, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 8, 8, 1, 7]:0.0,0.0,49.9999999999,0.0,49.9999999999,0.0,49.9999999999,49.9999999999,0.0 | |
[1, 7, 7, 8, 8, 8, 1, 1, 1]:0.0,110.0,0.0,110.0,98.0,110.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 1, 7, 8, 8, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,110.0,110.0 | |
[8, 1, 7, 1, 1, 8, 7, 7, 8]:49.9226287475,0.0,0.0,49.9032859344,0.0,49.9226287475,0.0,0.0,49.9226287475 | |
[8, 1, 7, 8, 7, 8, 7, 7, 8]:-90.0,0.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0,-90.0 | |
[7, 1, 8, 1, 7, 1, 7, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 8, 8, 7, 7, 1, 7, 8, 8]:-90.0,-90.0,-90.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[1, 8, 8, 1, 7, 8, 7, 1, 7]:0.0,49.5388313982,0.0,0.0,0.0,49.6310651185,0.0,49.5388313982,0.0 | |
[7, 8, 8, 1, 7, 8, 7, 8, 7]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[8, 1, 8, 7, 1, 8, 1, 1, 7]:0.0,49.9999999994,49.9999999994,0.0,0.0,0.0,49.9999999993,0.0,39.9999999995 | |
[1, 7, 1, 1, 8, 7, 1, 8, 8]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 7, 1, 1, 8, 7, 7, 8, 8]:546.753373043,0.0,549.564245106,0.0,549.651396085,0.0,0.0,0.0,549.651396085 | |
[8, 7, 1, 7, 1, 1, 1, 8, 1]:50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[8, 7, 7, 7, 1, 1, 1, 8, 8]:0.0,0.0,49.0992800745,0.0,0.0,0.0,48.8741000932,0.0,10.0 | |
[8, 7, 7, 7, 7, 8, 1, 8, 8]:18.0,18.0,18.0,0.0,0.0,10.0,10.0,18.0,18.0 | |
[8, 7, 7, 1, 1, 8, 1, 1, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 8, 8, 1, 1, 7]:49.991692325,49.9965971763,0.0,49.9972777411,49.9978221929,0.0,49.9837740723,0.0,0.0 | |
[8, 7, 7, 1, 8, 8, 8, 7, 7]:49.9999947344,49.9999947344,0.0,49.9999947344,49.9999947344,0.0,10.0,49.9999947344,49.9999871445 | |
[1, 1, 8, 1, 7, 8, 1, 7, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 7, 7, 8, 1, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[1, 1, 1, 7, 8, 1, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,49.999997304,0.0,49.99999663 | |
[1, 1, 1, 7, 8, 7, 8, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 8, 1, 8, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[1, 7, 8, 1, 8, 7, 1, 8, 1]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 1, 8, 7, 8, 8, 7]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[8, 8, 7, 1, 7, 1, 1, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 8, 1, 1, 7, 7, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 1, 8, 7, 8, 7, 7, 1]:36.8928,36.8928,0.0,39.51424,0.0,0.0,0.0,33.616,0.0 | |
[8, 1, 7, 7, 8, 1, 7, 1, 8]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 1, 8, 7, 7, 1, 8, 8, 7]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 1, 8, 7, 1, 7, 1, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 8, 7, 7, 7, 8, 1]:0.0,49.8111053407,0.0,49.8488842725,0.0,49.7638816759,0.0,49.7048520948,49.8111053407 | |
[8, 8, 8, 8, 7, 7, 7, 8, 7]:0.0,110.0,110.0,110.0,0.0,0.0,96.0,0.0,110.0 | |
[7, 8, 1, 8, 7, 1, 1, 7, 8]:10.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 1, 1, 1, 7, 7, 8, 1]:0.0,49.9999982746,0.0,0.0,0.0,0.0,0.0,49.999997304,49.9999982746 | |
[8, 8, 1, 1, 7, 7, 7, 8, 8]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[7, 1, 8, 7, 1, 8, 1, 1, 1]:0.0,50.0,50.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 7, 7, 1, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 1, 8, 7, 7, 1, 8, 8, 8]:0.0,0.0,549.721116868,0.0,0.0,549.651396085,549.721116868,0.0,548.337726998 | |
[8, 1, 7, 8, 1, 1, 7, 7, 8]:49.2794240596,0.0,0.0,48.8741000932,0.0,49.0992800745,0.0,0.0,49.2794240596 | |
[8, 8, 7, 8, 7, 1, 7, 7, 8]:-90.0,-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[7, 1, 1, 7, 7, 8, 8, 8, 1]:0.0,49.938102998,0.0,49.0992800745,0.0,0.0,10.0,49.9226287475,0.0 | |
[1, 8, 7, 7, 8, 7, 8, 7, 8]:0.0,10.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0 | |
[8, 1, 7, 8, 8, 7, 7, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 1, 8, 1, 8, 7, 1, 8, 7]:49.9998129278,49.9999233752,10.0,0.0,49.9999233752,0.0,0.0,0.0,0.0 | |
[7, 8, 8, 1, 8, 7, 1, 8, 7]:0.0,110.0,0.0,0.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 7, 1, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 1, 7, 8, 7, 1, 8, 8]:110.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[7, 8, 8, 1, 1, 1, 7, 1, 1]:0.0,50.0,0.0,0.0,0.0,50.0,0.0,0.0,0.0 | |
[7, 8, 8, 1, 8, 7, 7, 1, 1]:0.0,49.9999999751,49.9999999898,0.0,49.9999999898,49.9999998814,0.0,39.9999999918,49.9999999898 | |
[8, 7, 7, 8, 1, 7, 1, 8, 1]:49.9999999393,49.9999999393,0.0,0.0,0.0,0.0,49.9999999241,49.9999999393,0.0 | |
[8, 8, 1, 8, 7, 8, 7, 1, 7]:0.0,-100.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 8, 7, 8, 1, 1, 7, 7, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 8, 7, 8, 8, 1, 7, 7, 8]:10.0,10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 1, 8, 7, 8, 8, 1, 1, 7]:0.0,0.0,49.9504823984,0.0,0.0,49.938102998,49.938102998,0.0,0.0 | |
[7, 1, 8, 7, 8, 8, 8, 7, 7]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 7, 1, 1, 8, 8, 7, 7, 1]:49.2794240596,0.0,49.0992800745,0.0,49.2794240596,0.0,0.0,48.5926251164,0.0 | |
[1, 7, 7, 1, 8, 8, 1, 1, 1]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 7, 7, 7, 8, 8, 1, 1, 8]:0.0,10.0,0.0,0.0,10.0,10.0,0.0,0.0,10.0 | |
[1, 7, 7, 7, 8, 8, 7, 8, 8]:0.0,10.0,10.0,0.0,10.0,10.0,10.0,10.0,10.0 | |
[7, 7, 7, 7, 8, 8, 7, 8, 8]:0.0,0.0,0.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0 | |
[8, 8, 7, 1, 1, 1, 7, 7, 8]:10.0,10.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 8, 8, 7, 1, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 1, 8, 8, 1, 7, 7, 1, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 8, 8, 1, 7, 1, 8, 7]:50.0,50.0,50.0,50.0,0.0,0.0,50.0,50.0,0.0 | |
[1, 7, 7, 1, 8, 8, 8, 7, 1]:0.0,10.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0 | |
[7, 7, 7, 8, 8, 8, 8, 7, 1]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 1, 8, 1, 7, 7]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 1, 8, 1, 8, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[7, 7, 8, 7, 1, 8, 1, 8, 1]:0.0,49.9997661597,49.9997661597,0.0,0.0,0.0,0.0,49.9997661597,49.9997661597 | |
[7, 7, 8, 1, 1, 1, 7, 8, 8]:0.0,10.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 8, 7, 1, 8, 1, 1, 1, 7]:0.0,-100.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 7, 8, 1, 8, 1, 7]:0.0,0.0,49.9999999973,0.0,39.9999999978,49.9999999973,49.9999999973,0.0,0.0 | |
[8, 7, 1, 1, 1, 8, 7, 1, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 8, 7, 8, 7, 1, 1]:0.0,49.9998503422,0.0,49.9998129278,0.0,0.0,0.0,49.9998129278,49.9997661597 | |
[1, 7, 8, 7, 8, 7, 1, 8, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[1, 7, 8, 7, 1, 8, 1, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 7, 8, 7, 1, 8, 8, 8, 1]:49.938102998,0.0,49.938102998,49.879107418,0.0,49.9032859344,49.938102998,0.0,49.9226287475 | |
[7, 1, 8, 1, 8, 7, 1, 1, 1]:0.0,0.0,49.9999897156,0.0,49.9999897156,0.0,49.9999871445,0.0,0.0 | |
[7, 7, 8, 1, 8, 7, 1, 1, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 7, 1, 1, 1, 7, 1, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 8, 8, 7, 1, 8, 1, 7, 1]:0.0,50.0,50.0,0.0,0.0,0.0,50.0,50.0,50.0 | |
[1, 7, 8, 1, 7, 8, 1, 1, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 7, 7, 8, 1, 1, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[8, 7, 1, 1, 7, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,97.0 | |
[1, 1, 1, 7, 7, 8, 1, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 1, 7, 7, 7, 8, 1, 8, 8]:0.0,49.99335386,0.0,0.0,0.0,49.974646988,0.0,49.994683088,0.0 | |
[7, 8, 7, 7, 7, 8, 1, 8, 8]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[7, 8, 7, 7, 7, 8, 7, 8, 8]:0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[1, 7, 8, 8, 8, 1, 7, 1, 7]:0.0,41.611392,0.0,41.611392,41.611392,39.51424,41.611392,0.0,41.611392 | |
[1, 1, 1, 7, 8, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,49.9999998814,49.9999998518,0.0,49.9999998518,0.0 | |
[8, 7, 8, 8, 1, 1, 7, 7, 8]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[1, 1, 8, 1, 7, 1, 7, 1, 8]:50.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 7, 8, 1, 7, 1, 7, 1, 8]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 1, 7, 8, 8]:48.2407813956,0.0,45.705032704,0.0,0.0,48.2407813956,48.5926251164,48.5926251164,0.0 | |
[1, 8, 1, 7, 7, 8, 1, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 8, 1, 7, 7, 8, 7, 8, 8]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[1, 1, 1, 7, 1, 8, 7, 1, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[8, 7, 7, 8, 8, 7, 1, 8, 7]:-90.0,-90.0,0.0,0.0,-90.0,0.0,-90.0,-90.0,-90.0 | |
[8, 7, 1, 7, 1, 1, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 1, 8, 8, 7]:10.0,10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 8, 7, 8, 7, 7, 8, 7]:0.0,96.0,0.0,110.0,0.0,0.0,0.0,110.0,0.0 | |
[8, 1, 1, 7, 7, 1, 1, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 8, 7, 1, 8, 8, 7, 7]:39.5388313982,49.4235392477,49.5388313982,0.0,0.0,0.0,10.0,49.5388313982,39.5388313982 | |
[8, 7, 1, 1, 7, 1, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 7, 1, 8, 1, 8, 8]:0.0,0.0,536.999970344,0.0,0.0,549.999654759,536.999970344,0.0,549.999970344 | |
[8, 1, 1, 8, 7, 8, 1, 7, 7]:41.611392,44.63129088,0.0,44.63129088,0.0,45.705032704,0.0,41.611392,0.0 | |
[8, 7, 1, 8, 7, 8, 8, 7, 7]:549.997427757,0.0,549.998683012,0.0,0.0,549.998353765,549.998946409,549.998353765,549.997427757 | |
[1, 7, 7, 1, 1, 8, 8, 1, 1]:0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 7, 8, 7, 8, 8, 1, 1]:0.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 1, 8, 7, 7, 1]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 7, 1, 8, 8, 8, 1, 7, 1]:0.0,0.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 1, 1, 8, 7, 1, 7, 8, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 8, 8, 7, 1, 7, 8, 1]:44.63129088,0.0,44.63129088,44.63129088,0.0,43.2891136,44.63129088,44.63129088,0.0 | |
[8, 7, 1, 7, 7, 8, 1, 8, 1]:50.0,50.0,50.0,0.0,0.0,0.0,50.0,49.9999999979,0.0 | |
[8, 7, 1, 7, 7, 8, 7, 8, 8]:0.0,49.8111053407,49.879107418,0.0,0.0,18.0,49.879107418,49.9032859344,49.9032859344 | |
[1, 1, 8, 1, 8, 8, 1, 7, 7]:0.0,0.0,10.0,0.0,0.0,-100.0,0.0,0.0,0.0 | |
[1, 1, 7, 7, 1, 1, 8, 8, 8]:0.0,537.999999658,549.999999658,0.0,0.0,0.0,549.999999658,0.0,549.99999602 | |
[8, 8, 7, 8, 1, 1, 1, 7, 7]:0.0,49.9226287475,0.0,49.9226287475,0.0,49.9032859344,0.0,49.9226287475,49.9226287475 | |
[8, 8, 7, 1, 1, 8, 7, 8, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 8, 8, 1, 8, 1, 1, 7, 1]:0.0,49.8488842725,0.0,29.52,49.8488842725,0.0,0.0,0.0,49.8111053407 | |
[7, 1, 8, 7, 8, 1, 1, 8, 1]:0.0,0.0,10.0,0.0,49.9837740723,0.0,0.0,49.9837740723,49.9797175904 | |
[8, 8, 8, 1, 1, 7, 7, 7, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,97.0 | |
[7, 7, 1, 8, 1, 8, 1, 8, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 7, 8, 8, 7, 8, 1, 8, 7]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,0.0 | |
[8, 7, 8, 8, 1, 1, 7, 7, 1]:46.5640261632,0.0,46.5640261632,46.5640261632,0.0,0.0,46.5640261632,46.5640261632,45.705032704 | |
[8, 1, 1, 7, 8, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,49.938102998,49.938102998,0.0,0.0,49.9226287475 | |
[8, 1, 1, 7, 8, 8, 7, 8, 7]:0.0,0.0,0.0,10.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 1, 1, 7, 8, 8, 8, 8, 7]:0.0,0.0,0.0,10.0,10.0,10.0,0.0,10.0,0.0 | |
[8, 7, 1, 7, 1, 8, 1, 8, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 1, 7, 8, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 1, 7, 8, 8, 7, 7, 8]:0.0,0.0,549.941513968,0.0,549.908615575,0.0,549.941513968,0.0,549.953211175 | |
[7, 1, 1, 8, 8, 8, 1, 7, 7]:0.0,0.0,0.0,110.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 1, 7, 8, 1, 8, 1, 7, 1]:0.0,49.999993418,49.999993418,49.9999947344,0.0,49.999993418,0.0,0.0,0.0 | |
[8, 1, 7, 8, 7, 8, 8, 7, 1]:0.0,490.94419968,502.755359744,0.0,0.0,0.0,502.755359744,0.0,0.0 | |
[1, 8, 7, 7, 1, 8, 8, 8, 7]:0.0,10.0,0.0,10.0,0.0,0.0,10.0,10.0,0.0 | |
[1, 7, 8, 1, 7, 1, 7, 8, 8]:48.2407813956,0.0,47.2512209306,0.0,0.0,0.0,0.0,10.0,47.8009767444 | |
[8, 1, 1, 7, 7, 1, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 1, 7, 7, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 7, 7, 8, 8, 7, 1, 8, 8]:0.0,0.0,10.0,-100.0,10.0,10.0,0.0,0.0,10.0 | |
[1, 8, 7, 7, 1, 1, 1, 1, 8]:0.0,50.0,0.0,0.0,0.0,0.0,50.0,0.0,0.0 | |
[1, 8, 7, 7, 1, 7, 8, 1, 8]:0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0 | |
[7, 8, 8, 7, 1, 7, 8, 8, 1]:0.0,39.9999999751,0.0,0.0,0.0,0.0,49.9999999611,0.0,49.9999999689 | |
[7, 8, 8, 7, 8, 7, 8, 8, 7]:0.0,0.0,0.0,0.0,96.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 8, 7, 8, 1]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 7, 1, 7, 8, 8, 7, 8, 1]:49.9999999841,0.0,49.9999999801,49.9999999801,49.9999999841,39.9999999841,0.0,43.2891136,0.0 | |
[1, 7, 8, 1, 1, 8, 7, 1, 1]:0.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 8, 7, 7, 8, 7, 8, 8]:549.564245106,549.564245106,549.455306383,0.0,0.0,198.0,0.0,0.0,549.455306383 | |
[7, 7, 8, 1, 8, 1, 1, 1, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 7, 8, 8, 8, 1, 1, 1, 7]:0.0,0.0,0.0,49.9504823984,0.0,49.9032859344,49.938102998,0.0,0.0 | |
[1, 7, 7, 1, 1, 8, 8, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[7, 8, 8, 1, 1, 1, 7, 7, 8]:0.0,49.994683088,49.994683088,0.0,0.0,49.99335386,49.99335386,0.0,49.994683088 | |
[8, 1, 7, 7, 1, 1, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 1, 8, 7, 1, 8, 1, 7, 7]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 1, 7, 7, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 1, 7, 1, 8, 7, 8, 1]:49.9999509601,49.9998503422,49.9999387002,0.0,0.0,49.9999509601,49.9999509601,49.9999387002,0.0 | |
[7, 1, 8, 7, 8, 1, 7, 8, 8]:-90.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0,-90.0 | |
[1, 1, 7, 7, 8, 8, 1, 8, 1]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 1, 1, 7, 1, 1, 8, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[7, 7, 8, 7, 1, 1, 8, 8, 8]:0.0,0.0,0.0,537.615101025,0.0,537.615101025,537.615101025,0.0,540.09208082 | |
[8, 1, 7, 1, 1, 7, 8, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 1, 7, 8, 7, 7, 8, 8, 1]:0.0,0.0,198.0,198.0,0.0,0.0,188.0,0.0,110.0 | |
[7, 1, 8, 7, 1, 8, 1, 8, 7]:0.0,49.991692325,10.0,0.0,0.0,0.0,0.0,0.0,49.991692325 | |
[8, 1, 1, 7, 1, 8, 1, 7, 1]:50.0,0.0,50.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 1, 7, 8, 7, 7]:49.9999999514,49.9999998814,49.9999999873,0.0,0.0,49.9999999514,0.0,0.0,0.0 | |
[8, 8, 8, 7, 1, 7, 8, 7, 7]:0.0,0.0,110.0,0.0,0.0,110.0,110.0,0.0,110.0 | |
[7, 1, 1, 8, 1, 1, 7, 1, 8]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 1, 7, 8, 8, 7, 7, 8]:0.0,0.0,0.0,0.0,10.0,10.0,10.0,10.0,10.0 | |
[8, 7, 8, 7, 8, 7, 1, 8, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 1, 8, 8, 1, 1]:10.0,0.0,10.0,0.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 8, 1, 1, 8, 1, 7, 1, 7]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 8, 8, 1, 1, 1]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0 | |
[7, 1, 8, 1, 8, 7, 7, 8, 1]:0.0,50.0,0.0,50.0,50.0,0.0,50.0,50.0,50.0 | |
[8, 8, 8, 8, 1, 7, 7, 7, 1]:0.0,549.994976088,549.994976088,549.908615575,0.0,0.0,549.994976088,0.0,549.994976088 | |
[7, 1, 7, 8, 8, 7, 1, 1, 8]:49.9998129278,0.0,0.0,49.9998802738,0.0,0.0,0.0,49.9999509601,0.0 | |
[7, 7, 8, 8, 1, 1, 1, 1, 1]:0.0,0.0,0.0,50.0,0.0,0.0,50.0,0.0,0.0 | |
[7, 7, 8, 8, 8, 7, 1, 1, 1]:0.0,0.0,0.0,50.0,50.0,0.0,50.0,50.0,0.0 | |
[1, 1, 7, 7, 1, 8, 1, 1, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 8, 8, 1, 7, 8, 7, 7, 8]:0.0,0.0,110.0,0.0,0.0,110.0,0.0,110.0,110.0 | |
[8, 8, 7, 1, 1, 7, 8, 8, 7]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,0.0,0.0 | |
[1, 8, 1, 7, 7, 8, 1, 1, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[1, 7, 8, 1, 8, 8, 7, 7, 1]:0.0,49.4235392477,49.4235392477,0.0,49.4235392477,0.0,0.0,49.4235392477,49.2794240596 | |
[1, 8, 1, 7, 1, 7, 1, 8, 8]:49.9999839306,49.9999871445,0.0,0.0,0.0,0.0,0.0,0.0,49.9999799133 | |
[7, 8, 8, 7, 1, 7, 1, 8, 8]:0.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0,-100.0 | |
[7, 8, 8, 7, 7, 7, 8, 8, 8]:110.0,110.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[7, 8, 1, 8, 8, 7, 1, 7, 1]:0.0,10.0,0.0,10.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 7, 8, 1, 1, 8, 1, 1, 1]:0.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 7, 8, 1, 1, 8, 7, 1, 8]:0.0,0.0,549.999999466,549.999999573,0.0,549.999999332,549.999999658,0.0,549.999998696 | |
[1, 1, 8, 7, 8, 1, 1, 1, 7]:0.0,0.0,49.9999978432,0.0,49.9999982746,0.0,49.9999978432,0.0,0.0 | |
[7, 7, 1, 8, 8, 1, 7, 8, 8]:0.0,49.938102998,0.0,49.938102998,49.938102998,49.9226287475,0.0,0.0,0.0 | |
[7, 1, 8, 1, 1, 7, 8, 8, 1]:0.0,0.0,49.9999978432,0.0,0.0,39.9999978432,49.99999663,0.0,49.999997304 | |
[7, 8, 7, 7, 8, 1, 8, 7, 8]:10.0,10.0,0.0,0.0,10.0,0.0,10.0,10.0,10.0 | |
[1, 1, 7, 7, 8, 1, 7, 8, 8]:0.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0,0.0 | |
[7, 1, 7, 7, 8, 8, 7, 8, 8]:0.0,-90.0,0.0,0.0,-90.0,-90.0,-90.0,-90.0,0.0 | |
[8, 1, 1, 1, 1, 7, 7, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[1, 7, 8, 1, 1, 8, 1, 8, 7]:0.0,49.974646988,0.0,49.974646988,0.0,49.9797175904,0.0,0.0,0.0 | |
[8, 1, 1, 7, 8, 1, 7, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0 | |
[8, 1, 7, 1, 1, 1, 8, 7, 1]:0.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0,50.0 | |
[8, 7, 8, 8, 7, 1, 7, 7, 8]:-90.0,-90.0,-90.0,-90.0,0.0,0.0,-90.0,0.0,-90.0 | |
[8, 7, 7, 8, 8, 1, 1, 7, 8]:0.0,0.0,549.941513968,0.0,549.96256894,0.0,549.953211175,0.0,549.96256894 | |
[1, 7, 8, 7, 1, 1, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 1, 1, 7, 1, 8, 8, 1, 7]:0.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0 | |
[1, 8, 7, 7, 1, 8, 8, 1, 7]:49.9999607681,49.9999686145,0.0,0.0,0.0,0.0,0.0,49.9999509601,0.0 | |
[1, 7, 8, 1, 7, 1, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 1, 7, 1, 7, 8, 1, 7, 8]:49.9837740723,0.0,0.0,49.9870192579,0.0,49.9837740723,49.9896154063,0.0,49.9896154063 | |
[8, 1, 7, 8, 1, 7, 8, 7, 1]:0.0,549.821514795,549.857211836,110.0,0.0,0.0,0.0,0.0,549.651396085 | |
[1, 7, 7, 1, 8, 8, 1, 7, 8]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[1, 7, 1, 7, 8, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 7, 8, 1, 8, 8, 1]:10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[1, 7, 7, 1, 8, 8, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 7, 8, 8, 7, 8]:10.0,0.0,0.0,10.0,0.0,0.0,10.0,10.0,10.0 | |
[7, 8, 1, 7, 1, 8, 1, 1, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[7, 8, 1, 7, 8, 8, 1, 7, 1]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[1, 1, 8, 7, 8, 7, 1, 1, 1]:0.0,0.0,49.9999947344,0.0,0.0,0.0,49.999993418,0.0,0.0 | |
[7, 8, 1, 1, 8, 7, 1, 7, 8]:0.0,0.0,0.0,0.0,49.9603859187,0.0,49.968308735,0.0,49.968308735 | |
[7, 8, 1, 8, 8, 7, 7, 7, 8]:0.0,48.8741000932,48.5926251164,48.8741000932,48.5926251164,48.8741000932,48.8741000932,48.8741000932,48.8741000932 | |
[8, 8, 7, 7, 1, 1, 1, 8, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 7, 7, 8, 1, 7, 8, 1]:0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 1, 8, 7, 8, 7, 7, 8, 1]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 1, 1, 8, 1, 7, 7, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 1, 8, 7, 7, 7, 8, 8]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[7, 7, 8, 8, 8, 1, 7, 1, 1]:0.0,10.0,10.0,10.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 8, 8, 1, 7, 7, 1]:0.0,33.616,0.0,36.8928,36.8928,0.0,0.0,0.0,33.616 | |
[7, 8, 8, 8, 1, 7, 7, 7, 8]:10.0,10.0,10.0,10.0,0.0,0.0,10.0,10.0,10.0 | |
[1, 7, 8, 8, 1, 8, 7, 7, 1]:0.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 7, 8, 8, 1, 1, 7, 1, 1]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 8, 8, 1, 1, 7, 7, 1, 8]:49.9226287475,49.9226287475,49.9226287475,49.879107418,0.0,0.0,49.9226287475,49.9032859344,49.9226287475 | |
[7, 8, 8, 7, 8, 7, 7, 1, 8]:-90.0,0.0,0.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0 | |
[8, 1, 8, 7, 8, 1, 7, 8, 7]:0.0,0.0,44.63129088,0.0,44.63129088,43.2891136,34.63129088,44.63129088,0.0 | |
[8, 7, 1, 8, 8, 8, 7, 1, 7]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 1, 8, 8, 8, 7, 7]:0.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[7, 8, 1, 8, 7, 7, 1, 8, 8]:10.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 8, 8, 7, 7, 7, 8, 1]:10.0,0.0,10.0,0.0,0.0,10.0,10.0,10.0,0.0 | |
[7, 8, 1, 7, 8, 8, 7, 1, 1]:0.0,-90.0,0.0,0.0,-90.0,0.0,0.0,-90.0,0.0 | |
[7, 1, 8, 8, 1, 7, 1, 8, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 1, 1, 8, 1, 7, 8, 1]:0.0,0.0,0.0,0.0,49.974646988,49.968308735,49.968308735,10.0,0.0 | |
[1, 8, 1, 7, 7, 1, 1, 8, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 1, 1, 7, 8, 8, 1, 7]:0.0,0.0,40.0,0.0,0.0,0.0,50.0,50.0,0.0 | |
[1, 7, 8, 7, 1, 8, 1, 8, 7]:0.0,10.0,10.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 7, 8, 7, 1, 8, 7, 8, 7]:10.0,10.0,10.0,10.0,0.0,0.0,10.0,10.0,10.0 | |
[7, 8, 1, 7, 1, 1, 1, 8, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[1, 7, 8, 7, 1, 1, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 7, 8, 7, 1, 7, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 7, 7, 8, 8, 1, 8, 1]:0.0,49.9992863762,0.0,0.0,0.0,49.9978221929,0.0,49.9986062034,0.0 | |
[7, 7, 8, 8, 8, 8, 7, 1, 7]:0.0,110.0,0.0,0.0,110.0,110.0,0.0,0.0,0.0 | |
[1, 1, 1, 1, 7, 8, 8, 7, 1]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 1, 1, 7, 8, 8, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,-90.0,0.0,-90.0 | |
[8, 1, 7, 8, 8, 8, 7, 7, 7]:0.0,0.0,0.0,110.0,100.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 8, 8, 1, 7, 1, 1]:0.0,49.9999992933,0.0,49.9999992933,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 1, 1, 7, 8, 8, 8]:0.0,0.0,550.0,538.0,0.0,0.0,538.0,0.0,550.0 | |
[8, 7, 7, 1, 8, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 8, 1, 7, 1, 8, 7, 8, 1]:0.0,-90.0,0.0,-90.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 1, 8, 8, 7, 7, 8, 1]:10.0,0.0,0.0,10.0,10.0,0.0,10.0,10.0,0.0 | |
[7, 7, 8, 1, 8, 7, 8, 1, 1]:549.721116868,0.0,0.0,0.0,549.721116868,0.0,549.721116868,0.0,549.651396085 | |
[1, 7, 1, 7, 1, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 8, 8, 7, 8, 7, 8, 7, 7]:549.999823237,0.0,268.4,0.0,549.999823237,0.0,549.999858589,0.0,549.999823237 | |
[8, 1, 7, 7, 8, 7, 1, 1, 8]:534.518876281,0.0,534.518876281,0.0,534.518876281,0.0,530.648595351,0.0,0.0 | |
[8, 8, 7, 8, 8, 1, 7, 1, 7]:0.0,-100.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 1, 8, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0 | |
[1, 7, 8, 8, 7, 8, 1, 7, 1]:0.0,0.0,-90.0,-90.0,0.0,0.0,-90.0,0.0,0.0 | |
[8, 8, 7, 8, 8, 1, 1, 7, 7]:0.0,49.7048520948,0.0,49.7638816759,49.6310651185,49.7048520948,0.0,0.0,0.0 | |
[1, 7, 8, 7, 8, 7, 8, 8, 1]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[7, 1, 1, 8, 7, 1, 7, 8, 8]:0.0,0.0,0.0,49.6310651185,0.0,49.6310651185,0.0,49.7048520948,0.0 | |
[7, 1, 8, 8, 7, 7, 7, 8, 8]:49.9965971763,49.9972777411,49.9965971763,49.9965971763,0.0,49.9965971763,49.9965971763,49.9972777411,0.0 | |
[1, 8, 8, 1, 7, 1, 1, 1, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 8, 1, 7, 7, 1, 8, 7]:0.0,49.9988849627,0.0,49.9986062034,0.0,0.0,0.0,49.9982577543,49.9978221929 | |
[8, 1, 8, 7, 8, 1, 7, 7, 1]:0.0,0.0,49.9999686145,0.0,49.9999799133,0.0,0.0,0.0,49.9999897156 | |
[8, 1, 7, 1, 1, 8, 8, 7, 7]:0.0,0.0,49.9978221929,49.9978221929,0.0,49.9978221929,49.9978221929,0.0,49.9978221929 | |
[8, 1, 8, 7, 1, 1, 7, 7, 8]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 7, 8, 1, 8, 1, 7, 1, 7]:10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 7, 1, 1, 8, 8, 8, 7, 1]:0.0,10.0,0.0,0.0,10.0,10.0,10.0,0.0,0.0 | |
[1, 7, 1, 1, 7, 8, 8, 8, 1]:0.0,0.0,0.0,49.974646988,0.0,39.9797175904,0.0,0.0,0.0 | |
[1, 1, 8, 7, 8, 7, 1, 8, 1]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 8, 1, 7, 7, 8, 8, 8, 1]:0.0,10.0,0.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 1, 8, 1, 1, 8, 7, 1, 7]:0.0,49.9999748916,39.9999799133,0.0,0.0,49.9999799133,49.9999799133,0.0,0.0 | |
[8, 8, 8, 1, 1, 8, 7, 7, 7]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,0.0 | |
[8, 8, 7, 1, 1, 8, 7, 1, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 1, 8, 7, 8, 1, 8, 7, 1]:110.0,0.0,110.0,0.0,0.0,0.0,110.0,0.0,0.0 | |
[1, 1, 1, 7, 7, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 1, 7, 8, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 7, 8, 1, 7, 8, 1, 8, 7]:0.0,0.0,41.611392,47.2512209306,0.0,47.8009767444,48.2407813956,47.8009767444,0.0 | |
[1, 1, 1, 8, 8, 8, 7, 7, 7]:0.0,545.941716304,0.0,546.753373043,546.753373043,0.0,0.0,0.0,0.0 | |
[1, 1, 7, 7, 8, 1, 8, 1, 1]:0.0,0.0,0.0,0.0,49.9999999051,0.0,49.9999996381,0.0,39.9999999051 | |
[8, 1, 8, 7, 1, 7, 7, 8, 8]:48.2407813956,47.8009767444,48.2407813956,0.0,0.0,0.0,0.0,47.2512209306,48.2407813956 | |
[8, 8, 7, 1, 7, 8, 8, 7, 1]:0.0,0.0,41.611392,39.51424,0.0,36.8928,18.0,0.0,0.0 | |
[7, 7, 8, 1, 1, 8, 7, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 1, 1, 7, 1, 8]:0.0,0.0,0.0,39.9999996382,0.0,49.9999995477,0.0,0.0,49.9999996381 | |
[1, 1, 7, 7, 8, 8, 7, 8, 8]:0.0,49.9999999514,0.0,49.9999999514,49.9999999241,49.9999999393,0.0,0.0,49.9999996381 | |
[8, 8, 7, 1, 1, 8, 8, 7, 7]:10.0,10.0,10.0,0.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 7, 1, 1, 8, 1, 7, 1, 8]:0.0,0.0,549.148916223,0.0,549.319132978,0.0,548.936145279,0.0,0.0 | |
[7, 8, 1, 1, 1, 7, 7, 8, 8]:0.0,49.974646988,0.0,49.974646988,0.0,49.968308735,49.974646988,49.974646988,0.0 | |
[7, 1, 8, 8, 8, 7, 1, 7, 1]:0.0,49.9988849627,0.0,0.0,49.9978221929,0.0,49.9991079702,0.0,49.9986062034 | |
[8, 7, 8, 7, 8, 7, 8, 1, 7]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 8, 1, 1, 7, 1, 8, 7, 7]:45.705032704,46.5640261632,46.5640261632,0.0,0.0,0.0,0.0,45.705032704,45.705032704 | |
[7, 8, 8, 8, 1, 7, 1, 7, 1]:47.8009767444,47.8009767444,0.0,0.0,0.0,47.8009767444,47.2512209306,47.8009767444,0.0 | |
[8, 7, 1, 1, 1, 7, 8, 8, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 8, 7, 7, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[8, 1, 7, 8, 1, 8, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 7, 8, 7, 8, 1]:0.0,0.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0 | |
[7, 7, 8, 7, 1, 8, 8, 1, 1]:0.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 1, 1, 7, 7, 8, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 8, 1, 7, 7, 8, 8, 1, 7]:0.0,49.8488842725,0.0,49.879107418,0.0,0.0,0.0,49.8488842725,0.0 | |
[1, 8, 7, 7, 7, 8, 8, 8, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[8, 1, 7, 1, 1, 8, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 7, 1, 1, 8, 8, 7, 1, 8]:0.0,49.9999999241,0.0,49.9999999051,49.9999999241,49.9999999241,0.0,0.0,49.9999991166 | |
[7, 7, 1, 7, 8, 8, 7, 8, 8]:0.0,-90.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0 | |
[7, 7, 1, 8, 8, 1, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 8, 7, 7, 8, 1, 8, 1]:10.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 8, 7, 8, 7, 1, 8, 7]:46.5640261632,0.0,46.5640261632,0.0,46.5640261632,43.2891136,45.705032704,0.0,0.0 | |
[8, 1, 8, 8, 7, 1, 1, 7, 7]:45.705032704,0.0,45.705032704,46.5640261632,0.0,0.0,45.705032704,0.0,45.705032704 | |
[1, 8, 7, 1, 1, 7, 7, 8, 8]:0.0,49.8111053407,0.0,49.7638816759,0.0,0.0,49.8111053407,0.0,0.0 | |
[8, 1, 7, 1, 8, 1, 7, 8, 1]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 1, 8, 8, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0 | |
[8, 8, 1, 1, 7, 1, 7, 1, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,-100.0 | |
[7, 8, 7, 7, 1, 8, 1, 8, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 8, 1, 1, 8, 7, 1, 7]:49.9988849627,49.9978221929,49.9988849627,0.0,0.0,49.9986062034,49.9988849627,49.9986062034,0.0 | |
[7, 7, 1, 7, 8, 8, 1, 8, 8]:0.0,0.0,0.0,50.0,50.0,50.0,50.0,0.0,50.0 | |
[8, 1, 7, 8, 8, 7, 7, 7, 8]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 8, 1, 7, 1, 8, 1, 1, 7]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[8, 7, 8, 1, 1, 8, 7, 7, 1]:10.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 8, 7, 1, 1, 1]:49.7048520948,49.6310651185,0.0,0.0,49.7048520948,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 8, 7, 1, 7, 7]:0.0,0.0,49.8111053407,0.0,49.8111053407,0.0,49.8111053407,0.0,49.8111053407 | |
[7, 1, 1, 8, 1, 7, 7, 8, 8]:0.0,0.0,47.8009767444,48.2407813956,0.0,0.0,0.0,48.2407813956,0.0 | |
[8, 8, 1, 7, 8, 8, 7, 1, 7]:0.0,10.0,0.0,10.0,10.0,10.0,0.0,0.0,0.0 | |
[8, 8, 1, 1, 1, 8, 7, 7, 1]:0.0,49.9999999994,49.9999999998,49.9999999999,0.0,49.9999999999,0.0,0.0,0.0 | |
[8, 1, 7, 7, 8, 1, 1, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 7, 7, 7, 8, 1, 1, 8, 8]:110.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 8, 7, 7, 7, 8, 1, 8, 1]:10.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 7, 1, 7, 8, 1, 1, 8, 8]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 1, 1, 1, 7, 8, 7, 1, 8]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[8, 8, 7, 7, 7, 8, 1, 7, 8]:49.9999387002,49.9999387002,0.0,18.0,0.0,0.0,49.9999233752,49.9999387002,49.9999233752 | |
[1, 8, 7, 7, 1, 1, 8, 8, 1]:0.0,49.9986062034,0.0,49.9988849627,0.0,39.9988849627,49.9988849627,0.0,0.0 | |
[8, 8, 7, 7, 1, 7, 8, 8, 1]:-100.0,49.9999999998,49.9999999996,0.0,0.0,0.0,49.9999999998,0.0,49.9999999997 | |
[7, 1, 8, 8, 7, 1, 1, 1, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 8, 7, 8, 1, 1, 7]:0.0,0.0,0.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[7, 1, 8, 1, 8, 8, 7, 7, 1]:0.0,0.0,49.2794240596,0.0,49.2794240596,0.0,0.0,48.8741000932,49.0992800745 | |
[8, 8, 8, 1, 7, 1, 7, 1, 1]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,0.0 | |
[7, 1, 8, 7, 7, 8, 1, 8, 1]:0.0,49.9603859187,0.0,0.0,0.0,49.968308735,0.0,49.938102998,0.0 | |
[8, 8, 1, 1, 7, 1, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 8, 7, 7, 1, 7, 8, 1]:0.0,549.999157127,549.998946409,549.99598087,0.0,0.0,549.984668238,0.0,549.998946409 | |
[1, 8, 7, 7, 8, 7, 8, 8, 1]:0.0,110.0,0.0,110.0,97.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 1, 8, 1, 8, 7]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 1, 1, 7, 8, 7, 1, 8, 8]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 1, 7, 7, 1, 1, 8, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 1, 7, 8, 8, 8, 1, 7, 7]:0.0,268.4,0.0,324.72,324.72,324.72,0.0,0.0,0.0 | |
[1, 7, 7, 7, 8, 8, 8, 1, 1]:0.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0 | |
[1, 7, 1, 7, 8, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,97.0,0.0,97.0 | |
[8, 1, 1, 7, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,98.0,0.0,110.0,0.0,110.0 | |
[1, 7, 7, 8, 8, 8, 1, 1, 7]:0.0,512.204287795,0.0,519.763430236,512.204287795,0.0,0.0,512.204287795,0.0 | |
[8, 1, 8, 7, 8, 7, 1, 1, 7]:10.0,0.0,48.2407813956,0.0,47.8009767444,0.0,47.8009767444,0.0,47.8009767444 | |
[1, 8, 7, 7, 7, 1, 8, 8, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 1, 8, 1, 1, 7, 7]:0.0,0.0,49.9999998518,0.0,49.9999998814,0.0,0.0,0.0,49.9999998814 | |
[8, 7, 8, 1, 8, 1, 1, 7, 7]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 8, 7, 7, 8, 1, 7, 7, 8]:110.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[8, 7, 8, 7, 1, 7, 8, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 8, 1, 7, 7, 8, 8, 1, 1]:0.0,49.7048520948,0.0,49.7048520948,0.0,0.0,0.0,49.6310651185,0.0 | |
[7, 1, 8, 1, 1, 7, 1, 8, 8]:0.0,0.0,49.9986062034,0.0,0.0,49.9986062034,49.9982577543,0.0,49.9986062034 | |
[8, 7, 7, 8, 1, 8, 7, 1, 8]:0.0,10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0 | |
[7, 1, 8, 8, 7, 1, 1, 8, 7]:0.0,0.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[7, 1, 1, 7, 8, 8, 8, 1, 7]:0.0,0.0,49.9896154063,0.0,49.991692325,49.9032859344,49.991692325,0.0,0.0 | |
[8, 7, 8, 8, 1, 8, 7, 1, 7]:0.0,49.9999839306,49.9999748916,49.9999839306,0.0,49.9999686145,49.9999839306,49.9999799133,0.0 | |
[8, 7, 1, 8, 8, 8, 7, 7, 1]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 8, 7, 7, 7, 1, 8, 8, 1]:10.0,10.0,10.0,10.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 1, 1, 8, 8, 1, 7, 7]:49.4235392477,0.0,0.0,0.0,49.4235392477,0.0,49.2794240596,49.2794240596,0.0 | |
[1, 7, 7, 1, 8, 8, 7, 1, 8]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[1, 1, 1, 7, 7, 8, 8, 8, 1]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[7, 1, 1, 7, 7, 8, 8, 8, 8]:0.0,0.0,369.776,405.8208,0.0,0.0,392.8208,0.0,405.8208 | |
[7, 1, 8, 7, 8, 8, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,549.996784696,549.997427757,0.0,549.996784696 | |
[8, 1, 7, 1, 7, 8, 8, 8, 7]:0.0,0.0,43.2891136,41.611392,0.0,43.2891136,43.2891136,43.2891136,0.0 | |
[1, 8, 1, 7, 8, 8, 7, 1, 7]:0.0,45.705032704,0.0,0.0,46.5640261632,0.0,0.0,45.705032704,0.0 | |
[1, 8, 1, 7, 8, 7, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,49.9999509601,0.0,49.9999233752 | |
[8, 1, 7, 7, 1, 1, 7, 8, 8]:0.0,49.5388313982,0.0,0.0,0.0,0.0,49.6310651185,49.6310651185,0.0 | |
[7, 7, 8, 8, 1, 1, 7, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 8, 1, 7, 1, 1]:0.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 8, 7, 1, 8]:0.0,-90.0,0.0,-90.0,0.0,-90.0,0.0,-90.0,-90.0 | |
[7, 7, 1, 1, 1, 8, 8, 1, 1]:0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 7, 8, 1, 7, 7, 8, 1]:0.0,49.6310651185,0.0,49.6310651185,0.0,0.0,0.0,49.6310651185,49.6310651185 | |
[7, 1, 7, 7, 8, 1, 8, 8, 1]:0.0,0.0,0.0,0.0,49.9999994346,49.9999982746,49.9999988957,49.99999663,49.9999992933 | |
[8, 8, 1, 7, 1, 1, 7, 8, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 1, 7, 8, 7, 7, 8, 1]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 7, 1, 7, 7, 8]:10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[1, 8, 1, 7, 8, 1, 1, 8, 7]:0.0,0.0,0.0,549.455306383,549.455306383,549.319132978,0.0,0.0,0.0 | |
[7, 7, 1, 7, 8, 8, 8, 1, 1]:0.0,10.0,0.0,0.0,10.0,10.0,10.0,0.0,0.0 | |
[7, 1, 8, 7, 7, 8, 7, 8, 8]:549.998946409,549.998946409,0.0,0.0,0.0,549.998946409,0.0,0.0,549.998946409 | |
[7, 1, 7, 7, 8, 1, 8, 1, 8]:0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[7, 1, 7, 7, 8, 8, 8, 8, 7]:49.4235392477,49.2794240596,0.0,49.4235392477,49.0992800745,49.4235392477,0.0,49.4235392477,0.0 | |
[8, 8, 7, 1, 7, 8, 8, 1, 7]:0.0,48.8741000932,49.0992800745,0.0,0.0,49.2794240596,48.8741000932,49.0992800745,0.0 | |
[1, 7, 1, 7, 8, 1, 1, 1, 8]:0.0,0.0,49.9999839306,0.0,0.0,0.0,0.0,0.0,49.9999799133 | |
[1, 7, 7, 7, 8, 1, 1, 8, 8]:0.0,0.0,49.6310651185,0.0,49.6310651185,49.5388313982,0.0,49.6310651185,0.0 | |
[8, 8, 7, 7, 1, 1, 7, 1, 8]:49.6310651185,49.6310651185,49.6310651185,0.0,0.0,0.0,49.2794240596,49.5388313982,0.0 | |
[8, 1, 1, 8, 7, 8, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 7, 8, 7, 1, 8]:0.0,0.0,0.0,-90.0,0.0,-90.0,0.0,0.0,-90.0 | |
[7, 8, 8, 1, 8, 1, 1, 7, 7]:0.0,10.0,0.0,0.0,49.9226287475,49.9032859344,0.0,0.0,0.0 | |
[8, 1, 7, 1, 8, 1, 8, 7, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 7, 8, 7, 1, 8, 1]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 1, 7, 8, 8, 1, 1, 1, 1]:0.0,0.0,0.0,49.9999799133,0.0,0.0,0.0,49.9999748916,0.0 | |
[7, 1, 8, 7, 7, 7, 8, 8, 8]:110.0,0.0,110.0,0.0,0.0,110.0,110.0,110.0,110.0 | |
[1, 8, 7, 7, 7, 8, 8, 8, 1]:0.0,10.0,0.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 7, 1, 7, 1, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,97.0,0.0,110.0 | |
[1, 1, 7, 1, 8, 7, 8, 8, 1]:0.0,49.4235392477,0.0,0.0,49.5388313982,0.0,49.4235392477,0.0,0.0 | |
[7, 1, 7, 1, 8, 7, 8, 8, 8]:0.0,549.999992226,549.999990282,549.908615575,0.0,0.0,549.999992226,0.0,268.4 | |
[7, 1, 8, 8, 8, 1, 7, 1, 7]:0.0,49.9999917725,0.0,49.999993418,49.9999917725,0.0,0.0,0.0,0.0 | |
[1, 7, 7, 8, 1, 8, 7, 1, 8]:49.9986062034,0.0,0.0,39.9988849627,0.0,0.0,0.0,0.0,0.0 | |
[1, 8, 1, 7, 7, 8, 1, 7, 8]:50.0,50.0,0.0,0.0,0.0,0.0,50.0,50.0,50.0 | |
[1, 8, 1, 7, 7, 8, 8, 8, 7]:0.0,10.0,0.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[7, 7, 8, 1, 8, 8, 1, 7, 1]:0.0,0.0,10.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 1, 7, 1, 8, 7, 7, 8, 8]:49.9870192579,0.0,49.9797175904,49.9896154063,49.9896154063,49.974646988,24.4,0.0,0.0 | |
[1, 1, 1, 7, 1, 8, 7, 8, 8]:0.0,49.991692325,0.0,49.991692325,0.0,49.991692325,0.0,0.0,49.9896154063 | |
[1, 1, 1, 7, 8, 7, 8, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 8, 7, 8, 8, 8, 7, 1]:549.999999999,0.0,549.99999999,0.0,549.999999999,0.0,549.999999998,0.0,549.999999998 | |
[7, 8, 8, 1, 8, 1, 7, 1, 7]:0.0,49.9997661597,10.0,0.0,49.9996346246,49.9997076997,0.0,0.0,0.0 | |
[8, 7, 7, 1, 7, 1, 8, 8, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 1, 7, 8, 1, 8, 7, 1, 8]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 1, 1, 8, 8, 8]:0.0,0.0,549.857211836,549.885769469,0.0,0.0,549.776893494,0.0,549.885769469 | |
[8, 1, 1, 7, 8, 7, 8, 8, 7]:49.8488842725,0.0,49.8111053407,49.7048520948,49.8488842725,0.0,49.8488842725,0.0,0.0 | |
[7, 7, 8, 1, 1, 8, 1, 8, 7]:0.0,0.0,49.9999999999,50.0,0.0,49.9999999999,0.0,49.9999999999,0.0 | |
[8, 8, 1, 1, 8, 7, 7, 8, 7]:0.0,268.4,0.0,198.0,268.4,0.0,0.0,268.4,0.0 | |
[1, 7, 7, 8, 7, 8, 1, 8, 8]:0.0,10.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 7, 7, 8, 1, 8]:0.0,0.0,110.0,110.0,0.0,110.0,110.0,0.0,110.0 | |
[8, 1, 1, 1, 7, 8, 7, 8, 1]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 8, 1, 1, 7, 8]:198.0,0.0,198.0,0.0,198.0,0.0,110.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,49.0992800745,49.4235392477,0.0,49.2794240596,0.0 | |
[8, 8, 1, 7, 8, 7, 1, 7, 1]:49.9999978432,0.0,49.999997304,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 8, 8, 7, 1, 1]:10.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 1, 7, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 8, 7, 8, 1, 7, 1]:0.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 8, 7, 8, 1, 7, 7]:0.0,-90.0,-90.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[7, 7, 7, 7, 8, 8, 8, 1, 8]:0.0,-90.0,-90.0,-90.0,-90.0,-90.0,-90.0,0.0,-90.0 | |
[1, 7, 1, 1, 8, 8, 7, 8, 7]:0.0,10.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0 | |
[7, 7, 8, 7, 1, 8, 1, 1, 8]:543.658931725,537.615101025,543.658931725,543.658931725,0.0,0.0,542.073664656,0.0,543.658931725 | |
[8, 1, 1, 1, 8, 1, 7, 7, 8]:0.0,0.0,549.148916223,0.0,549.319132978,0.0,549.148916223,0.0,0.0 | |
[1, 1, 7, 7, 1, 8, 8, 7, 8]:50.0,0.0,0.0,0.0,0.0,50.0,49.9999999999,50.0,49.9999999996 | |
[7, 8, 8, 1, 7, 1, 7, 1, 8]:10.0,10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 7, 8, 7, 8, 1, 1, 1, 1]:49.999993418,0.0,49.999993418,0.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 1, 7, 8, 1, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[1, 1, 8, 7, 7, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 8, 8, 1, 1, 7, 1, 8, 7]:0.0,49.9999999997,0.0,39.9999999997,0.0,49.9999999996,49.9999999996,0.0,0.0 | |
[8, 8, 8, 1, 7, 7, 1, 8, 7]:110.0,549.994976088,549.994976088,549.990187672,0.0,0.0,549.99598087,0.0,549.994976088 | |
[8, 1, 8, 1, 7, 1, 1, 8, 7]:0.0,0.0,49.9999999967,0.0,0.0,49.9999999948,39.9999999966,0.0,0.0 | |
[8, 1, 8, 1, 7, 7, 8, 8, 7]:49.974646988,0.0,49.974646988,49.968308735,0.0,0.0,49.974646988,0.0,49.968308735 | |
[8, 7, 7, 1, 7, 8, 8, 8, 1]:0.0,0.0,49.9988849627,39.9997076997,0.0,49.9997076997,49.9957464704,49.9991079702,0.0 | |
[1, 8, 1, 7, 7, 1, 8, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 1, 7, 7, 7, 8, 8, 1]:-90.0,-90.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0 | |
[8, 8, 1, 1, 8, 1, 7, 7, 7]:0.0,-90.0,-90.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[1, 1, 8, 8, 7, 1, 1, 1, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 7, 1, 8, 1, 7]:0.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 8, 7, 7, 8, 1, 7]:434.65664,0.0,434.65664,434.65664,0.0,434.65664,0.0,405.8208,434.65664 | |
[8, 1, 7, 8, 1, 1, 1, 7, 1]:0.0,0.0,0.0,50.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 1, 7, 8, 8, 7, 1, 7, 1]:0.0,18.0,0.0,0.0,24.4,24.4,0.0,0.0,10.0 | |
[1, 1, 8, 7, 1, 7, 8, 8, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 8, 7, 1, 8, 7, 7]:110.0,0.0,0.0,110.0,0.0,0.0,0.0,0.0,110.0 | |
[8, 7, 8, 8, 1, 1, 1, 7, 7]:0.0,0.0,47.8009767444,47.8009767444,0.0,0.0,47.2512209306,0.0,47.8009767444 | |
[1, 1, 8, 8, 7, 8, 1, 7, 7]:0.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 7, 7, 7, 1, 1, 8, 1, 8]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 7, 7, 7, 1, 7, 8, 8, 8]:110.0,110.0,0.0,110.0,0.0,0.0,110.0,110.0,110.0 | |
[8, 7, 1, 8, 8, 1, 7, 7, 8]:0.0,0.0,549.953211175,0.0,549.96256894,0.0,549.908615575,0.0,549.96256894 | |
[1, 1, 8, 1, 1, 7, 8, 8, 7]:0.0,0.0,49.99999663,39.999997304,0.0,0.0,49.99999663,0.0,49.99999663 | |
[1, 1, 8, 8, 7, 7, 8, 8, 7]:0.0,41.611392,0.0,41.611392,0.0,39.51424,0.0,0.0,41.611392 | |
[1, 8, 7, 7, 1, 8, 1, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 7, 1, 1, 8, 1, 1]:0.0,49.9957464704,49.994683088,0.0,0.0,0.0,49.994683088,0.0,49.9957464704 | |
[8, 8, 7, 8, 1, 1, 7, 8, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 7, 7, 1, 1, 7, 8, 8]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 7, 1, 7, 1, 8, 7, 1, 8]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 1, 7, 7, 1, 8, 1, 8, 1]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,0.0 | |
[7, 1, 7, 7, 1, 8, 1, 8, 8]:0.0,50.0,0.0,0.0,0.0,0.0,0.0,50.0,10.0 | |
[8, 1, 1, 7, 8, 7, 8, 1, 7]:0.0,0.0,47.2512209306,0.0,47.8009767444,0.0,47.8009767444,0.0,45.705032704 | |
[8, 1, 7, 8, 7, 8, 1, 8, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 8, 1, 8, 7, 8]:0.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0 | |
[8, 7, 1, 8, 1, 8, 7, 1, 1]:0.0,10.0,0.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[8, 7, 1, 7, 1, 1, 1, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 7, 7, 8, 1, 7, 1, 8]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,110.0 | |
[8, 8, 7, 1, 1, 1, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 1, 7, 1, 8, 7, 7, 8]:10.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 1, 8, 7, 1, 1, 8, 8, 7]:0.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[7, 1, 1, 7, 8, 8, 1, 7, 8]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0,10.0 | |
[7, 7, 8, 7, 8, 8, 1, 7, 8]:0.0,0.0,549.99999837,0.0,0.0,0.0,549.999997962,0.0,549.99999837 | |
[8, 7, 7, 8, 8, 1, 7, 1, 8]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[8, 1, 1, 8, 7, 1, 1, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 1, 1, 8, 1, 8, 1, 7, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 1, 1, 7, 8, 7, 8, 8, 8]:0.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 7, 7, 8, 7, 1, 1, 8, 8]:49.99335386,49.99335386,49.99335386,49.9896154063,0.0,49.9965971763,0.0,0.0,49.9896154063 | |
[7, 8, 1, 1, 8, 1, 7, 1, 1]:0.0,49.9999897156,0.0,0.0,0.0,49.9999871445,0.0,0.0,0.0 | |
[8, 7, 8, 7, 1, 8, 1, 8, 7]:10.0,0.0,10.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 1, 8, 1, 7, 1, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 8, 8, 7, 7, 1, 1, 8, 7]:49.968308735,49.9032859344,0.0,49.968308735,0.0,0.0,0.0,49.968308735,0.0 | |
[7, 8, 8, 1, 7, 1, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 7, 8, 8, 1, 7, 7, 1, 8]:10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 1, 1, 7, 7, 8, 1, 8, 1]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 8, 1, 1, 1, 7]:10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 1, 7, 8, 7, 1, 1]:49.5388313982,49.5388313982,49.0992800745,0.0,0.0,0.0,0.0,49.0992800745,49.4235392477 | |
[1, 1, 8, 7, 7, 8, 8, 1, 7]:0.0,49.9797175904,49.968308735,0.0,0.0,0.0,49.968308735,49.938102998,0.0 | |
[7, 1, 8, 1, 7, 1, 1, 8, 1]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 7, 1, 8, 1, 1, 7, 8, 8]:0.0,49.9999997684,0.0,49.9999986197,0.0,49.9999997684,0.0,49.999997304,49.9999997684 | |
[7, 7, 7, 1, 8, 8, 1, 1, 8]:0.0,-90.0,0.0,0.0,-90.0,-90.0,0.0,0.0,-90.0 | |
[8, 7, 8, 7, 1, 1, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 1, 1, 7, 8, 1, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 7, 7, 1, 7, 8, 8]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 7, 1, 1, 8, 8, 7, 8, 7]:10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 7, 1, 7, 8, 1, 8, 8, 7]:0.0,0.0,49.9999999051,0.0,49.9999999241,49.9999997684,0.0,0.0,49.9999998147 | |
[1, 8, 8, 7, 7, 8, 7, 1, 1]:0.0,49.879107418,0.0,0.0,0.0,48.2407813956,0.0,49.7638816759,49.8488842725 | |
[8, 7, 1, 7, 7, 8, 1, 1, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 7, 7, 1, 8, 8, 1, 8, 8]:0.0,-90.0,0.0,-90.0,-90.0,-90.0,0.0,0.0,-90.0 | |
[7, 8, 8, 7, 1, 1, 1, 8, 1]:0.0,39.879107418,49.879107418,49.8488842725,0.0,49.8488842725,0.0,0.0,0.0 | |
[7, 8, 8, 7, 7, 8, 7, 1, 8]:0.0,110.0,110.0,0.0,0.0,110.0,110.0,0.0,110.0 | |
[8, 1, 8, 7, 7, 7, 8, 8, 1]:-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0 | |
[1, 1, 7, 1, 7, 8, 8, 7, 8]:49.7048520948,49.8488842725,0.0,0.0,0.0,0.0,49.7638816759,49.7638816759,49.879107418 | |
[8, 1, 1, 7, 7, 8, 1, 7, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 1, 7, 7, 8, 7, 7, 8]:49.9226287475,49.9226287475,49.9032859344,0.0,0.0,0.0,49.9226287475,49.9226287475,0.0 | |
[8, 7, 7, 8, 8, 8, 1, 7, 1]:0.0,110.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[7, 8, 7, 7, 8, 8, 7, 8, 1]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 7, 8, 7, 7, 1]:41.611392,0.0,41.611392,0.0,0.0,41.611392,0.0,41.611392,39.51424 | |
[7, 7, 8, 1, 8, 1, 8, 7, 8]:0.0,0.0,0.0,0.0,110.0,0.0,110.0,0.0,110.0 | |
[1, 1, 8, 1, 7, 7, 1, 8, 8]:0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[7, 8, 1, 7, 1, 8, 1, 7, 8]:49.999997304,49.9999986197,0.0,0.0,0.0,0.0,49.9999988957,49.999997304,49.9999991166 | |
[8, 8, 8, 1, 7, 7, 7, 1, 8]:0.0,110.0,110.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 1, 1, 7, 8, 1, 8, 8, 7]:0.0,0.0,0.0,10.0,10.0,0.0,0.0,10.0,10.0 | |
[8, 1, 7, 1, 1, 8, 8, 1, 7]:0.0,0.0,49.9999978432,0.0,0.0,49.9999978432,49.9999978432,49.9999978432,0.0 | |
[8, 8, 1, 1, 7, 1, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 7, 1, 1, 1, 1, 8, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 7, 8, 1, 1, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 1, 7, 7, 1, 8, 8]:10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 1, 7, 8, 1, 1, 7, 8, 1]:0.0,0.0,0.0,-100.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 8, 8, 1, 7, 8, 7]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[1, 1, 8, 7, 7, 8, 7, 1, 8]:548.936145279,549.319132978,548.936145279,0.0,0.0,0.0,0.0,0.0,549.319132978 | |
[8, 7, 7, 1, 8, 8, 1, 8, 7]:10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 8, 1, 8, 1, 1, 7, 7, 8]:10.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 1, 1, 1, 8, 7, 1, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 7, 1, 7, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 1, 7, 1, 8, 1, 1, 8, 7]:0.0,0.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 1, 1, 8, 7, 1, 7, 1, 8]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 7, 8, 1, 7, 1, 1, 8, 7]:41.611392,0.0,0.0,0.0,0.0,0.0,39.51424,41.611392,39.51424 | |
[8, 7, 1, 1, 8, 1, 1, 8, 7]:0.0,0.0,0.0,0.0,49.9998503422,49.9997076997,49.9998129278,0.0,0.0 | |
[8, 8, 7, 8, 1, 8, 7, 1, 7]:0.0,-100.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 7, 7, 8, 8, 1, 1, 8, 7]:0.0,0.0,0.0,49.9504823984,49.9504823984,49.9226287475,49.938102998,39.9504823984,0.0 | |
[1, 7, 8, 8, 7, 8, 7, 7, 8]:549.998353765,0.0,0.0,530.648595351,0.0,0.0,0.0,549.997942206,549.998683012 | |
[8, 7, 8, 1, 7, 1, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 1, 8, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 8, 8, 8, 7, 8, 7, 7, 7]:0.0,-90.0,-90.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[1, 8, 7, 8, 7, 8, 1, 7, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 7, 8, 8, 8, 1]:10.0,0.0,10.0,10.0,0.0,10.0,10.0,0.0,0.0 | |
[7, 7, 1, 7, 8, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[7, 7, 8, 1, 8, 8, 7, 1, 1]:0.0,0.0,49.9504823984,0.0,49.9504823984,49.9504823984,0.0,49.938102998,0.0 | |
[8, 8, 7, 8, 7, 1, 7, 8, 1]:0.0,-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0 | |
[7, 8, 1, 1, 7, 8, 8, 7, 1]:0.0,43.2891136,0.0,41.611392,0.0,0.0,0.0,43.2891136,0.0 | |
[8, 7, 8, 1, 7, 8, 7, 1, 8]:0.0,0.0,110.0,0.0,0.0,110.0,110.0,0.0,110.0 | |
[1, 1, 1, 1, 7, 8, 1, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[1, 8, 1, 7, 8, 8, 7, 8, 7]:0.0,0.0,0.0,0.0,110.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 1, 7, 8, 7, 7, 8]:434.65664,0.0,457.725312,0.0,0.0,0.0,0.0,405.8208,457.725312 | |
[8, 7, 8, 1, 7, 1, 8, 1, 7]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 7, 1, 8, 1, 7, 8, 8, 1]:0.0,50.0,50.0,0.0,0.0,0.0,50.0,50.0,50.0 | |
[7, 1, 1, 7, 8, 8, 8, 7, 1]:0.0,0.0,0.0,0.0,10.0,10.0,10.0,0.0,0.0 | |
[8, 1, 8, 8, 1, 7, 7, 8, 7]:0.0,0.0,10.0,10.0,0.0,10.0,10.0,10.0,0.0 | |
[1, 7, 1, 8, 7, 7, 8, 8, 1]:0.0,50.0,50.0,0.0,0.0,0.0,50.0,50.0,50.0 | |
[8, 1, 1, 1, 7, 1, 7, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,10.0 | |
[8, 8, 8, 1, 7, 1, 7, 8, 7]:0.0,525.810744189,525.810744189,519.763430236,0.0,0.0,525.810744189,0.0,0.0 | |
[1, 8, 8, 7, 7, 1, 8, 8, 7]:0.0,48.5926251164,48.2407813956,47.2512209306,0.0,48.5926251164,0.0,0.0,48.8741000932 | |
[7, 1, 1, 1, 8, 8, 7, 1, 1]:0.0,0.0,0.0,0.0,0.0,49.9999748916,0.0,49.9999799133,0.0 | |
[7, 8, 7, 8, 1, 8, 1, 7, 1]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 7, 7, 1, 8, 8, 1, 8]:0.0,0.0,10.0,10.0,0.0,10.0,10.0,0.0,10.0 | |
[1, 7, 7, 7, 7, 8, 8, 8, 8]:549.996784696,0.0,549.997427757,0.0,0.0,0.0,549.997427757,549.997427757,549.996784696 | |
[8, 1, 1, 8, 1, 1, 7, 7, 1]:0.0,0.0,0.0,50.0,0.0,0.0,0.0,0.0,50.0 | |
[8, 1, 7, 8, 7, 1, 8, 8, 7]:0.0,457.725312,476.1802496,434.65664,0.0,0.0,476.1802496,0.0,0.0 | |
[7, 7, 1, 1, 8, 8, 1, 1, 1]:0.0,10.0,0.0,0.0,10.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 1, 8, 7, 7, 7]:-90.0,0.0,0.0,-90.0,0.0,-90.0,0.0,0.0,0.0 | |
[7, 1, 8, 7, 8, 1, 1, 1, 1]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 7, 1, 8, 8, 8, 7, 1, 1]:0.0,0.0,0.0,110.0,110.0,110.0,0.0,0.0,0.0 | |
[7, 1, 8, 1, 7, 8, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[1, 7, 1, 8, 8, 1, 7, 8, 7]:0.0,10.0,0.0,10.0,10.0,0.0,0.0,10.0,0.0 | |
[7, 8, 7, 8, 1, 1, 7, 1, 8]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 7, 7, 1, 1, 8, 8, 8, 1]:0.0,-90.0,0.0,0.0,0.0,-90.0,-90.0,-90.0,0.0 | |
[1, 8, 8, 1, 7, 7, 8, 1, 7]:49.7638816759,0.0,0.0,0.0,0.0,49.7048520948,49.7048520948,0.0,49.7048520948 | |
[7, 8, 1, 8, 7, 8, 7, 7, 8]:0.0,0.0,0.0,10.0,0.0,10.0,10.0,10.0,10.0 | |
[8, 1, 7, 8, 1, 8, 1, 7, 7]:10.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 7, 8, 1, 7, 7]:10.0,0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0 | |
[1, 8, 7, 1, 7, 8, 1, 7, 8]:49.8111053407,49.9226287475,0.0,49.9032859344,0.0,0.0,0.0,49.879107418,0.0 | |
[8, 1, 7, 1, 8, 7, 8, 1, 1]:49.938102998,0.0,0.0,0.0,49.938102998,0.0,0.0,0.0,49.9226287475 | |
[7, 1, 8, 7, 1, 8, 7, 1, 8]:0.0,549.92689246,549.885769469,0.0,0.0,549.821514795,0.0,0.0,0.0 | |
[7, 8, 8, 7, 8, 1, 1, 8, 7]:0.0,549.821514795,0.0,549.821514795,544.92714538,549.885769469,0.0,0.0,0.0 | |
[8, 7, 1, 1, 1, 8, 1, 8, 7]:0.0,0.0,0.0,49.938102998,0.0,49.9504823984,0.0,49.9504823984,0.0 | |
[8, 1, 8, 7, 8, 7, 7, 1, 1]:49.2794240596,0.0,0.0,0.0,49.0992800745,0.0,49.0992800745,0.0,49.0992800745 | |
[7, 7, 8, 1, 7, 8, 1, 1, 8]:546.753373043,0.0,547.402698434,544.92714538,0.0,547.402698434,546.753373043,0.0,546.753373043 | |
[8, 1, 1, 1, 7, 7, 7, 8, 8]:0.0,0.0,39.51424,0.0,0.0,0.0,41.611392,41.611392,0.0 | |
[1, 7, 8, 1, 1, 8, 7, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,110.0,110.0 | |
[8, 1, 8, 7, 7, 8, 1, 7, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 7, 7, 8, 7, 7, 8]:0.0,525.810744189,530.648595351,0.0,0.0,519.763430236,0.0,525.810744189,519.763430236 | |
[8, 8, 1, 8, 1, 1, 7, 7, 7]:0.0,-90.0,0.0,0.0,0.0,0.0,0.0,0.0,-90.0 | |
[8, 1, 7, 1, 1, 8, 1, 8, 7]:0.0,0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 7, 8, 8, 1, 8, 7]:10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[7, 1, 1, 8, 7, 8, 1, 7, 8]:0.0,41.611392,0.0,41.611392,0.0,43.2891136,0.0,41.611392,43.2891136 | |
[1, 8, 1, 8, 7, 8, 7, 7, 1]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 8, 7, 8, 7, 7]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 1, 7, 7, 1, 7, 8, 8, 8]:0.0,549.319132978,549.319132978,0.0,0.0,0.0,539.455306382,549.455306383,549.455306383 | |
[1, 7, 8, 7, 7, 8, 8, 1, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 8, 8, 7, 7, 7, 8, 8, 1]:0.0,-90.0,-90.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 7, 8, 1, 8, 1, 1, 8, 7]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[8, 1, 8, 1, 7, 7, 1, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 8, 1, 7, 8, 1, 1, 7]:0.0,49.9999999999,49.9999999999,0.0,0.0,0.0,49.9999999999,0.0,0.0 | |
[8, 1, 8, 8, 7, 8, 1, 7, 7]:49.9992863762,49.9988849627,49.9992863762,10.0,0.0,0.0,49.9991079702,0.0,0.0 | |
[8, 7, 7, 8, 1, 8, 1, 1, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0 | |
[7, 8, 8, 8, 7, 1, 1, 7, 1]:0.0,49.7638816759,0.0,47.8009767444,0.0,0.0,49.7048520948,49.4235392477,0.0 | |
[7, 8, 8, 8, 7, 1, 7, 1, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 1, 8, 8, 7, 7, 7]:0.0,0.0,-90.0,0.0,-90.0,0.0,0.0,-90.0,-90.0 | |
[8, 1, 7, 7, 8, 8, 7, 8, 1]:10.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0,0.0 | |
[1, 8, 7, 7, 8, 8, 7, 8, 1]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[8, 7, 7, 1, 7, 8, 8, 1, 1]:41.611392,41.611392,0.0,0.0,0.0,0.0,41.611392,0.0,39.51424 | |
[8, 8, 1, 7, 7, 1, 1, 8, 1]:10.0,10.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[7, 8, 7, 7, 1, 8, 8, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,10.0,10.0,0.0 | |
[8, 7, 1, 1, 7, 8, 7, 1, 8]:47.8009767444,0.0,0.0,47.2512209306,0.0,47.8009767444,47.8009767444,0.0,47.8009767444 | |
[7, 1, 8, 1, 8, 8, 1, 7, 1]:0.0,0.0,0.0,0.0,49.968308735,49.968308735,0.0,0.0,49.9603859187 | |
[8, 7, 8, 1, 7, 7, 1, 8, 8]:10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0 | |
[8, 8, 7, 1, 8, 1, 7, 8, 7]:0.0,110.0,0.0,0.0,110.0,0.0,0.0,110.0,0.0 | |
[8, 7, 1, 1, 8, 8, 7, 1, 1]:0.0,49.0992800745,0.0,0.0,49.0992800745,0.0,0.0,0.0,48.8741000932 | |
[1, 8, 1, 8, 7, 8, 1, 7, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[1, 7, 8, 8, 7, 1, 7, 8, 1]:0.0,10.0,10.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 1, 8, 7, 1, 7, 8, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[7, 8, 1, 7, 7, 8, 1, 1, 8]:0.0,49.8488842725,0.0,49.8488842725,0.0,0.0,0.0,49.8111053407,0.0 | |
[1, 7, 1, 8, 7, 8, 1, 7, 8]:-90.0,0.0,0.0,-90.0,0.0,0.0,0.0,0.0,-90.0 | |
[8, 1, 1, 7, 7, 8, 7, 1, 8]:10.0,0.0,0.0,0.0,0.0,10.0,10.0,0.0,10.0 | |
[7, 1, 7, 7, 8, 8, 1, 1, 8]:0.0,0.0,0.0,0.0,10.0,10.0,0.0,0.0,10.0 | |
[7, 8, 8, 8, 7, 1, 1, 1, 7]:0.0,-90.0,0.0,-90.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 7, 7, 8, 1, 1, 8]:49.6310651185,0.0,0.0,49.2794240596,0.0,0.0,49.5388313982,0.0,48.8741000932 | |
[8, 8, 1, 7, 7, 8, 7, 8, 1]:10.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 7, 8, 1, 7, 8, 7, 8, 1]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[7, 7, 7, 8, 8, 1, 1, 1, 8]:0.0,0.0,-90.0,-90.0,-90.0,0.0,0.0,-90.0,0.0 | |
[1, 1, 7, 7, 7, 8, 8, 8, 1]:0.0,49.974646988,0.0,49.9603859187,0.0,0.0,0.0,49.9797175904,0.0 | |
[8, 8, 1, 8, 7, 1, 1, 1, 7]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 7, 8, 7, 1, 1, 7, 1, 8]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 8, 1, 8, 1, 7, 8, 1]:49.9982577543,0.0,0.0,0.0,39.9991079702,49.9988849627,0.0,0.0,0.0 | |
[8, 7, 1, 1, 7, 8, 1, 7, 8]:-90.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,-90.0 | |
[7, 8, 7, 1, 1, 8, 7, 1, 8]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 7, 8, 7, 8, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 1, 1, 1, 7, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[1, 7, 1, 1, 7, 1, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,98.0,0.0,110.0 | |
[1, 7, 8, 8, 7, 8, 1, 1, 7]:0.0,0.0,0.0,49.2794240596,0.0,49.2794240596,49.5388313982,0.0,0.0 | |
[1, 7, 1, 1, 7, 8, 8, 1, 1]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 8, 7, 8, 7, 1, 8, 1, 7]:0.0,110.0,110.0,110.0,0.0,0.0,110.0,0.0,0.0 | |
[7, 8, 1, 8, 7, 8, 1, 7, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 8, 8, 7, 7, 1]:0.0,10.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[1, 1, 8, 7, 8, 8, 7, 7, 1]:0.0,0.0,49.7638816759,0.0,49.6310651185,0.0,0.0,49.7638816759,49.7048520948 | |
[7, 7, 8, 1, 7, 8, 1, 8, 1]:0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 1, 8, 1, 7, 8, 1, 1, 7]:0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 1, 1, 8, 1, 8, 1, 7, 7]:0.0,50.0,50.0,50.0,0.0,50.0,0.0,0.0,0.0 | |
[8, 7, 8, 1, 7, 8, 1, 7, 1]:-90.0,0.0,-90.0,0.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 1, 7, 1, 7, 8, 8, 7, 1]:41.611392,0.0,0.0,0.0,0.0,0.0,48.2407813956,0.0,48.5926251164 | |
[8, 1, 1, 7, 7, 8, 8, 7, 1]:10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[8, 7, 8, 7, 7, 8, 8, 7, 1]:-90.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0 | |
[1, 7, 8, 1, 7, 8, 7, 8, 8]:0.0,0.0,110.0,0.0,0.0,110.0,110.0,0.0,0.0 | |
[1, 7, 8, 7, 1, 7, 8, 8, 8]:0.0,0.0,0.0,0.0,0.0,0.0,110.0,0.0,110.0 | |
[8, 8, 8, 7, 7, 1, 1, 1, 7]:110.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[1, 8, 8, 1, 1, 8, 7, 7, 7]:0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,-90.0,0.0 | |
[7, 1, 8, 8, 7, 7, 1, 1, 8]:41.611392,0.0,0.0,41.611392,0.0,39.51424,39.51424,0.0,39.51424 | |
[1, 7, 8, 1, 7, 8, 1, 8, 7]:0.0,10.0,10.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 8, 8, 1, 7, 8, 1, 7, 7]:0.0,10.0,0.0,0.0,0.0,10.0,0.0,10.0,0.0 | |
[1, 1, 8, 7, 7, 8, 8, 7, 1]:0.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[7, 8, 1, 7, 7, 8, 1, 8, 8]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,10.0,10.0 | |
[1, 1, 1, 7, 7, 8, 8, 7, 8]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[1, 7, 8, 7, 7, 8, 8, 7, 8]:0.0,0.0,110.0,0.0,0.0,0.0,0.0,0.0,110.0 | |
[7, 8, 1, 1, 7, 8, 7, 1, 8]:0.0,49.8111053407,0.0,49.7638816759,0.0,49.8111053407,0.0,0.0,0.0 | |
[1, 8, 7, 7, 8, 7, 1, 1, 8]:0.0,49.974646988,0.0,49.974646988,0.0,0.0,49.968308735,0.0,49.974646988 | |
[1, 8, 1, 7, 7, 8, 7, 1, 8]:0.0,49.9032859344,0.0,49.9032859344,0.0,0.0,49.9032859344,49.879107418,0.0 | |
[8, 1, 7, 1, 8, 8, 7, 7, 1]:10.0,0.0,10.0,0.0,10.0,0.0,0.0,10.0,0.0 | |
[1, 1, 8, 7, 8, 7, 8, 1, 7]:0.0,0.0,110.0,0.0,110.0,0.0,110.0,0.0,0.0 | |
[8, 7, 8, 1, 7, 7, 8, 8, 1]:10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0,0.0 | |
[1, 7, 8, 7, 8, 1, 7, 1, 8]:0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0,0.0 | |
[7, 1, 8, 8, 7, 8, 7, 1, 1]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[7, 8, 8, 1, 1, 8, 1, 7, 7]:0.0,10.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 8, 7, 1, 7, 8, 1, 7, 1]:0.0,49.7048520948,0.0,0.0,0.0,49.8111053407,0.0,49.7048520948,49.7638816759 | |
[7, 8, 7, 7, 8, 8, 1, 8, 1]:0.0,110.0,0.0,110.0,110.0,0.0,0.0,0.0,0.0 | |
[7, 7, 8, 8, 7, 1, 1, 8, 1]:0.0,10.0,0.0,10.0,0.0,0.0,0.0,10.0,0.0 | |
[8, 1, 7, 8, 7, 1, 1, 8, 1]:0.0,0.0,0.0,10.0,0.0,0.0,0.0,0.0,0.0 | |
[8, 8, 1, 7, 7, 7, 1, 8, 8]:-90.0,-90.0,0.0,0.0,0.0,0.0,0.0,0.0,-90.0 | |
[8, 8, 7, 8, 7, 8, 1, 1, 7]:0.0,10.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[1, 7, 1, 7, 7, 8, 8, 1, 8]:0.0,0.0,0.0,0.0,0.0,0.0,10.0,0.0,10.0 | |
[8, 7, 1, 7, 7, 8, 8, 7, 8]:-90.0,0.0,0.0,0.0,0.0,0.0,-90.0,0.0,-90.0 | |
[1, 7, 8, 1, 7, 8, 8, 7, 1]:0.0,0.0,-90.0,0.0,0.0,0.0,-90.0,0.0,0.0 | |
[8, 7, 1, 1, 7, 8, 8, 7, 1]:-90.0,0.0,0.0,0.0,0.0,0.0,-90.0,0.0,0.0 | |
[8, 7, 1, 7, 8, 8, 1, 1, 7]:48.2407813956,0.0,0.0,0.0,48.2407813956,0.0,48.8741000932,0.0,0.0 | |
[8, 1, 1, 8, 7, 8, 1, 1, 7]:0.0,0.0,0.0,10.0,0.0,10.0,0.0,0.0,0.0 | |
[8, 8, 7, 1, 7, 1, 7, 8, 8]:0.0,-90.0,0.0,0.0,0.0,0.0,0.0,-90.0,-90.0 |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import numpy as np | |
from random import randint, uniform | |
from GenerallyUsefulFunctions import findFirstElementIndex | |
ACTIONNUM = 9 | |
GAMMA = 0.8 | |
def compare1DListElement(l1,l2): | |
if len(l1)!=len(l2): | |
print("Different length list, invalid") | |
return False | |
for i in range(len(l1)): | |
if l1[i]!=l2[i]: | |
return False | |
return True | |
#Sorta inefficient but oh well | |
#Returns the state index and rotation index | |
def checkRotations(board,states): | |
#0: Up, 1: Right, 2: Down, 3: Left | |
rotations = [board] | |
rRight = board[0::3][::-1] + board[1::3][::-1] + board[2::3][::-1] | |
rotations.append(rRight) | |
rotations.append(board[::-1]) | |
rotations.append(rRight[::-1]) | |
for i in range(len(states)): | |
for j in range(4): | |
if compare1DListElement(states[i],rotations[j]): | |
return i, j | |
return -1,-1 | |
def rotateBoard(board,rotation): | |
if rotation==0: | |
return board | |
elif rotation==1: | |
return (board[0::3][::-1] + board[1::3][::-1] + board[2::3][::-1]) | |
elif rotation==2: | |
return board[::-1] | |
elif rotation==3: | |
return (board[0::3][::-1] + board[1::3][::-1] + board[2::3][::-1])[::-1] | |
else: | |
print("Invalid rotation index") | |
#Returns -1 if loss, 1, if win, 0 if no win/loss, 2 if draw | |
def checkWin(b): | |
won = 0 | |
players = [8,7] | |
for i in players: | |
#Cheecking horizontal wins | |
if b[0]==b[1]==b[2]==i or b[3] == b[4] == b[5] == i or b[6] == b[7] == b[8] == i: | |
won = i | |
break | |
#Checking vertical wins | |
if b[0] == b[3] == b[6] == i or b[1] == b[4] == b[7] == i or b[2] == b[5] == b[8] == i: | |
won = i | |
break | |
if b[0] == b[4] == b[8] == i or b[2]==b[4]==b[6]==i: | |
won = i | |
break | |
if won == 8: | |
return 1 | |
elif won==7: | |
return -1 | |
else: | |
return 0 | |
def getHighestQPerGivenState(Q,board, stateIndex): | |
validStates = possibleNextStates(board) | |
highestQ = 0 | |
for i in validStates: | |
if Q[stateIndex][i] > highestQ: | |
highestQ = Q[stateIndex][i] | |
return highestQ | |
#Choose the Q with highest value, unless all equal | |
def ChooseHighestQ(Q,board,states): | |
validStates = possibleNextStates(board) | |
highestQ = 0 | |
#THIS BIT MUST DEAL WITH ALL POSSIBLE NEXT MOVES | |
#THIS BIT SHOULD ALSO DEAL WITH ALL RANDOM ELEMENTS OF GAME | |
for i in validStates: | |
newBoard = list(board) | |
newBoard[i] = 7 | |
index, rotation = checkRotations(board,states) | |
if getHighestQPerGivenState(Q,newBoard,index) > highestQ: | |
highestQ = getHighestQPerGivenState(Q,newBoard,index) | |
return highestQ | |
def possibleNextStates(board): | |
nexts = [] | |
for i in range(len(board)): | |
if board[i]==1: | |
nexts.append(i) | |
return nexts | |
def adversarialBot(currentQ,stateIndex,board): | |
board = flipBoard(board) | |
board = optimalActionOnBoard(currentQ,stateIndex,board) | |
board = flipBoard(board) | |
return board | |
def rewardFunc(board): | |
if checkWin(board)==1: | |
return 100 | |
elif checkWin(board)==-1: | |
return -100 | |
elif checkFilled(board): | |
return 50 | |
else: | |
return 0 | |
def checkFilled(board): | |
for i in board: | |
if i==1: | |
return False | |
return True | |
def adversarialBotTurn(reward,Q,index,board): | |
board = adversarialBot(Q, index, board) | |
printBoard(board) | |
reward += rewardFunc(board) | |
# TODO: add function which logs the bad end here | |
return board,reward | |
def studentBotTurn(board,Q,states,randomPerc): | |
if uniform(0,1) < randomPerc: | |
nexts = possibleNextStates(board) | |
# Choosing the next possible action randomly | |
if len(nexts) != 0: | |
action = nexts[randint(0, len(nexts) - 1)] | |
else: | |
print("Error: no more available moves left") | |
board[action] = 8 | |
else: | |
index,rotation = checkRotations(board,states) | |
board = flipBoard(board) | |
board = adversarialBot(Q,index,board) | |
#TODO: Fix it so it returns action | |
# Identifying the index and rotation, if unrecognised added to states | |
# Otherwise rotate board according to state & rotation | |
index, rotation = checkRotations(board, states) | |
if index == -1: | |
states = appendListTo(states, board) | |
index = len(states) - 1 | |
f = np.zeros((1, 9)) | |
Q = np.vstack([Q, f]) | |
else: | |
board = rotateBoard(board, rotation) | |
printBoard(board) | |
return board, Q, states,index, action | |
def trainBotFromScratch(num,Q= np.zeros((1,ACTIONNUM)),states=0): | |
board = [1,1,1,1,1,1,1,1,1] | |
if states==0: | |
states = [board] | |
for i in range(num): | |
gameFinish = False | |
board = [1,1,1,1,1,1,1,1,1] | |
# randomStart = randint(0,1) | |
randomStart = 0 | |
if randomStart==1: | |
index = 0 | |
#Everyone gets 10 points at beggining | |
reward = 0 | |
moveCount = 0 | |
if i==999: | |
print("hay") | |
while not gameFinish: | |
if randomStart==0: | |
randProb = (num-i)/num | |
board, Q, states,index,action = studentBotTurn(board,Q,states,randProb) | |
# Bellman equation line | |
reward += rewardFunc(board) | |
value = reward + GAMMA * ChooseHighestQ(Q,board,states) | |
Q[index][action] = value | |
if abs(reward)>40: | |
Q[index][action] = value - moveCount | |
break | |
else: | |
moveCount += 1 | |
""" | |
BOT TURN | |
""" | |
board, reward = adversarialBotTurn(reward,Q,index,board) | |
if abs(reward)>40: | |
value = reward | |
Q[index][action] = value | |
gameFinish = True | |
break | |
else: | |
""" | |
BOT TURN | |
""" | |
reward += rewardFunc(board) | |
print("----------------------------------") | |
return Q, states | |
def appendListTo(states,lst): | |
k = [i for i in lst] | |
states.append(k) | |
return states | |
#Goes for a random action when optimal is unknown | |
def optimalActionOnBoard(Q,stateIndex,board): | |
validStates = possibleNextStates(board) | |
highestQ = -999 | |
bestActions = [] | |
QRow = Q[stateIndex] | |
for i in range(len(validStates)): | |
if Q[stateIndex][validStates[i]] >= highestQ: | |
highestQ = Q[stateIndex][validStates[i]] | |
for i in range(len(validStates)): | |
if Q[stateIndex][validStates[i]]==highestQ: | |
bestActions.append(validStates[i]) | |
# if len(bestActions)==0: | |
# #DUE TO CHANGE | |
# if len(validStates)==1: | |
# bestAction = validStates[0] | |
# else: | |
# bestAction = validStates[randint(0,len(validStates)-1)] | |
if len(validStates)==1: | |
bestAction = bestActions[0] | |
else: | |
if len(bestActions) == 0: | |
print(Q[stateIndex]) | |
print(bestActions) | |
print(stateIndex) | |
print(board) | |
print("Valid states:",validStates) | |
print("bestActions:", str(bestActions)) | |
print("Q Row:",QRow) | |
print("StateIndex:",stateIndex) | |
bestAction = bestActions[randint(0,len(bestActions)-1)] | |
board[bestAction] = 8 | |
return board | |
def flipBoard(board): | |
for i in range(len(board)): | |
k = board[i] | |
if k==8: | |
board[i] = 7 | |
elif k==7: | |
board[i] = 8 | |
return board | |
def printBoard(board): | |
str1 = "" | |
for i in range(9): | |
k = board[i] | |
if k==7: | |
str1 += "X" | |
elif k==8: | |
str1 += "O" | |
else: | |
str1 += "-" | |
if i%3==2: | |
str1 += "\n" | |
print(str1) | |
def saveQ(Q,states): | |
f = open("naughtsCrossQ.txt","w") | |
qShape = Q.shape | |
count = 0 | |
for i in range(qShape[0]): | |
f.write(str(states[count])) | |
f.write(":") | |
for j in range(qShape[1]): | |
f.write(str(Q[i][j])) | |
if j!=qShape[1]-1: | |
f.write(",") | |
count += 1 | |
if i!=qShape[0]-1: | |
f.write("\n") | |
f.close() | |
def convertStrLToIntL(lst): | |
k = [] | |
for i in lst: | |
k.append(int(i)) | |
return k | |
def loadQAndStates(name): | |
f = open(name,"r") | |
rl = f.readlines() | |
states = [] | |
height = len(rl) | |
width = len(rl[0].split(":")[1].split(",")) | |
Q = np.empty((height,width),float) | |
for i in range(height): | |
row = rl[i].split(":")[1].split(",") | |
for j in range(width): | |
Q[i][j] = float(row[j]) | |
k = convertStrLToIntL(rl[i].split(":")[0].strip("[").strip("]").split(",")) | |
states.append(k) | |
f.close() | |
return Q, states | |
if __name__=="__main__": | |
Q,states = loadQAndStates("naughtsCrossQ.txt") | |
Q,states = trainBotFromScratch(10000,Q,states) | |
move = "" | |
print("-1 to quit") | |
b = [1, 1, 1, 1, 1, 1, 1, 1, 1] | |
while move!=-1: | |
if rewardFunc(b)!=0: | |
b = [1, 1, 1, 1, 1, 1, 1, 1, 1] | |
move = int(input("enter move")) | |
b[move] = 8 | |
index, rotation = checkRotations(b, states) | |
b = rotateBoard(b,rotation) | |
printBoard(b) | |
if rewardFunc(b)!=0: | |
b = [1, 1, 1, 1, 1, 1, 1, 1, 1] | |
b = adversarialBot(Q,index,b) | |
printBoard(b) | |
saveQ(Q,states) | |
print("Saved successfully") | |
""" | |
Questions: | |
-Why does Q have values for illegal moves? | |
- | |
""" | |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
import cv2 | |
import numpy as np | |
# For green | |
# lowerBound = np.array([33, 80, 40]) | |
# upperBound = np.array([102, 255, 255]) | |
lowerBound = np.array([0, 0, 0]) | |
upperBound = np.array([130, 130, 130]) | |
cam = cv2.VideoCapture(0) | |
kernelOpen = np.ones((5, 5)) | |
kernelClose = np.ones((20, 20)) | |
while True: | |
ret, img = cam.read() | |
#Resize for faster processing | |
img = cv2.resize(img, (340, 220)) | |
# convert BGR to HSV | |
imgHSV = cv2.cvtColor(img, cv2.COLOR_BGR2HSV) | |
# create the Mask | |
mask = cv2.inRange(imgHSV, lowerBound, upperBound) | |
# morphology | |
maskOpen = cv2.morphologyEx(mask, cv2.MORPH_OPEN, kernelOpen) | |
maskClose = cv2.morphologyEx(maskOpen, cv2.MORPH_CLOSE, kernelClose) | |
""" | |
MY SECTION HERE: | |
""" | |
maskFinal = maskClose | |
image,conts, h = cv2.findContours(maskFinal.copy(), cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_NONE) | |
cv2.drawContours(img, conts, -1, (255, 0, 0), 3) | |
for i in range(len(conts)): | |
x, y, w, h = cv2.boundingRect(conts[i]) | |
cv2.rectangle(img, (x, y), (x + w, y + h), (0, 0, 255), 2) | |
cv2.imshow("maskClose", maskClose) | |
cv2.imshow("maskOpen", maskOpen) | |
cv2.imshow("mask", mask) | |
cv2.imshow("cam", img) | |
cv2.waitKey(10) |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment