김민석

B2I

Showing 506 changed files with 13963 additions and 0 deletions
1 +#folder
2 +experiments/ecg/dataset/preprocessed/ano0
3 +
4 +experiments/ecg/output/beatgan/ecg/model/
5 +
6 +
1 +/workspace/2Dtest/1234/experiments/ecg/plotUtil.py:213: fixed
1 +
2 +import os
3 +import numpy as np
4 +import torch
5 +from torch.utils.data import DataLoader,TensorDataset
6 +from sklearn.model_selection import train_test_split
7 +
8 +np.random.seed(42)
9 +
10 +def normalize(seq):
11 + '''
12 + normalize to [-1,1]
13 + :param seq:
14 + :return:
15 + '''
16 + return 2*(seq-np.min(seq))/(np.max(seq)-np.min(seq))-1
17 +
18 +def load_data(opt):
19 + train_dataset=None
20 + test_dataset=None
21 + val_dataset=None
22 + test_N_dataset=None
23 + test_S_dataset = None
24 + test_V_dataset = None
25 + test_F_dataset = None
26 + test_Q_dataset = None
27 +
28 + if opt.dataset=="ecg":
29 +
30 + '''N_samples=np.load(os.path.join(opt.dataroot, "N_samples.npy")) #NxCxL
31 + S_samples=np.load(os.path.join(opt.dataroot, "S_samples.npy"))
32 + V_samples = np.load(os.path.join(opt.dataroot, "V_samples.npy"))
33 + F_samples = np.load(os.path.join(opt.dataroot, "F_samples.npy"))
34 + Q_samples = np.load(os.path.join(opt.dataroot, "Q_samples.npy"))
35 + '''
36 +
37 + N_samples = np.load(os.path.join(opt.dataroot,'n_spectrogram.npy'))
38 + S_samples = np.load(os.path.join(opt.dataroot,'s_spectrogram.npy'))
39 + V_samples = np.load(os.path.join(opt.dataroot,'v_spectrogram.npy'))
40 + F_samples = np.load(os.path.join(opt.dataroot,'f_spectrogram.npy'))
41 + Q_samples = np.load(os.path.join(opt.dataroot,'q_spectrogram.npy'))
42 +
43 +
44 + # normalize all
45 + '''for i in range(N_samples.shape[0]):
46 + for j in range(opt.nc):
47 + N_samples[i][j]=normalize(N_samples[i][j][:])
48 + N_samples=N_samples[:,:opt.nc,:]
49 +
50 + for i in range(S_samples.shape[0]):
51 + for j in range(opt.nc):
52 + S_samples[i][j] = normalize(S_samples[i][j][:])
53 + S_samples = S_samples[:, :opt.nc, :]
54 +
55 + for i in range(V_samples.shape[0]):
56 + for j in range(opt.nc):
57 + V_samples[i][j] = normalize(V_samples[i][j][:])
58 + V_samples = V_samples[:, :opt.nc, :]
59 +
60 + for i in range(F_samples.shape[0]):
61 + for j in range(opt.nc):
62 + F_samples[i][j] = normalize(F_samples[i][j][:])
63 + F_samples = F_samples[:, :opt.nc, :]
64 +
65 + for i in range(Q_samples.shape[0]):
66 + for j in range(opt.nc):
67 + Q_samples[i][j] = normalize(Q_samples[i][j][:])
68 + Q_samples = Q_samples[:, :opt.nc, :]'''
69 +
70 + for i in range(N_samples.shape[0]):
71 + N_samples[i] = normalize(N_samples[i])
72 +
73 + for i in range(S_samples.shape[0]):
74 + S_samples[i] = normalize(S_samples[i])
75 +
76 + for i in range(V_samples.shape[0]):
77 + V_samples[i] = normalize(V_samples[i])
78 +
79 + for i in range(F_samples.shape[0]):
80 + F_samples[i] = normalize(F_samples[i])
81 +
82 + for i in range(Q_samples.shape[0]):
83 + Q_samples[i] = normalize(Q_samples[i])
84 +
85 +
86 + # train / test
87 + test_N,test_N_y, train_N,train_N_y = getFloderK(N_samples,opt.folder,0)
88 + # test_S,test_S_y, train_S,train_S_y = getFloderK(S_samples, opt.folder,1)
89 + # test_V,test_V_y, train_V,train_V_y = getFloderK(V_samples, opt.folder,1)
90 + # test_F,test_F_y, train_F,train_F_y = getFloderK(F_samples, opt.folder,1)
91 + # test_Q,test_Q_y, train_Q,train_Q_y = getFloderK(Q_samples, opt.folder,1)
92 + test_S,test_S_y=S_samples, np.ones((S_samples.shape[0], 1))
93 + test_V, test_V_y = V_samples, np.ones((V_samples.shape[0], 1))
94 + test_F, test_F_y = F_samples, np.ones((F_samples.shape[0], 1))
95 + test_Q, test_Q_y = Q_samples, np.ones((Q_samples.shape[0], 1))
96 +
97 +
98 + # train / val
99 + train_N, val_N, train_N_y, val_N_y = getPercent(train_N, train_N_y, 0.1, 0)
100 +
101 + test_S, val_S, test_S_y, val_S_y = getPercent(test_S, test_S_y, 0.1, 0)
102 + test_V, val_V, test_V_y, val_V_y = getPercent(test_V, test_V_y, 0.1, 0)
103 + test_F, val_F, test_F_y, val_F_y = getPercent(test_F, test_F_y, 0.1, 0)
104 + test_Q, val_Q, test_Q_y, val_Q_y = getPercent(test_Q, test_Q_y, 0.1, 0)
105 +
106 + val_data=np.concatenate([val_N,val_S,val_V,val_F,val_Q])
107 + val_y=np.concatenate([val_N_y,val_S_y,val_V_y,val_F_y,val_Q_y])
108 +
109 +
110 + print("train data size:{}".format(train_N.shape))
111 + print("val data size:{}".format(val_data.shape))
112 + print("test N data size:{}".format(test_N.shape))
113 + print("test S data size:{}".format(test_S.shape))
114 + print("test V data size:{}".format(test_V.shape))
115 + print("test F data size:{}".format(test_F.shape))
116 + print("test Q data size:{}".format(test_Q.shape))
117 +
118 +
119 + if not opt.istest and opt.n_aug>0:
120 + train_N,train_N_y=data_aug(train_N,train_N_y,times=opt.n_aug)
121 + print("after aug, train data size:{}".format(train_N.shape))
122 +
123 +
124 +
125 + train_dataset = TensorDataset(torch.Tensor(train_N),torch.Tensor(train_N_y))
126 + val_dataset= TensorDataset(torch.Tensor(val_data), torch.Tensor(val_y))
127 + test_N_dataset = TensorDataset(torch.Tensor(test_N), torch.Tensor(test_N_y))
128 + test_S_dataset = TensorDataset(torch.Tensor(test_S), torch.Tensor(test_S_y))
129 + test_V_dataset = TensorDataset(torch.Tensor(test_V), torch.Tensor(test_V_y))
130 + test_F_dataset = TensorDataset(torch.Tensor(test_F), torch.Tensor(test_F_y))
131 + test_Q_dataset = TensorDataset(torch.Tensor(test_Q), torch.Tensor(test_Q_y))
132 +
133 +
134 +
135 + # assert (train_dataset is not None and test_dataset is not None and val_dataset is not None)
136 +
137 + dataloader = {"train": DataLoader(
138 + dataset=train_dataset, # torch TensorDataset format
139 + batch_size=opt.batchsize, # mini batch size
140 + shuffle=True,
141 + num_workers=int(opt.workers),
142 + drop_last=True),
143 + "val": DataLoader(
144 + dataset=val_dataset, # torch TensorDataset format
145 + batch_size=opt.batchsize, # mini batch size
146 + shuffle=True,
147 + num_workers=int(opt.workers),
148 + drop_last=False),
149 + "test_N":DataLoader(
150 + dataset=test_N_dataset, # torch TensorDataset format
151 + batch_size=opt.batchsize, # mini batch size
152 + shuffle=True,
153 + num_workers=int(opt.workers),
154 + drop_last=False),
155 + "test_S": DataLoader(
156 + dataset=test_S_dataset, # torch TensorDataset format
157 + batch_size=opt.batchsize, # mini batch size
158 + shuffle=True,
159 + num_workers=int(opt.workers),
160 + drop_last=False),
161 + "test_V": DataLoader(
162 + dataset=test_V_dataset, # torch TensorDataset format
163 + batch_size=opt.batchsize, # mini batch size
164 + shuffle=True,
165 + num_workers=int(opt.workers),
166 + drop_last=False),
167 + "test_F": DataLoader(
168 + dataset=test_F_dataset, # torch TensorDataset format
169 + batch_size=opt.batchsize, # mini batch size
170 + shuffle=True,
171 + num_workers=int(opt.workers),
172 + drop_last=False),
173 + "test_Q": DataLoader(
174 + dataset=test_Q_dataset, # torch TensorDataset format
175 + batch_size=opt.batchsize, # mini batch size
176 + shuffle=True,
177 + num_workers=int(opt.workers),
178 + drop_last=False),
179 + }
180 + return dataloader
181 +
182 +
183 +def getFloderK(data,folder,label):
184 + normal_cnt = data.shape[0]
185 + folder_num = int(normal_cnt / 5)
186 + folder_idx = folder * folder_num
187 +
188 + folder_data = data[folder_idx:folder_idx + folder_num]
189 +
190 + remain_data = np.concatenate([data[:folder_idx], data[folder_idx + folder_num:]])
191 + if label==0:
192 + folder_data_y = np.zeros((folder_data.shape[0], 1))
193 + remain_data_y=np.zeros((remain_data.shape[0], 1))
194 + elif label==1:
195 + folder_data_y = np.ones((folder_data.shape[0], 1))
196 + remain_data_y = np.ones((remain_data.shape[0], 1))
197 + else:
198 + raise Exception("label should be 0 or 1, get:{}".format(label))
199 + return folder_data,folder_data_y,remain_data,remain_data_y
200 +
201 +def getPercent(data_x,data_y,percent,seed):
202 + train_x, test_x, train_y, test_y = train_test_split(data_x, data_y,test_size=percent,random_state=seed)
203 + return train_x, test_x, train_y, test_y
204 +
205 +def get_full_data(dataloader):
206 +
207 + full_data_x=[]
208 + full_data_y=[]
209 + for batch_data in dataloader:
210 + batch_x,batch_y=batch_data[0],batch_data[1]
211 + batch_x=batch_x.numpy()
212 + batch_y=batch_y.numpy()
213 +
214 + # print(batch_x.shape)
215 + # assert False
216 + for i in range(batch_x.shape[0]):
217 + full_data_x.append(batch_x[i,0,:])
218 + full_data_y.append(batch_y[i])
219 +
220 + full_data_x=np.array(full_data_x)
221 + full_data_y=np.array(full_data_y)
222 + assert full_data_x.shape[0]==full_data_y.shape[0]
223 + print("full data size:{}".format(full_data_x.shape))
224 + return full_data_x,full_data_y
225 +
226 +
227 +def data_aug(train_x,train_y,times=2):
228 + res_train_x=[]
229 + res_train_y=[]
230 + for idx in range(train_x.shape[0]):
231 + x=train_x[idx]
232 + y=train_y[idx]
233 + res_train_x.append(x)
234 + res_train_y.append(y)
235 +
236 + for i in range(times):
237 + x_aug=aug_ts(x)
238 + res_train_x.append(x_aug)
239 + res_train_y.append(y)
240 +
241 + res_train_x=np.array(res_train_x)
242 + res_train_y=np.array(res_train_y)
243 +
244 + return res_train_x,res_train_y
245 +
246 +def aug_ts(x):
247 + left_ticks_index = np.arange(0, 140)
248 + right_ticks_index = np.arange(140, 319)
249 + np.random.shuffle(left_ticks_index)
250 + np.random.shuffle(right_ticks_index)
251 + left_up_ticks = left_ticks_index[:7]
252 + right_up_ticks = right_ticks_index[:7]
253 + left_down_ticks = left_ticks_index[7:14]
254 + right_down_ticks = right_ticks_index[7:14]
255 +
256 + x_1 = np.zeros_like(x)
257 + j = 0
258 + for i in range(x.shape[1]):
259 + if i in left_down_ticks or i in right_down_ticks:
260 + continue
261 + elif i in left_up_ticks or i in right_up_ticks:
262 + x_1[:, j] =x[:,i]
263 + j += 1
264 + x_1[:, j] = (x[:, i] + x[:, i + 1]) / 2
265 + j += 1
266 + else:
267 + x_1[:, j] = x[:, i]
268 + j += 1
269 + return x_1
270 +
271 +
272 +
No preview for this file type
No preview for this file type
1 +Execution change.py and change2.py file for change __samples.npy to __spectogram.npy.
2 +
3 +The shape is changed n*2*320 to n*128*128 to n*1*128*128
1 +
2 +import librosa
3 +import numpy as np
4 +import matplotlib.pyplot as plt
5 +import librosa, librosa.display
6 +import cv2
7 +
8 +n_data = np.load('N_samples.npy')
9 +s_data = np.load('S_samples.npy')
10 +v_data = np.load('V_samples.npy')
11 +f_data = np.load('F_samples.npy')
12 +q_data = np.load('Q_samples.npy')
13 +
14 +
15 +
16 +n_fft_n= 256
17 +win_length_n=64
18 +hp_length_n=2
19 +sr = 360
20 +
21 +data =n_data #데이터 종류
22 +
23 +lst = [] #npy로 저장할 데이터들
24 +length = len(data) #출력할 데이터 개수
25 +
26 +
27 +for i in range(length):
28 + #원래 ECG 그래프 그리기
29 + #ax1 = fig1.add_subplot(length,2,2*(i+1)-1)
30 + #ax1.plot(data[i,0,:])
31 +
32 + # STFT 이미지 그리기
33 + #ax2 = fig1.add_subplot(length,2,2*(i+1))
34 +
35 + #STFT
36 + D_highres = librosa.stft(data[i,0,:].flatten(), n_fft=n_fft_n, hop_length=hp_length_n, win_length=win_length_n)
37 +
38 + #ampiltude로 변환
39 + magnitude = np.abs(D_highres)
40 +
41 + #amplitude를 db 스케일로 변환
42 + log_spectrogram = librosa.amplitude_to_db(magnitude)
43 +
44 + #화이트 노이즈 제거
45 + log_spectrogram = log_spectrogram[:,10:150]
46 +
47 + #128,128로 resize
48 + log_spectrogram = cv2.resize(log_spectrogram, (128,128), interpolation = cv2.INTER_AREA)
49 +
50 + #스펙트로그램 출력
51 + #img = librosa.display.specshow(log_spectrogram, sr=sr, hop_length = hp_length_n, ax=ax2, y_axis="linear", x_axis="time")
52 +
53 + #컬러바
54 + #fig.colorbar(img, ax=ax2)# format="%+2.f dB")
55 +
56 + #print(log_spectrogram.shape)
57 +
58 + lst.append(log_spectrogram)
59 + if i%30==0:
60 + print(i,'/',length)
61 +
62 +#npy로 저장
63 +lst = np.array(lst)
64 +output_filename = 'n_spectrogram'
65 +print(lst.shape)
66 +np.save(output_filename, lst)
67 +
68 +
69 +##########
70 +
71 +data =s_data #데이터 종류
72 +
73 +lst = [] #npy로 저장할 데이터들
74 +length = len(data) #출력할 데이터 개수
75 +
76 +
77 +for i in range(length):
78 + #원래 ECG 그래프 그리기
79 + #ax1 = fig1.add_subplot(length,2,2*(i+1)-1)
80 + #ax1.plot(data[i,0,:])
81 +
82 + # STFT 이미지 그리기
83 + #ax2 = fig1.add_subplot(length,2,2*(i+1))
84 +
85 + #STFT
86 + D_highres = librosa.stft(data[i,0,:].flatten(), n_fft=n_fft_n, hop_length=hp_length_n, win_length=win_length_n)
87 +
88 + #ampiltude로 변환
89 + magnitude = np.abs(D_highres)
90 +
91 + #amplitude를 db 스케일로 변환
92 + log_spectrogram = librosa.amplitude_to_db(magnitude)
93 +
94 + #화이트 노이즈 제거
95 + log_spectrogram = log_spectrogram[:,10:150]
96 +
97 + #128,128로 resize
98 + log_spectrogram = cv2.resize(log_spectrogram, (128,128), interpolation = cv2.INTER_AREA)
99 +
100 + #스펙트로그램 출력
101 + #img = librosa.display.specshow(log_spectrogram, sr=sr, hop_length = hp_length_n, ax=ax2, y_axis="linear", x_axis="time")
102 +
103 + #컬러바
104 + #fig.colorbar(img, ax=ax2)# format="%+2.f dB")
105 +
106 + #print(log_spectrogram.shape)
107 +
108 + lst.append(log_spectrogram)
109 + if i%30==0:
110 + print(i,'/',length)
111 +
112 +#npy로 저장
113 +lst = np.array(lst)
114 +output_filename = 's_spectrogram'
115 +print(lst.shape)
116 +np.save(output_filename, lst)
117 +
118 +##########
119 +
120 +data =v_data #데이터 종류
121 +
122 +lst = [] #npy로 저장할 데이터들
123 +length = len(data) #출력할 데이터 개수
124 +
125 +
126 +for i in range(length):
127 + #원래 ECG 그래프 그리기
128 + #ax1 = fig1.add_subplot(length,2,2*(i+1)-1)
129 + #ax1.plot(data[i,0,:])
130 +
131 + # STFT 이미지 그리기
132 + #ax2 = fig1.add_subplot(length,2,2*(i+1))
133 +
134 + #STFT
135 + D_highres = librosa.stft(data[i,0,:].flatten(), n_fft=n_fft_n, hop_length=hp_length_n, win_length=win_length_n)
136 +
137 + #ampiltude로 변환
138 + magnitude = np.abs(D_highres)
139 +
140 + #amplitude를 db 스케일로 변환
141 + log_spectrogram = librosa.amplitude_to_db(magnitude)
142 +
143 + #화이트 노이즈 제거
144 + log_spectrogram = log_spectrogram[:,10:150]
145 +
146 + #128,128로 resize
147 + log_spectrogram = cv2.resize(log_spectrogram, (128,128), interpolation = cv2.INTER_AREA)
148 +
149 + #스펙트로그램 출력
150 + #img = librosa.display.specshow(log_spectrogram, sr=sr, hop_length = hp_length_n, ax=ax2, y_axis="linear", x_axis="time")
151 +
152 + #컬러바
153 + #fig.colorbar(img, ax=ax2)# format="%+2.f dB")
154 +
155 + #print(log_spectrogram.shape)
156 +
157 + lst.append(log_spectrogram)
158 + if i%30==0:
159 + print(i,'/',length)
160 +
161 +#npy로 저장
162 +lst = np.array(lst)
163 +output_filename = 'v_spectrogram'
164 +print(lst.shape)
165 +np.save(output_filename, lst)
166 +
167 +##########
168 +
169 +data =f_data #데이터 종류
170 +
171 +lst = [] #npy로 저장할 데이터들
172 +length = len(data) #출력할 데이터 개수
173 +
174 +
175 +for i in range(length):
176 + #원래 ECG 그래프 그리기
177 + #ax1 = fig1.add_subplot(length,2,2*(i+1)-1)
178 + #ax1.plot(data[i,0,:])
179 +
180 + # STFT 이미지 그리기
181 + #ax2 = fig1.add_subplot(length,2,2*(i+1))
182 +
183 + #STFT
184 + D_highres = librosa.stft(data[i,0,:].flatten(), n_fft=n_fft_n, hop_length=hp_length_n, win_length=win_length_n)
185 +
186 + #ampiltude로 변환
187 + magnitude = np.abs(D_highres)
188 +
189 + #amplitude를 db 스케일로 변환
190 + log_spectrogram = librosa.amplitude_to_db(magnitude)
191 +
192 + #화이트 노이즈 제거
193 + log_spectrogram = log_spectrogram[:,10:150]
194 +
195 + #128,128로 resize
196 + log_spectrogram = cv2.resize(log_spectrogram, (128,128), interpolation = cv2.INTER_AREA)
197 +
198 + #스펙트로그램 출력
199 + #img = librosa.display.specshow(log_spectrogram, sr=sr, hop_length = hp_length_n, ax=ax2, y_axis="linear", x_axis="time")
200 +
201 + #컬러바
202 + #fig.colorbar(img, ax=ax2)# format="%+2.f dB")
203 +
204 + #print(log_spectrogram.shape)
205 +
206 + lst.append(log_spectrogram)
207 + if i%30==0:
208 + print(i,'/',length)
209 +
210 +#npy로 저장
211 +lst = np.array(lst)
212 +output_filename = 'f_spectrogram'
213 +print(lst.shape)
214 +np.save(output_filename, lst)
215 +
216 +##########
217 +
218 +data =q_data #데이터 종류
219 +
220 +lst = [] #npy로 저장할 데이터들
221 +length = len(data) #출력할 데이터 개수
222 +
223 +
224 +for i in range(length):
225 + #원래 ECG 그래프 그리기
226 + #ax1 = fig1.add_subplot(length,2,2*(i+1)-1)
227 + #ax1.plot(data[i,0,:])
228 +
229 + # STFT 이미지 그리기
230 + #ax2 = fig1.add_subplot(length,2,2*(i+1))
231 +
232 + #STFT
233 + D_highres = librosa.stft(data[i,0,:].flatten(), n_fft=n_fft_n, hop_length=hp_length_n, win_length=win_length_n)
234 +
235 + #ampiltude로 변환
236 + magnitude = np.abs(D_highres)
237 +
238 + #amplitude를 db 스케일로 변환
239 + log_spectrogram = librosa.amplitude_to_db(magnitude)
240 +
241 + #화이트 노이즈 제거
242 + log_spectrogram = log_spectrogram[:,10:150]
243 +
244 + #128,128로 resize
245 + log_spectrogram = cv2.resize(log_spectrogram, (128,128), interpolation = cv2.INTER_AREA)
246 +
247 + #스펙트로그램 출력
248 + #img = librosa.display.specshow(log_spectrogram, sr=sr, hop_length = hp_length_n, ax=ax2, y_axis="linear", x_axis="time")
249 +
250 + #컬러바
251 + #fig.colorbar(img, ax=ax2)# format="%+2.f dB")
252 +
253 + #print(log_spectrogram.shape)
254 +
255 + lst.append(log_spectrogram)
256 + if i%30==0:
257 + print(i,'/',length)
258 +
259 +#npy로 저장
260 +lst = np.array(lst)
261 +output_filename = 'q_spectrogram'
262 +print(lst.shape)
263 +np.save(output_filename, lst)
1 +import numpy as np
2 +
3 +N_samples = np.load('n_spectrogram.npy')
4 +S_samples = np.load('s_spectrogram.npy')
5 +V_samples = np.load('v_spectrogram.npy')
6 +F_samples = np.load('f_spectrogram.npy')
7 +Q_samples = np.load('q_spectrogram.npy')
8 +##########
9 +
10 +S_samples = S_samples.reshape(S_samples.shape[0],1,S_samples.shape[1],S_samples.shape[2])
11 +V_samples = V_samples.reshape(V_samples.shape[0],1,V_samples.shape[1],V_samples.shape[2])
12 +F_samples = F_samples.reshape(F_samples.shape[0],1,F_samples.shape[1],F_samples.shape[2])
13 +Q_samples = Q_samples.reshape(Q_samples.shape[0],1,Q_samples.shape[1],Q_samples.shape[2])
14 +N_samples = N_samples.reshape(N_samples.shape[0],1,N_samples.shape[1],N_samples.shape[2])
15 +
16 +np.save('q_spectrogram', Q_samples)
17 +np.save('v_spectrogram', V_samples)
18 +np.save('s_spectrogram', S_samples)
19 +np.save('f_spectrogram', F_samples)
20 +np.save('n_spectrogram', N_samples)
1 +import os
2 +import numpy as np
3 +
4 +import torch
5 +from torch.utils.data import DataLoader,TensorDataset
6 +
7 +from model import BeatGAN
8 +from options import Options
9 +import matplotlib.pyplot as plt
10 +import matplotlib
11 +plt.rcParams["font.family"] = "Times New Roman"
12 +matplotlib.rcParams.update({'font.size': 38})
13 +from plotUtil import save_ts_heatmap
14 +from data import normalize
15 +
16 +device = torch.device("cpu")
17 +
18 +SAVE_DIR="output/demo/"
19 +
20 +
21 +
22 +
23 +def load_case(normal=True):
24 + if normal:
25 + test_samples = np.load(os.path.join("dataset/demo/", "normal_samples.npy"))
26 + else:
27 + test_samples = np.load(os.path.join("dataset/demo/", "abnormal_samples.npy"))
28 +
29 + for i in range(test_samples.shape[0]):
30 + for j in range(1):
31 + test_samples[i][j] = normalize(test_samples[i][j][:])
32 + test_samples = test_samples[:, :1, :]
33 + print(test_samples.shape)
34 + if not normal :
35 + test_y=np.ones([test_samples.shape[0],1])
36 + else:
37 + test_y = np.zeros([test_samples.shape[0], 1])
38 + test_dataset = TensorDataset(torch.Tensor(test_samples), torch.Tensor(test_y))
39 +
40 + return DataLoader(dataset=test_dataset, # torch TensorDataset format
41 + batch_size=64,
42 + shuffle=False,
43 + num_workers=0,
44 + drop_last=False)
45 +
46 +normal_dataloader=load_case(normal=True)
47 +abnormal_dataloader=load_case(normal=False)
48 +opt = Options()
49 +opt.nc=1
50 +opt.nz=50
51 +opt.isize=320
52 +opt.ndf=32
53 +opt.ngf=32
54 +opt.batchsize=64
55 +opt.ngpu=1
56 +opt.istest=True
57 +opt.lr=0.001
58 +opt.beta1=0.5
59 +opt.niter=None
60 +opt.dataset=None
61 +opt.model = None
62 +opt.outf=None
63 +
64 +
65 +
66 +model=BeatGAN(opt,None,device)
67 +model.G.load_state_dict(torch.load('model/beatgan_folder_0_G.pkl',map_location='cpu'))
68 +model.D.load_state_dict(torch.load('model/beatgan_folder_0_D.pkl',map_location='cpu'))
69 +
70 +
71 +model.G.eval()
72 +model.D.eval()
73 +with torch.no_grad():
74 +
75 + abnormal_input=[]
76 + abnormal_output=[]
77 +
78 + normal_input=[]
79 + normal_output=[]
80 + for i, data in enumerate(abnormal_dataloader, 0):
81 + test_x=data[0]
82 + fake_x, _ = model.G(test_x)
83 +
84 + batch_input = test_x.cpu().numpy()
85 + batch_output = fake_x.cpu().numpy()
86 + abnormal_input.append(batch_input)
87 + abnormal_output.append(batch_output)
88 + abnormal_input=np.concatenate(abnormal_input)
89 + abnormal_output=np.concatenate(abnormal_output)
90 +
91 + for i, data in enumerate(normal_dataloader, 0):
92 + test_x=data[0]
93 + fake_x, _ = model.G(test_x)
94 +
95 + batch_input = test_x.cpu().numpy()
96 + batch_output = fake_x.cpu().numpy()
97 + normal_input.append(batch_input)
98 + normal_output.append(batch_output)
99 + normal_input=np.concatenate(normal_input)
100 + normal_output=np.concatenate(normal_output)
101 +
102 + # print(normal_input.shape)
103 + # print(np.reshape((normal_input-normal_output)**2,(normal_input.shape[0],-1)).shape)
104 +
105 + normal_heat= np.reshape((normal_input-normal_output)**2,(normal_input.shape[0],-1))
106 +
107 + abnormal_heat = np.reshape((abnormal_input - abnormal_output)**2 , (abnormal_input.shape[0], -1))
108 +
109 + # print(normal_heat.shape)
110 + # assert False
111 +
112 + max_val = max(np.max(normal_heat), np.max(abnormal_heat))
113 + min_val = min(np.min(normal_heat), np.min(abnormal_heat))
114 +
115 + normal_heat_norm = (normal_heat - min_val) / (max_val - min_val)
116 + abnormal_heat_norm = (abnormal_heat - min_val) / (max_val - min_val)
117 +
118 +
119 +
120 + # for fig
121 + dataset=["normal","abnormal"]
122 +
123 + for d in dataset:
124 + if not os.path.exists(os.path.join(SAVE_DIR , d)):
125 + os.makedirs(os.path.join(SAVE_DIR , d))
126 +
127 + if d=="normal":
128 + data_input=normal_input
129 + data_output=normal_output
130 + data_heat=normal_heat_norm
131 + else:
132 + data_input = abnormal_input
133 + data_output = abnormal_output
134 + data_heat = abnormal_heat_norm
135 +
136 + for i in range(50):
137 +
138 + input_sig=data_input[i]
139 + output_sig=data_output[i]
140 + heat=data_heat[i]
141 +
142 + # print(input_sig.shape)
143 + # print(output_sig.shape)
144 + # print(heat.shape)
145 + # assert False
146 +
147 + x_points = np.arange(input_sig.shape[1])
148 + fig, ax = plt.subplots(2, 1, sharex=True, figsize=(6, 6), gridspec_kw={'height_ratios': [7, 1],
149 + })
150 +
151 + sig_in = input_sig[0, :]
152 +
153 + sig_out = output_sig[0, :]
154 + ax[0].plot(x_points, sig_in, 'k-', linewidth=2.5, label="ori")
155 + ax[0].plot(x_points, sig_out, 'k--', linewidth=2.5, label="gen")
156 + ax[0].set_yticks([])
157 +
158 + # leg=ax[0].legend(loc="upper right",bbox_to_anchor=(1.06, 1.06))
159 + # leg.get_frame().set_alpha(0.0)
160 +
161 + heat_norm = np.reshape(heat, (1, -1))
162 + # heat_norm=np.zeros((1,320))
163 + # if d=="normal":
164 + # heat_norm[0,100:120]=0.0003
165 + # else:
166 + # heat_norm[0,100:120]=0.9997
167 +
168 + ax[1].imshow(heat_norm, cmap="jet", aspect="auto",vmin = 0,vmax = 0.2)
169 + ax[1].set_yticks([])
170 + # ax[1].set_xlim((0,len(x_points)))
171 +
172 + # fig.subplots_adjust(hspace=0.01)
173 + fig.tight_layout()
174 + # fig.show()
175 + # return
176 + fig.savefig(os.path.join(SAVE_DIR+d,str(i)+"_output.png"))
177 +
178 + fig2, ax2 = plt.subplots(1, 1)
179 + ax2.plot(x_points, sig_in, 'k-', linewidth=2.5, label="input signal")
180 + fig2.savefig(os.path.join(SAVE_DIR + d, str(i) + "_input.png"))
181 +
182 +
183 + plt.clf()
184 +
185 +print("output files are in:{}".format(SAVE_DIR))
...\ No newline at end of file ...\ No newline at end of file
1 +
2 +
3 +import os
4 +os.environ["CUDA_VISIBLE_DEVICES"] = "1"
5 +import torch
6 +from options import Options
7 +
8 +from data import load_data
9 +
10 +# from dcgan import DCGAN as myModel
11 +
12 +
13 +device = torch.device("cuda:0" if
14 +torch.cuda.is_available() else "cpu")
15 +print('device: ',device)
16 +
17 +
18 +
19 +opt = Options().parse()
20 +print(opt)
21 +dataloader=load_data(opt)
22 +print("load data success!!!")
23 +
24 +if opt.model == "beatgan":
25 + from model import BeatGAN as MyModel
26 +
27 +else:
28 + raise Exception("no this model :{}".format(opt.model))
29 +
30 +
31 +model=MyModel(opt,dataloader,device)
32 +print('\nmodel_device:',model.device,'\n')
33 +
34 +if not opt.istest:
35 + print("################ Train ##################")
36 + model.train()
37 +else:
38 + print("################ Eval ##################")
39 + model.load()
40 + model.test_type()
41 + # model.test_time()
42 + # model.plotTestFig()
43 + # print("threshold:{}\tf1-score:{}\tauc:{}".format( th, f1, auc))
1 +
2 +import time,os,sys
3 +
4 +
5 +import numpy as np
6 +import torch
7 +import torch.nn as nn
8 +import torch.optim as optim
9 +
10 +from network import Encoder,Decoder,AD_MODEL,weights_init,print_network
11 +
12 +
13 +
14 +dirname=os.path.dirname
15 +sys.path.insert(0,dirname(dirname(os.path.abspath(__file__))))
16 +
17 +from metric import evaluate
18 +
19 +
20 +##
21 +class Discriminator(nn.Module):
22 +
23 + def __init__(self, opt):
24 + super(Discriminator, self).__init__()
25 + model = Encoder(opt.ngpu,opt,1)
26 + layers = list(model.main.children())
27 +
28 + self.features = nn.Sequential(*layers[:-1])
29 + self.classifier = nn.Sequential(layers[-1])
30 + self.classifier.add_module('Sigmoid', nn.Sigmoid())
31 +
32 + def forward(self, x):
33 + features = self.features(x)
34 + features = features
35 + classifier = self.classifier(features)
36 + classifier = classifier.view(-1, 1).squeeze(1)
37 +
38 + return classifier, features
39 +
40 +
41 +
42 +
43 +##
44 +class Generator(nn.Module):
45 +
46 + def __init__(self, opt):
47 + super(Generator, self).__init__()
48 + self.encoder1 = Encoder(opt.ngpu,opt,opt.nz)
49 + self.decoder = Decoder(opt.ngpu,opt)
50 +
51 + def forward(self, x):
52 + latent_i = self.encoder1(x)
53 + gen_x = self.decoder(latent_i)
54 + return gen_x, latent_i
55 +
56 +
57 +class BeatGAN(AD_MODEL):
58 +
59 +
60 + def __init__(self, opt, dataloader, device):
61 + super(BeatGAN, self).__init__(opt, dataloader, device)
62 + self.dataloader = dataloader
63 + self.device = device
64 + self.opt=opt
65 +
66 + self.batchsize = opt.batchsize
67 + self.nz = opt.nz
68 + self.niter = opt.niter
69 +
70 + self.G = Generator( opt).to(device)
71 + self.G.apply(weights_init)
72 + if not self.opt.istest:
73 + print_network(self.G)
74 +
75 + self.D = Discriminator(opt).to(device)
76 + self.D.apply(weights_init)
77 + if not self.opt.istest:
78 + print_network(self.D)
79 +
80 +
81 + self.bce_criterion = nn.BCELoss().cuda()
82 + self.mse_criterion=nn.MSELoss().cuda()
83 +
84 +
85 + self.optimizerD = optim.Adam(self.D.parameters(), lr=opt.lr, betas=(opt.beta1, 0.999))
86 + self.optimizerG = optim.Adam(self.G.parameters(), lr=opt.lr, betas=(opt.beta1, 0.999))
87 +
88 +
89 + self.total_steps = 0
90 + self.cur_epoch=0
91 +
92 +
93 + self.input = torch.empty(size=(self.opt.batchsize, self.opt.nc, self.opt.isize), dtype=torch.float32, device=self.device)
94 + self.label = torch.empty(size=(self.opt.batchsize,), dtype=torch.float32, device=self.device)
95 + self.gt = torch.empty(size=(opt.batchsize,), dtype=torch.long, device=self.device)
96 + self.fixed_input = torch.empty(size=(self.opt.batchsize, self.opt.nc, self.opt.isize), dtype=torch.float32, device=self.device)
97 + self.real_label = 1
98 + self.fake_label= 0
99 +
100 +
101 + self.out_d_real = None
102 + self.feat_real = None
103 +
104 + self.fake = None
105 + self.latent_i = None
106 + self.out_d_fake = None
107 + self.feat_fake = None
108 +
109 + self.err_d_real = None
110 + self.err_d_fake = None
111 + self.err_d = None
112 +
113 + self.out_g = None
114 + self.err_g_adv = None
115 + self.err_g_rec = None
116 + self.err_g = None
117 +
118 +
119 + def train(self):
120 + self.train_hist = {}
121 + self.train_hist['D_loss'] = []
122 + self.train_hist['G_loss'] = []
123 + self.train_hist['per_epoch_time'] = []
124 + self.train_hist['total_time'] = []
125 +
126 +
127 +
128 +
129 + print("Train model.")
130 + start_time = time.time()
131 + best_auc=0
132 + best_auc_epoch=0
133 +
134 + with open(os.path.join(self.outf, self.model, self.dataset, "val_info.txt"), "w") as f:
135 + for epoch in range(self.niter):
136 + self.cur_epoch+=1
137 + self.train_epoch()
138 + auc,th,f1=self.validate()
139 + if auc > best_auc:
140 + best_auc = auc
141 + best_auc_epoch=self.cur_epoch
142 + self.save_weight_GD()
143 + f.write("[{}] auc:{:.4f} \t best_auc:{:.4f} in epoch[{}]\n".format(self.cur_epoch,auc,best_auc,best_auc_epoch ))
144 + print("[{}] auc:{:.4f} th:{:.4f} f1:{:.4f} \t best_auc:{:.4f} in epoch[{}]\n".format(self.cur_epoch,auc,th,f1,best_auc,best_auc_epoch ))
145 +
146 +
147 +
148 + self.train_hist['total_time'].append(time.time() - start_time)
149 + print("Avg one epoch time: %.2f, total %d epochs time: %.2f" % (np.mean(self.train_hist['per_epoch_time']),
150 + self.niter,
151 + self.train_hist['total_time'][0]))
152 +
153 + self.save(self.train_hist)
154 +
155 + self.save_loss(self.train_hist)
156 +
157 +
158 +
159 + def train_epoch(self):
160 +
161 + epoch_start_time = time.time()
162 + self.G.train()
163 + self.D.train()
164 + epoch_iter = 0
165 + for data in self.dataloader["train"]:
166 + self.total_steps += self.opt.batchsize
167 + epoch_iter += 1
168 +
169 + self.set_input(data)
170 + self.optimize()
171 +
172 + errors = self.get_errors()
173 +
174 + self.train_hist['D_loss'].append(errors["err_d"])
175 + self.train_hist['G_loss'].append(errors["err_g"])
176 +
177 + if (epoch_iter % self.opt.print_freq) == 0:
178 +
179 + print("Epoch: [%d] [%4d/%4d] D_loss(R/F): %.6f/%.6f, G_loss: %.6f" %
180 + ((self.cur_epoch), (epoch_iter), self.dataloader["train"].dataset.__len__() // self.batchsize,
181 + errors["err_d_real"], errors["err_d_fake"], errors["err_g"]))
182 + # print("err_adv:{} ,err_rec:{} ,err_enc:{}".format(errors["err_g_adv"],errors["err_g_rec"],errors["err_g_enc"]))
183 +
184 +
185 + self.train_hist['per_epoch_time'].append(time.time() - epoch_start_time)
186 + with torch.no_grad():
187 + real_input,fake_output = self.get_generated_x()
188 +
189 + self.visualize_pair_results(self.cur_epoch,
190 + real_input,
191 + fake_output,
192 + is_train=True)
193 +
194 +
195 + def set_input(self, input):
196 + #self.input.data.resize_(input[0].size()).copy_(input[0])
197 + with torch.no_grad():
198 + self.input.resize_(input[0].size()).copy_(input[0])
199 + #self.gt.data.resize_(input[1].size()).copy_(input[1])
200 + with torch.no_grad():
201 + self.gt.resize_(input[1].size()).copy_(input[1])
202 +
203 + # fixed input for view
204 + if self.total_steps == self.opt.batchsize:
205 + #self.fixed_input.data.resize_(input[0].size()).copy_(input[0])
206 + with torch.no_grad():
207 + self.fixed_input.resize_(input[0].size()).copy_(input[0])
208 +
209 +
210 + ##
211 + def optimize(self):
212 + self.update_netd()
213 + self.update_netg()
214 +
215 + # If D loss too low, then re-initialize netD
216 + if self.err_d.item() < 5e-6:
217 + self.reinitialize_netd()
218 +
219 + def update_netd(self):
220 + ##
221 +
222 + self.D.zero_grad()
223 + # --
224 + # Train with real
225 + self.label.data.resize_(self.opt.batchsize).fill_(self.real_label)
226 + self.out_d_real, self.feat_real = self.D(self.input)
227 + # --
228 + # Train with fake
229 + self.label.data.resize_(self.opt.batchsize).fill_(self.fake_label)
230 + self.fake, self.latent_i = self.G(self.input)
231 + self.out_d_fake, self.feat_fake = self.D(self.fake)
232 + # --
233 +
234 + #to~~~ delete if some problem will happen
235 + #print('self.out_d_real: ',type(self.out_d_real))
236 + #print('self.device: ', self.device)
237 + #print('self.batchsize: ', self.batchsize)
238 + #print('self.real_label: ',self.real_label)
239 + #print(self.real_label.device)
240 + #print('torch.full: ', torch.full((self.batchsize,), self.real_label, device=self.device).type(torch.FloatTensor))
241 +
242 +
243 + #below the code, if .cuda() isn't exist, torch.full.device is cpu
244 + #print('torch.full is go to cpu?: ', torch.full((self.batchsize,), self.real_label, device=self.device).type(torch.FloatTensor).cuda().device)
245 + self.err_d_real = self.bce_criterion(self.out_d_real, torch.full((self.batchsize,), self.real_label, device=self.device).type(torch.FloatTensor).cuda())
246 +
247 + self.err_d_fake = self.bce_criterion(self.out_d_fake, torch.full((self.batchsize,), self.fake_label, device=self.device).type(torch.FloatTensor).cuda())
248 +
249 +
250 + self.err_d=self.err_d_real+self.err_d_fake
251 + self.err_d.backward()
252 + self.optimizerD.step()
253 +
254 + ##
255 + def reinitialize_netd(self):
256 + """ Initialize the weights of netD
257 + """
258 + self.D.apply(weights_init)
259 + print('Reloading d net')
260 +
261 + ##
262 + def update_netg(self):
263 + self.G.zero_grad()
264 + self.label.data.resize_(self.opt.batchsize).fill_(self.real_label)
265 + self.fake, self.latent_i = self.G(self.input)
266 + self.out_g, self.feat_fake = self.D(self.fake)
267 + _, self.feat_real = self.D(self.input)
268 +
269 +
270 + # self.err_g_adv = self.bce_criterion(self.out_g, self.label) # loss for ce
271 + self.err_g_adv=self.mse_criterion(self.feat_fake,self.feat_real) # loss for feature matching
272 + self.err_g_rec = self.mse_criterion(self.fake, self.input) # constrain x' to look like x
273 +
274 +
275 + self.err_g = self.err_g_rec + self.err_g_adv * self.opt.w_adv
276 + self.err_g.backward()
277 + self.optimizerG.step()
278 +
279 +
280 + ##
281 + def get_errors(self):
282 +
283 + errors = {'err_d':self.err_d.item(),
284 + 'err_g': self.err_g.item(),
285 + 'err_d_real': self.err_d_real.item(),
286 + 'err_d_fake': self.err_d_fake.item(),
287 + 'err_g_adv': self.err_g_adv.item(),
288 + 'err_g_rec': self.err_g_rec.item(),
289 + }
290 +
291 +
292 + return errors
293 +
294 + ##
295 +
296 + def get_generated_x(self):
297 + fake = self.G(self.fixed_input)[0]
298 +
299 + return self.fixed_input.cpu().data.numpy(),fake.cpu().data.numpy()
300 +
301 + ##
302 +
303 +
304 + def validate(self):
305 + '''
306 + validate by auc value
307 + :return: auc
308 + '''
309 + y_,y_pred=self.predict(self.dataloader["val"])
310 + rocprc,rocauc,best_th,best_f1=evaluate(y_,y_pred)
311 + return rocauc,best_th,best_f1
312 +
313 + def predict(self,dataloader_,scale=True):
314 + with torch.no_grad():
315 +
316 + self.an_scores = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.float32, device=self.device)
317 + self.gt_labels = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.long, device=self.device)
318 + self.latent_i = torch.zeros(size=(len(dataloader_.dataset), self.opt.nz), dtype=torch.float32, device=self.device)
319 + self.dis_feat = torch.zeros(size=(len(dataloader_.dataset), self.opt.ndf*16*10), dtype=torch.float32,
320 + device=self.device)
321 +
322 +
323 + for i, data in enumerate(dataloader_, 0):
324 +
325 + self.set_input(data)
326 + self.fake, latent_i = self.G(self.input)
327 +
328 +
329 + # error = torch.mean(torch.pow((d_feat.view(self.input.shape[0],-1)-d_gen_feat.view(self.input.shape[0],-1)), 2), dim=1)
330 + #
331 + error = torch.mean(
332 + torch.pow((self.input.view(self.input.shape[0], -1) - self.fake.view(self.fake.shape[0], -1)), 2),
333 + dim=1)
334 +
335 + self.an_scores[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = error.reshape(error.size(0))
336 + self.gt_labels[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = self.gt.reshape(error.size(0))
337 + self.latent_i [i*self.opt.batchsize : i*self.opt.batchsize+error.size(0), :] = latent_i.reshape(error.size(0), self.opt.nz)
338 +
339 +
340 + # Scale error vector between [0, 1]
341 + if scale:
342 + self.an_scores = (self.an_scores - torch.min(self.an_scores)) / (torch.max(self.an_scores) - torch.min(self.an_scores))
343 +
344 + y_=self.gt_labels.cpu().numpy()
345 + y_pred=self.an_scores.cpu().numpy()
346 +
347 + return y_,y_pred
348 +
349 +
350 + def predict_for_right(self,dataloader_,min_score,max_score,threshold,save_dir):
351 + '''
352 +
353 + :param dataloader:
354 + :param min_score:
355 + :param max_score:
356 + :param threshold:
357 + :param save_dir:
358 + :return:
359 + '''
360 + assert save_dir is not None
361 + if not os.path.exists(save_dir):
362 + os.makedirs(save_dir)
363 + self.G.eval()
364 + self.D.eval()
365 + with torch.no_grad():
366 + # Create big error tensor for the test set.
367 + test_pair=[]
368 + self.an_scores = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.float32, device=self.device)
369 +
370 + for i, data in enumerate(dataloader_, 0):
371 +
372 + self.set_input(data)
373 + self.fake, latent_i = self.G(self.input)
374 +
375 + error = torch.mean(
376 + torch.pow((self.input.view(self.input.shape[0], -1) - self.fake.view(self.fake.shape[0], -1)), 2),
377 + dim=1)
378 +
379 + self.an_scores[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = error.reshape(error.size(0))
380 +
381 +
382 + # # Save test images.
383 +
384 + batch_input = self.input.cpu().numpy()
385 + batch_output = self.fake.cpu().numpy()
386 + ano_score=error.cpu().numpy()
387 + assert batch_output.shape[0]==batch_input.shape[0]==ano_score.shape[0]
388 + for idx in range(batch_input.shape[0]):
389 + if len(test_pair)>=100:
390 + break
391 + normal_score=(ano_score[idx]-min_score)/(max_score-min_score)
392 +
393 + if normal_score>=threshold:
394 + test_pair.append((batch_input[idx],batch_output[idx]))
395 +
396 + # print(len(test_pair))
397 + self.saveTestPair(test_pair,save_dir)
398 +
399 +
400 +
401 + def test_type(self):
402 + self.G.eval()
403 + self.D.eval()
404 + res_th=self.opt.threshold
405 + save_dir = os.path.join(self.outf, self.model, self.dataset, "test", str(self.opt.folder))
406 +
407 + if not os.path.exists(save_dir):
408 + os.makedirs(save_dir)
409 +
410 + y_N, y_pred_N=self.predict(self.dataloader["test_N"],scale=False)
411 + y_S, y_pred_S = self.predict(self.dataloader["test_S"],scale=False)
412 + y_V, y_pred_V = self.predict(self.dataloader["test_V"],scale=False)
413 + y_F, y_pred_F = self.predict(self.dataloader["test_F"],scale=False)
414 + y_Q, y_pred_Q = self.predict(self.dataloader["test_Q"],scale=False)
415 + over_all=np.concatenate([y_pred_N,y_pred_S,y_pred_V,y_pred_F,y_pred_Q])
416 + over_all_gt=np.concatenate([y_N,y_S,y_V,y_F,y_Q])
417 + min_score,max_score=np.min(over_all),np.max(over_all)
418 + A_res={
419 + "S":y_pred_S,
420 + "V":y_pred_V,
421 + "F":y_pred_F,
422 + "Q":y_pred_Q
423 + }
424 + self.analysisRes(y_pred_N,A_res,min_score,max_score,res_th,save_dir)
425 +
426 + #save fig for Interpretable
427 + # self.predictForRight(self.dataloader["test_N"], save_dir=os.path.join(save_dir, "N"))
428 + self.predict_for_right(self.dataloader["test_S"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "S"))
429 + self.predict_for_right(self.dataloader["test_V"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "V"))
430 + self.predict_for_right(self.dataloader["test_F"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "F"))
431 + self.predict_for_right(self.dataloader["test_Q"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "Q"))
432 + aucprc,aucroc,best_th,best_f1=evaluate(over_all_gt,(over_all-min_score)/(max_score-min_score))
433 + print("#############################")
434 + print("######## Result ###########")
435 + print("ap:{}".format(aucprc))
436 + print("auc:{}".format(aucroc))
437 + print("best th:{} --> best f1:{}".format(best_th,best_f1))
438 +
439 +
440 + with open(os.path.join(save_dir,"res-record.txt"),'w') as f:
441 + f.write("auc_prc:{}\n".format(aucprc))
442 + f.write("auc_roc:{}\n".format(aucroc))
443 + f.write("best th:{} --> best f1:{}".format(best_th, best_f1))
444 +
445 + def test_time(self):
446 + self.G.eval()
447 + self.D.eval()
448 + size=self.dataloader["test_N"].dataset.__len__()
449 + start=time.time()
450 +
451 + for i, (data_x,data_y) in enumerate(self.dataloader["test_N"], 0):
452 + input_x=data_x
453 + for j in range(input_x.shape[0]):
454 + input_x_=input_x[j].view(1,input_x.shape[1],input_x.shape[2]).to(self.device)
455 + gen_x,_ = self.G(input_x_)
456 +
457 + error = torch.mean(
458 + torch.pow((input_x_.view(input_x_.shape[0], -1) - gen_x.view(gen_x.shape[0], -1)), 2),
459 + dim=1)
460 +
461 + end=time.time()
462 + print((end-start)/size)
No preview for this file type
1 +
2 +import time,os,sys
3 +
4 +
5 +import numpy as np
6 +import torch
7 +import torch.nn as nn
8 +import torch.optim as optim
9 +
10 +from network import Encoder,Decoder,AD_MODEL,weights_init,print_network
11 +
12 +
13 +
14 +dirname=os.path.dirname
15 +sys.path.insert(0,dirname(dirname(os.path.abspath(__file__))))
16 +
17 +from metric import evaluate
18 +
19 +
20 +##
21 +class Discriminator(nn.Module):
22 +
23 + def __init__(self, opt):
24 + super(Discriminator, self).__init__()
25 + model = Encoder(opt.ngpu,opt,1)
26 + layers = list(model.main.children())
27 +
28 + self.features = nn.Sequential(*layers[:-1])
29 + self.classifier = nn.Sequential(layers[-1])
30 + self.classifier.add_module('Sigmoid', nn.Sigmoid())
31 +
32 + def forward(self, x):
33 + features = self.features(x)
34 + features = features
35 + classifier = self.classifier(features)
36 + classifier = classifier.view(-1, 1).squeeze(1)
37 +
38 + return classifier, features
39 +
40 +
41 +
42 +
43 +##
44 +class Generator(nn.Module):
45 +
46 + def __init__(self, opt):
47 + super(Generator, self).__init__()
48 + self.encoder1 = Encoder(opt.ngpu,opt,opt.nz)
49 + self.decoder = Decoder(opt.ngpu,opt)
50 +
51 + def forward(self, x):
52 + latent_i = self.encoder1(x)
53 + gen_x = self.decoder(latent_i)
54 + return gen_x, latent_i
55 +
56 +
57 +class BeatGAN(AD_MODEL):
58 +
59 +
60 + def __init__(self, opt, dataloader, device):
61 + super(BeatGAN, self).__init__(opt, dataloader, device)
62 + self.dataloader = dataloader
63 + self.device = device
64 + self.opt=opt
65 +
66 + self.batchsize = opt.batchsize
67 + self.nz = opt.nz
68 + self.niter = opt.niter
69 +
70 + self.G = Generator( opt).to(device)
71 + self.G.apply(weights_init)
72 + if not self.opt.istest:
73 + print_network(self.G)
74 +
75 + self.D = Discriminator(opt).to(device)
76 + self.D.apply(weights_init)
77 + if not self.opt.istest:
78 + print_network(self.D)
79 +
80 +
81 + self.bce_criterion = nn.BCELoss()
82 + self.mse_criterion=nn.MSELoss()
83 +
84 +
85 + self.optimizerD = optim.Adam(self.D.parameters(), lr=opt.lr, betas=(opt.beta1, 0.999))
86 + self.optimizerG = optim.Adam(self.G.parameters(), lr=opt.lr, betas=(opt.beta1, 0.999))
87 +
88 +
89 + self.total_steps = 0
90 + self.cur_epoch=0
91 +
92 +
93 + self.input = torch.empty(size=(self.opt.batchsize, self.opt.nc, self.opt.isize), dtype=torch.float32, device=self.device)
94 + self.label = torch.empty(size=(self.opt.batchsize,), dtype=torch.float32, device=self.device)
95 + self.gt = torch.empty(size=(opt.batchsize,), dtype=torch.long, device=self.device)
96 + self.fixed_input = torch.empty(size=(self.opt.batchsize, self.opt.nc, self.opt.isize), dtype=torch.float32, device=self.device)
97 + self.real_label = 1
98 + self.fake_label= 0
99 +
100 +
101 + self.out_d_real = None
102 + self.feat_real = None
103 +
104 + self.fake = None
105 + self.latent_i = None
106 + self.out_d_fake = None
107 + self.feat_fake = None
108 +
109 + self.err_d_real = None
110 + self.err_d_fake = None
111 + self.err_d = None
112 +
113 + self.out_g = None
114 + self.err_g_adv = None
115 + self.err_g_rec = None
116 + self.err_g = None
117 +
118 +
119 + def train(self):
120 + self.train_hist = {}
121 + self.train_hist['D_loss'] = []
122 + self.train_hist['G_loss'] = []
123 + self.train_hist['per_epoch_time'] = []
124 + self.train_hist['total_time'] = []
125 +
126 +
127 +
128 +
129 + print("Train model.")
130 + start_time = time.time()
131 + best_auc=0
132 + best_auc_epoch=0
133 +
134 + with open(os.path.join(self.outf, self.model, self.dataset, "val_info.txt"), "w") as f:
135 + for epoch in range(self.niter):
136 + self.cur_epoch+=1
137 + self.train_epoch()
138 + print('check2')
139 + auc,th,f1=self.validate()
140 + if auc > best_auc:
141 + best_auc = auc
142 + best_auc_epoch=self.cur_epoch
143 + self.save_weight_GD()
144 + f.write("[{}] auc:{:.4f} \t best_auc:{:.4f} in epoch[{}]\n".format(self.cur_epoch,auc,best_auc,best_auc_epoch ))
145 + print("[{}] auc:{:.4f} th:{:.4f} f1:{:.4f} \t best_auc:{:.4f} in epoch[{}]\n".format(self.cur_epoch,auc,th,f1,best_auc,best_auc_epoch ))
146 +
147 +
148 +
149 + self.train_hist['total_time'].append(time.time() - start_time)
150 + print("Avg one epoch time: %.2f, total %d epochs time: %.2f" % (np.mean(self.train_hist['per_epoch_time']),
151 + self.niter,
152 + self.train_hist['total_time'][0]))
153 +
154 + self.save(self.train_hist)
155 +
156 + self.save_loss(self.train_hist)
157 + print('check error point')
158 +
159 +
160 +
161 + def train_epoch(self):
162 +
163 + epoch_start_time = time.time()
164 + self.G.train()
165 + self.D.train()
166 + epoch_iter = 0
167 + for data in self.dataloader["train"]:
168 + self.total_steps += self.opt.batchsize
169 + epoch_iter += 1
170 +
171 + self.set_input(data)
172 + self.optimize()
173 +
174 + errors = self.get_errors()
175 +
176 + self.train_hist['D_loss'].append(errors["err_d"])
177 + self.train_hist['G_loss'].append(errors["err_g"])
178 +
179 + if (epoch_iter % self.opt.print_freq) == 0:
180 +
181 + print("Epoch: [%d] [%4d/%4d] D_loss(R/F): %.6f/%.6f, G_loss: %.6f" %
182 + ((self.cur_epoch), (epoch_iter), self.dataloader["train"].dataset.__len__() // self.batchsize,
183 + errors["err_d_real"], errors["err_d_fake"], errors["err_g"]))
184 + # print("err_adv:{} ,err_rec:{} ,err_enc:{}".format(errors["err_g_adv"],errors["err_g_rec"],errors["err_g_enc"]))
185 +
186 +
187 + self.train_hist['per_epoch_time'].append(time.time() - epoch_start_time)
188 + with torch.no_grad():
189 + real_input,fake_output = self.get_generated_x()
190 +
191 + self.visualize_pair_results(self.cur_epoch,
192 + real_input,
193 + fake_output,
194 + is_train=True)
195 +
196 +
197 + def set_input(self, input):
198 + #self.input.data.resize_(input[0].size()).copy_(input[0])
199 + with torch.no_grad():
200 + self.input.resize_(input[0].size()).copy_(input[0])
201 + #self.gt.data.resize_(input[1].size()).copy_(input[1])
202 + with torch.no_grad():
203 + self.gt.resize_(input[1].size()).copy_(input[1])
204 +
205 + # fixed input for view
206 + if self.total_steps == self.opt.batchsize:
207 + #self.fixed_input.data.resize_(input[0].size()).copy_(input[0])
208 + with torch.no_grad():
209 + self.fixed_input.resize_(input[0].size()).copy_(input[0])
210 +
211 +
212 + ##
213 + def optimize(self):
214 +
215 + self.update_netd()
216 + self.update_netg()
217 +
218 + # If D loss too low, then re-initialize netD
219 + if self.err_d.item() < 5e-6:
220 + self.reinitialize_netd()
221 +
222 + def update_netd(self):
223 + ##
224 +
225 + self.D.zero_grad()
226 + # --
227 + # Train with real
228 + self.label.data.resize_(self.opt.batchsize).fill_(self.real_label)
229 + self.out_d_real, self.feat_real = self.D(self.input)
230 + # --
231 + # Train with fake
232 + self.label.data.resize_(self.opt.batchsize).fill_(self.fake_label)
233 + self.fake, self.latent_i = self.G(self.input)
234 + self.out_d_fake, self.feat_fake = self.D(self.fake)
235 + # --
236 +
237 +
238 + self.err_d_real = self.bce_criterion(self.out_d_real.type(torch.float), torch.full((self.batchsize,), self.real_label, device=self.device).type(torch.float))
239 + self.err_d_fake = self.bce_criterion(self.out_d_fake.type(torch.float), torch.full((self.batchsize,), self.fake_label, device=self.device).type(torch.float))
240 +
241 +
242 + self.err_d=self.err_d_real+self.err_d_fake
243 + self.err_d.backward()
244 + self.optimizerD.step()
245 +
246 + ##
247 + def reinitialize_netd(self):
248 + """ Initialize the weights of netD
249 + """
250 + self.D.apply(weights_init)
251 + print('Reloading d net')
252 +
253 + ##
254 + def update_netg(self):
255 + self.G.zero_grad()
256 + self.label.data.resize_(self.opt.batchsize).fill_(self.real_label)
257 + self.fake, self.latent_i = self.G(self.input)
258 + self.out_g, self.feat_fake = self.D(self.fake)
259 + _, self.feat_real = self.D(self.input)
260 +
261 +
262 + # self.err_g_adv = self.bce_criterion(self.out_g, self.label) # loss for ce
263 + self.err_g_adv=self.mse_criterion(self.feat_fake,self.feat_real) # loss for feature matching
264 + self.err_g_rec = self.mse_criterion(self.fake, self.input) # constrain x' to look like x
265 +
266 +
267 + self.err_g = self.err_g_rec + self.err_g_adv * self.opt.w_adv
268 + self.err_g.backward()
269 + self.optimizerG.step()
270 +
271 +
272 + ##
273 + def get_errors(self):
274 +
275 + errors = {'err_d':self.err_d.item(),
276 + 'err_g': self.err_g.item(),
277 + 'err_d_real': self.err_d_real.item(),
278 + 'err_d_fake': self.err_d_fake.item(),
279 + 'err_g_adv': self.err_g_adv.item(),
280 + 'err_g_rec': self.err_g_rec.item(),
281 + }
282 +
283 +
284 + return errors
285 +
286 + ##
287 +
288 + def get_generated_x(self):
289 + fake = self.G(self.fixed_input)[0]
290 +
291 + return self.fixed_input.cpu().data.numpy(),fake.cpu().data.numpy()
292 +
293 + ##
294 +
295 +
296 + def validate(self):
297 + '''
298 + validate by auc value
299 + :return: auc
300 + '''
301 + y_,y_pred=self.predict(self.dataloader["val"])
302 + rocprc,rocauc,best_th,best_f1=evaluate(y_,y_pred)
303 + return rocauc,best_th,best_f1
304 +
305 + def predict(self,dataloader_,scale=True):
306 + with torch.no_grad():
307 +
308 + self.an_scores = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.float32, device=self.device)
309 + self.gt_labels = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.long, device=self.device)
310 + self.latent_i = torch.zeros(size=(len(dataloader_.dataset), self.opt.nz), dtype=torch.float32, device=self.device)
311 + self.dis_feat = torch.zeros(size=(len(dataloader_.dataset), self.opt.ndf*16*10), dtype=torch.float32,
312 + device=self.device)
313 +
314 +
315 + for i, data in enumerate(dataloader_, 0):
316 +
317 + self.set_input(data)
318 + self.fake, latent_i = self.G(self.input)
319 +
320 +
321 + # error = torch.mean(torch.pow((d_feat.view(self.input.shape[0],-1)-d_gen_feat.view(self.input.shape[0],-1)), 2), dim=1)
322 + #
323 + error = torch.mean(
324 + torch.pow((self.input.view(self.input.shape[0], -1) - self.fake.view(self.fake.shape[0], -1)), 2),
325 + dim=1)
326 +
327 + self.an_scores[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = error.reshape(error.size(0))
328 + self.gt_labels[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = self.gt.reshape(error.size(0))
329 + self.latent_i [i*self.opt.batchsize : i*self.opt.batchsize+error.size(0), :] = latent_i.reshape(error.size(0), self.opt.nz)
330 +
331 +
332 + # Scale error vector between [0, 1]
333 + if scale:
334 + self.an_scores = (self.an_scores - torch.min(self.an_scores)) / (torch.max(self.an_scores) - torch.min(self.an_scores))
335 +
336 + y_=self.gt_labels.cpu().numpy()
337 + y_pred=self.an_scores.cpu().numpy()
338 +
339 + return y_,y_pred
340 +
341 +
342 + def predict_for_right(self,dataloader_,min_score,max_score,threshold,save_dir):
343 + '''
344 +
345 + :param dataloader:
346 + :param min_score:
347 + :param max_score:
348 + :param threshold:
349 + :param save_dir:
350 + :return:
351 + '''
352 + assert save_dir is not None
353 + if not os.path.exists(save_dir):
354 + os.makedirs(save_dir)
355 + self.G.eval()
356 + self.D.eval()
357 + with torch.no_grad():
358 + # Create big error tensor for the test set.
359 + test_pair=[]
360 + self.an_scores = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.float32, device=self.device)
361 +
362 + for i, data in enumerate(dataloader_, 0):
363 +
364 + self.set_input(data)
365 + self.fake, latent_i = self.G(self.input)
366 +
367 + error = torch.mean(
368 + torch.pow((self.input.view(self.input.shape[0], -1) - self.fake.view(self.fake.shape[0], -1)), 2),
369 + dim=1)
370 +
371 + self.an_scores[i*self.opt.batchsize : i*self.opt.batchsize+error.size(0)] = error.reshape(error.size(0))
372 +
373 +
374 + # # Save test images.
375 +
376 + batch_input = self.input.cpu().numpy()
377 + batch_output = self.fake.cpu().numpy()
378 + ano_score=error.cpu().numpy()
379 + assert batch_output.shape[0]==batch_input.shape[0]==ano_score.shape[0]
380 + for idx in range(batch_input.shape[0]):
381 + if len(test_pair)>=100:
382 + break
383 + normal_score=(ano_score[idx]-min_score)/(max_score-min_score)
384 +
385 + if normal_score>=threshold:
386 + test_pair.append((batch_input[idx],batch_output[idx]))
387 +
388 + # print(len(test_pair))
389 + self.saveTestPair(test_pair,save_dir)
390 +
391 +
392 +
393 + def test_type(self):
394 + self.G.eval()
395 + self.D.eval()
396 + res_th=self.opt.threshold
397 + save_dir = os.path.join(self.outf, self.model, self.dataset, "test", str(self.opt.folder))
398 +
399 + if not os.path.exists(save_dir):
400 + os.makedirs(save_dir)
401 +
402 + y_N, y_pred_N=self.predict(self.dataloader["test_N"],scale=False)
403 + y_S, y_pred_S = self.predict(self.dataloader["test_S"],scale=False)
404 + y_V, y_pred_V = self.predict(self.dataloader["test_V"],scale=False)
405 + y_F, y_pred_F = self.predict(self.dataloader["test_F"],scale=False)
406 + y_Q, y_pred_Q = self.predict(self.dataloader["test_Q"],scale=False)
407 + over_all=np.concatenate([y_pred_N,y_pred_S,y_pred_V,y_pred_F,y_pred_Q])
408 + over_all_gt=np.concatenate([y_N,y_S,y_V,y_F,y_Q])
409 + min_score,max_score=np.min(over_all),np.max(over_all)
410 + A_res={
411 + "S":y_pred_S,
412 + "V":y_pred_V,
413 + "F":y_pred_F,
414 + "Q":y_pred_Q
415 + }
416 + self.analysisRes(y_pred_N,A_res,min_score,max_score,res_th,save_dir)
417 +
418 + #save fig for Interpretable
419 + # self.predictForRight(self.dataloader["test_N"], save_dir=os.path.join(save_dir, "N"))
420 + self.predict_for_right(self.dataloader["test_S"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "S"))
421 + self.predict_for_right(self.dataloader["test_V"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "V"))
422 + self.predict_for_right(self.dataloader["test_F"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "F"))
423 + self.predict_for_right(self.dataloader["test_Q"], min_score,max_score,res_th,save_dir=os.path.join(save_dir, "Q"))
424 + aucprc,aucroc,best_th,best_f1=evaluate(over_all_gt,(over_all-min_score)/(max_score-min_score))
425 + print("#############################")
426 + print("######## Result ###########")
427 + print("ap:{}".format(aucprc))
428 + print("auc:{}".format(aucroc))
429 + print("best th:{} --> best f1:{}".format(best_th,best_f1))
430 +
431 +
432 + with open(os.path.join(save_dir,"res-record.txt"),'w') as f:
433 + f.write("auc_prc:{}\n".format(aucprc))
434 + f.write("auc_roc:{}\n".format(aucroc))
435 + f.write("best th:{} --> best f1:{}".format(best_th, best_f1))
436 +
437 + def test_time(self):
438 + self.G.eval()
439 + self.D.eval()
440 + size=self.dataloader["test_N"].dataset.__len__()
441 + start=time.time()
442 +
443 + for i, (data_x,data_y) in enumerate(self.dataloader["test_N"], 0):
444 + input_x=data_x
445 + for j in range(input_x.shape[0]):
446 + input_x_=input_x[j].view(1,input_x.shape[1],input_x.shape[2]).to(self.device)
447 + gen_x,_ = self.G(input_x_)
448 +
449 + error = torch.mean(
450 + torch.pow((input_x_.view(input_x_.shape[0], -1) - gen_x.view(gen_x.shape[0], -1)), 2),
451 + dim=1)
452 +
453 + end=time.time()
454 + print((end-start)/size)
1 +
2 +
3 +import os,pickle
4 +import numpy as np
5 +import torch
6 +import torch.nn as nn
7 +
8 +from plotUtil import plot_dist,save_pair_fig,save_plot_sample,print_network,save_plot_pair_sample,loss_plot
9 +
10 +def weights_init(mod):
11 + """
12 + Custom weights initialization called on netG, netD and netE
13 + :param m:
14 + :return:
15 + """
16 + classname = mod.__class__.__name__
17 + if classname.find('Conv') != -1:
18 + # mod.weight.data.normal_(0.0, 0.02)
19 + nn.init.xavier_normal_(mod.weight.data)
20 + # nn.init.kaiming_uniform_(mod.weight.data)
21 +
22 + elif classname.find('BatchNorm') != -1:
23 + mod.weight.data.normal_(1.0, 0.02)
24 + mod.bias.data.fill_(0)
25 + elif classname.find('Linear') !=-1 :
26 + torch.nn.init.xavier_uniform(mod.weight)
27 + mod.bias.data.fill_(0.01)
28 +
29 +
30 +class Encoder(nn.Module):
31 + def __init__(self, ngpu,opt,out_z):
32 + super(Encoder, self).__init__()
33 + self.ngpu = ngpu
34 + self.main = nn.Sequential(
35 + # input is (nc) x 320
36 + #nn.Conv1d(opt.nc,opt.ndf,4,2,1,bias=False),
37 + nn.Conv2d(opt.nc,opt.ndf,4,2,1,bias=False),
38 + nn.LeakyReLU(0.2, inplace=True),
39 + # state size. (ndf) x 160
40 + #nn.Conv1d(opt.ndf, opt.ndf * 2, 4, 2, 1, bias=False),
41 + #nn.BatchNorm1d(opt.ndf * 2),
42 + nn.Conv2d(opt.ndf, opt.ndf * 2, 4, 2, 1, bias=False),
43 + nn.BatchNorm2d(opt.ndf * 2),
44 + nn.LeakyReLU(0.2, inplace=True),
45 + # state size. (ndf*2) x 80
46 + #nn.Conv1d(opt.ndf * 2, opt.ndf * 4, 4, 2, 1, bias=False),
47 + #nn.BatchNorm1d(opt.ndf * 4),
48 + nn.Conv2d(opt.ndf * 2, opt.ndf * 4, 4, 2, 1, bias=False),
49 + nn.BatchNorm2d(opt.ndf * 4),
50 + nn.LeakyReLU(0.2, inplace=True),
51 +
52 + nn.Conv2d(opt.ndf * 4, opt.ndf * 8, 4, 2, 1, bias=False),
53 + nn.BatchNorm2d(opt.ndf * 8),
54 + nn.LeakyReLU(0.2, inplace=True),
55 +
56 + nn.Conv2d(opt.ndf * 8, opt.ndf * 16, 4, 1, 1, bias=False),
57 + nn.BatchNorm2d(opt.ndf * 16),
58 + nn.LeakyReLU(0.2, inplace=True),
59 + # state size. (ndf*16) x 10
60 +
61 + #nn.Conv1d(opt.ndf * 16, out_z, 10, 1, 0, bias=False)
62 + nn.Conv2d(opt.ndf * 16, out_z, 7, 1, 0, bias=False),
63 + # state size. (nz) x 1
64 + )
65 +
66 + def forward(self, input):
67 + if input.is_cuda and self.ngpu > 1:
68 + output = nn.parallel.data_parallel(self.main, input, range(self.ngpu))
69 + else:
70 + output = self.main(input)
71 +
72 + return output
73 +
74 +
75 +##
76 +
77 +
78 +class Decoder(nn.Module):
79 + def __init__(self, ngpu,opt):
80 + super(Decoder, self).__init__()
81 + self.ngpu = ngpu
82 + self.main=nn.Sequential(
83 + nn.ConvTranspose2d(opt.nz,opt.ngf*16,7,1,0,bias=False),
84 + nn.BatchNorm2d(opt.ngf*16),
85 + nn.ReLU(True),
86 +
87 + nn.ConvTranspose2d(opt.ngf * 16, opt.ngf * 8, 4, 1, 1, bias=False),
88 + nn.BatchNorm2d(opt.ngf * 8),
89 + nn.ReLU(True),
90 +
91 + nn.ConvTranspose2d(opt.ngf * 8, opt.ngf * 4, 4, 2, 1, bias=False),
92 + nn.BatchNorm2d(opt.ngf * 4),
93 + nn.ReLU(True),
94 + # state size. (ngf*2) x 40
95 + #nn.ConvTranspose1d(opt.ngf * 4, opt.ngf*2, 4, 2, 1, bias=False),
96 + #nn.BatchNorm1d(opt.ngf*2),
97 + nn.ConvTranspose2d(opt.ngf * 4, opt.ngf*2, 4, 2, 1, bias=False),
98 + nn.BatchNorm2d(opt.ngf*2),
99 + nn.ReLU(True),
100 + # state size. (ngf) x 80
101 + #nn.ConvTranspose1d(opt.ngf * 2, opt.ngf , 4, 2, 1, bias=False),
102 + #nn.BatchNorm1d(opt.ngf ),
103 + nn.ConvTranspose2d(opt.ngf * 2, opt.ngf , 4, 2, 1, bias=False),
104 + nn.BatchNorm2d(opt.ngf ),
105 + nn.ReLU(True),
106 + # state size. (ngf) x 160
107 + #nn.ConvTranspose1d(opt.ngf , opt.nc, 4, 2, 1, bias=False),
108 + nn.ConvTranspose2d(opt.ngf , opt.nc, 4, 2, 1, bias=False),
109 + nn.Tanh()
110 + # state size. (nc) x 320
111 +
112 +
113 + )
114 +
115 + def forward(self, input):
116 + if input.is_cuda and self.ngpu > 1:
117 + output = nn.parallel.data_parallel(self.main, input, range(self.ngpu))
118 + else:
119 + output = self.main(input)
120 + return output
121 +
122 +
123 +class AD_MODEL(object):
124 + def __init__(self,opt,dataloader,device):
125 + self.G=None
126 + self.D=None
127 +
128 + self.opt=opt
129 + self.niter=opt.niter
130 + self.dataset=opt.dataset
131 + self.model = opt.model
132 + self.outf=opt.outf
133 +
134 +
135 + def train(self):
136 + raise NotImplementedError
137 +
138 + def visualize_results(self, epoch,samples,is_train=True):
139 + if is_train:
140 + sub_folder="train"
141 + else:
142 + sub_folder="test"
143 +
144 + save_dir=os.path.join(self.outf,self.model,self.dataset,sub_folder)
145 +
146 + if not os.path.exists(save_dir):
147 + os.makedirs(save_dir)
148 +
149 + save_plot_sample(samples, epoch, self.dataset, num_epochs=self.niter,
150 + impath=os.path.join(save_dir,'epoch%03d' % epoch + '.png'))
151 +
152 +
153 + def visualize_pair_results(self,epoch,samples1,samples2,is_train=True):
154 + if is_train:
155 + sub_folder="train"
156 + else:
157 + sub_folder="test"
158 +
159 + save_dir=os.path.join(self.outf,self.model,self.dataset,sub_folder)
160 +
161 + if not os.path.exists(save_dir):
162 + os.makedirs(save_dir)
163 +
164 + save_plot_pair_sample(samples1, samples2, epoch, self.dataset, num_epochs=self.niter, impath=os.path.join(save_dir,'epoch%03d' % epoch + '.png'))
165 +
166 + def save(self,train_hist):
167 + save_dir = os.path.join(self.outf, self.model, self.dataset,"model")
168 +
169 + if not os.path.exists(save_dir):
170 + os.makedirs(save_dir)
171 +
172 + with open(os.path.join(save_dir, self.model + '_history.pkl'), 'wb') as f:
173 + pickle.dump(train_hist, f)
174 +
175 + def save_weight_GD(self):
176 + save_dir = os.path.join(self.outf, self.model, self.dataset, "model")
177 +
178 + if not os.path.exists(save_dir):
179 + os.makedirs(save_dir)
180 +
181 + torch.save(self.G.state_dict(), os.path.join(save_dir, self.model+"_folder_"+str(self.opt.folder) + '_G.pkl'))
182 + torch.save(self.D.state_dict(), os.path.join(save_dir, self.model+"_folder_"+str(self.opt.folder) + '_D.pkl'))
183 +
184 + def load(self):
185 + save_dir = os.path.join(self.outf, self.model, self.dataset,"model")
186 +
187 + self.G.load_state_dict(torch.load(os.path.join(save_dir, self.model+"_folder_"+str(self.opt.folder) + '_G.pkl')))
188 + self.D.load_state_dict(torch.load(os.path.join(save_dir, self.model+"_folder_"+str(self.opt.folder) + '_D.pkl')))
189 +
190 +
191 + def save_loss(self,train_hist):
192 + loss_plot(train_hist, os.path.join(self.outf, self.model, self.dataset), self.model)
193 +
194 +
195 +
196 + def saveTestPair(self,pair,save_dir):
197 + '''
198 +
199 + :param pair: list of (input,output)
200 + :param save_dir:
201 + :return:
202 + '''
203 + assert save_dir is not None
204 + for idx,p in enumerate(pair):
205 + input=p[0]
206 + output=p[1]
207 + save_pair_fig(input,output,os.path.join(save_dir,str(idx)+".png"))
208 +
209 +
210 +
211 +
212 + def analysisRes(self,N_res,A_res,min_score,max_score,threshold,save_dir):
213 + '''
214 +
215 + :param N_res: list of normal score
216 + :param A_res: dict{ "S": list of S score, "V":...}
217 + :param min_score:
218 + :param max_score:
219 + :return:
220 + '''
221 + print("############ Analysis #############")
222 + print("############ Threshold:{} #############".format(threshold))
223 + all_abnormal_score=[]
224 + all_normal_score=np.array([])
225 + for a_type in A_res:
226 + a_score=A_res[a_type]
227 + print("********* Type:{} *************".format(a_type))
228 + normal_score=normal(N_res, min_score, max_score)
229 + abnormal_score=normal(a_score, min_score, max_score)
230 + all_abnormal_score=np.concatenate((all_abnormal_score,np.array(abnormal_score)))
231 + all_normal_score=normal_score
232 + plot_dist(normal_score,abnormal_score , str(self.opt.folder)+"_"+"N", a_type,
233 + save_dir)
234 +
235 + TP=np.count_nonzero(abnormal_score >= threshold)
236 + FP=np.count_nonzero(normal_score >= threshold)
237 + TN=np.count_nonzero(normal_score < threshold)
238 + FN=np.count_nonzero(abnormal_score<threshold)
239 + print("TP:{}".format(TP))
240 + print("FP:{}".format(FP))
241 + print("TN:{}".format(TN))
242 + print("FN:{}".format(FN))
243 + print("Accuracy:{}".format((TP + TN) * 1.0 / (TP + TN + FP + FN)))
244 + print("Precision/ppv:{}".format(TP * 1.0 / (TP + FP)))
245 + print("sensitivity/Recall:{}".format(TP * 1.0 / (TP + FN)))
246 + print("specificity:{}".format(TN * 1.0 / (TN + FP)))
247 + print("F1:{}".format(2.0 * TP / (2 * TP + FP + FN)))
248 +
249 + # all_abnormal_score=np.reshape(np.array(all_abnormal_score),(-1))
250 + # print(all_abnormal_score.shape)
251 + plot_dist(all_normal_score, all_abnormal_score, str(self.opt.folder)+"_"+"N", "A",
252 + save_dir)
253 +
254 +
255 +
256 +
257 +
258 +
259 +def normal(array,min_val,max_val):
260 + return (array-min_val)/(max_val-min_val)
1 +
2 +
3 +import argparse
4 +import os
5 +import torch
6 +
7 +class Options():
8 + """Options class
9 +
10 + Returns:
11 + [argparse]: argparse containing train and test options
12 + """
13 +
14 + def __init__(self):
15 + ##
16 + #
17 + self.parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter)
18 +
19 + ##
20 + # Base
21 + self.parser.add_argument('--dataset', default='ecg', help='ecg dataset')
22 + self.parser.add_argument('--dataroot', default='', help='path to dataset')
23 + self.parser.add_argument('--batchsize', type=int, default=64, help='input batch size')
24 + self.parser.add_argument('--workers', type=int, help='number of data loading workers', default=1)
25 + self.parser.add_argument('--isize', type=int, default=320, help='input sequence size.')
26 + self.parser.add_argument('--nc', type=int, default=1, help='input sequence channels')
27 + self.parser.add_argument('--nz', type=int, default=50, help='size of the latent z vector')
28 + self.parser.add_argument('--ngf', type=int, default=32)
29 + self.parser.add_argument('--ndf', type=int, default=32)
30 + self.parser.add_argument('--device', type=str, default='gpu', help='Device: gpu | cpu')
31 + self.parser.add_argument('--gpu_ids', type=str, default='0', help='gpu ids: e.g. 0 0,1,2, 0,2. use -1 for CPU')
32 + self.parser.add_argument('--ngpu', type=int, default=1, help='number of GPUs to use')
33 + self.parser.add_argument('--model', type=str, default='beatgan', help='choose model')
34 + self.parser.add_argument('--outf', default='./output', help='output folder')
35 +
36 + ##
37 + # Train
38 + self.parser.add_argument('--print_freq', type=int, default=100, help='frequency of showing training results on console')
39 + self.parser.add_argument('--niter', type=int, default=100, help='number of epochs to train for')
40 + self.parser.add_argument('--beta1', type=float, default=0.5, help='momentum term of adam')
41 + self.parser.add_argument('--lr', type=float, default=0.0001, help='initial learning rate for adam')
42 + self.parser.add_argument('--w_adv', type=float, default=1, help='parameter')
43 + self.parser.add_argument('--folder', type=int, default=0, help='folder index 0-4')
44 + self.parser.add_argument('--n_aug', type=int, default=0, help='aug data times')
45 +
46 +
47 +
48 + ## Test
49 + self.parser.add_argument('--istest',action='store_true',help='train model or test model')
50 + self.parser.add_argument('--threshold', type=float, default=0.05, help='threshold score for anomaly')
51 +
52 + self.opt = None
53 +
54 + def parse(self):
55 + """ Parse Arguments.
56 + """
57 +
58 + self.opt = self.parser.parse_args()
59 +
60 + str_ids = self.opt.gpu_ids.split(',')
61 + self.opt.gpu_ids = []
62 + for str_id in str_ids:
63 + id = int(str_id)
64 + if id >= 0:
65 + self.opt.gpu_ids.append(id)
66 +
67 + # set gpu ids
68 + if self.opt.device == 'gpu':
69 + torch.cuda.set_device(self.opt.gpu_ids[0])
70 +
71 + args = vars(self.opt)
72 +
73 + # print('------------ Options -------------')
74 + # for k, v in sorted(args.items()):
75 + # print('%s: %s' % (str(k), str(v)))
76 + # print('-------------- End ----------------')
77 +
78 + # save to the disk
79 + self.opt.name = "%s/%s" % (self.opt.model, self.opt.dataset)
80 + expr_dir = os.path.join(self.opt.outf, self.opt.name, 'train')
81 + test_dir = os.path.join(self.opt.outf, self.opt.name, 'test')
82 +
83 + if not os.path.isdir(expr_dir):
84 + os.makedirs(expr_dir)
85 + if not os.path.isdir(test_dir):
86 + os.makedirs(test_dir)
87 +
88 + file_name = os.path.join(expr_dir, 'opt.txt')
89 + with open(file_name, 'wt') as opt_file:
90 + opt_file.write('------------ Options -------------\n')
91 + for k, v in sorted(args.items()):
92 + opt_file.write('%s: %s\n' % (str(k), str(v)))
93 + opt_file.write('-------------- End ----------------\n')
94 + return self.opt
...\ No newline at end of file ...\ No newline at end of file
1 +auc_prc:0.906462439213977
2 +auc_roc:0.9448355313283711
3 +best th:0.17799395322799683 --> best f1:0.8272402145837473
...\ No newline at end of file ...\ No newline at end of file
1 +------------ Options -------------
2 +batchsize: 64
3 +beta1: 0.5
4 +dataroot: ./dataset/preprocessed/ano0/
5 +dataset: ecg
6 +device: gpu
7 +folder: 0
8 +gpu_ids: [0]
9 +isize: 320
10 +istest: True
11 +lr: 0.0001
12 +model: beatgan
13 +n_aug: 0
14 +name: beatgan/ecg
15 +nc: 1
16 +ndf: 32
17 +ngf: 32
18 +ngpu: 1
19 +niter: 100
20 +nz: 50
21 +outf: ./output
22 +print_freq: 100
23 +threshold: 0.02
24 +w_adv: 1
25 +workers: 1
26 +-------------- End ----------------
1 +[1] auc:0.8544 best_auc:0.8544 in epoch[1]
2 +[2] auc:0.8783 best_auc:0.8783 in epoch[2]
3 +[3] auc:0.8993 best_auc:0.8993 in epoch[3]
4 +[4] auc:0.9035 best_auc:0.9035 in epoch[4]
5 +[5] auc:0.9211 best_auc:0.9211 in epoch[5]
6 +[6] auc:0.9255 best_auc:0.9255 in epoch[6]
7 +[7] auc:0.9315 best_auc:0.9315 in epoch[7]
8 +[8] auc:0.9364 best_auc:0.9364 in epoch[8]
9 +[9] auc:0.9355 best_auc:0.9364 in epoch[8]
10 +[10] auc:0.9363 best_auc:0.9364 in epoch[8]
11 +[11] auc:0.9403 best_auc:0.9403 in epoch[11]
12 +[12] auc:0.9391 best_auc:0.9403 in epoch[11]
13 +[13] auc:0.9393 best_auc:0.9403 in epoch[11]
14 +[14] auc:0.9403 best_auc:0.9403 in epoch[11]
15 +[15] auc:0.9441 best_auc:0.9441 in epoch[15]
16 +[16] auc:0.9438 best_auc:0.9441 in epoch[15]
17 +[17] auc:0.9407 best_auc:0.9441 in epoch[15]
18 +[18] auc:0.9427 best_auc:0.9441 in epoch[15]
19 +[19] auc:0.9437 best_auc:0.9441 in epoch[15]
20 +[20] auc:0.9418 best_auc:0.9441 in epoch[15]
21 +[21] auc:0.9460 best_auc:0.9460 in epoch[21]
22 +[22] auc:0.9422 best_auc:0.9460 in epoch[21]
23 +[23] auc:0.9453 best_auc:0.9460 in epoch[21]
24 +[24] auc:0.9448 best_auc:0.9460 in epoch[21]
25 +[25] auc:0.9450 best_auc:0.9460 in epoch[21]
26 +[26] auc:0.9475 best_auc:0.9475 in epoch[26]
27 +[27] auc:0.9458 best_auc:0.9475 in epoch[26]
28 +[28] auc:0.9450 best_auc:0.9475 in epoch[26]
29 +[29] auc:0.9471 best_auc:0.9475 in epoch[26]
30 +[30] auc:0.9442 best_auc:0.9475 in epoch[26]
31 +[31] auc:0.9458 best_auc:0.9475 in epoch[26]
32 +[32] auc:0.9437 best_auc:0.9475 in epoch[26]
33 +[33] auc:0.9465 best_auc:0.9475 in epoch[26]
34 +[34] auc:0.9477 best_auc:0.9477 in epoch[34]
35 +[35] auc:0.9460 best_auc:0.9477 in epoch[34]
36 +[36] auc:0.9464 best_auc:0.9477 in epoch[34]
37 +[37] auc:0.9466 best_auc:0.9477 in epoch[34]
38 +[38] auc:0.9422 best_auc:0.9477 in epoch[34]
39 +[39] auc:0.9463 best_auc:0.9477 in epoch[34]
40 +[40] auc:0.9451 best_auc:0.9477 in epoch[34]
41 +[41] auc:0.9439 best_auc:0.9477 in epoch[34]
42 +[42] auc:0.9452 best_auc:0.9477 in epoch[34]
43 +[43] auc:0.9459 best_auc:0.9477 in epoch[34]
44 +[44] auc:0.9439 best_auc:0.9477 in epoch[34]
45 +[45] auc:0.9459 best_auc:0.9477 in epoch[34]
46 +[46] auc:0.9450 best_auc:0.9477 in epoch[34]
47 +[47] auc:0.9447 best_auc:0.9477 in epoch[34]
48 +[48] auc:0.9453 best_auc:0.9477 in epoch[34]
49 +[49] auc:0.9462 best_auc:0.9477 in epoch[34]
50 +[50] auc:0.9436 best_auc:0.9477 in epoch[34]
51 +[51] auc:0.9443 best_auc:0.9477 in epoch[34]
52 +[52] auc:0.9446 best_auc:0.9477 in epoch[34]
53 +[53] auc:0.9421 best_auc:0.9477 in epoch[34]
54 +[54] auc:0.9444 best_auc:0.9477 in epoch[34]
55 +[55] auc:0.9432 best_auc:0.9477 in epoch[34]
56 +[56] auc:0.9433 best_auc:0.9477 in epoch[34]
57 +[57] auc:0.9443 best_auc:0.9477 in epoch[34]
58 +[58] auc:0.9440 best_auc:0.9477 in epoch[34]
59 +[59] auc:0.9452 best_auc:0.9477 in epoch[34]
60 +[60] auc:0.9441 best_auc:0.9477 in epoch[34]
61 +[61] auc:0.9435 best_auc:0.9477 in epoch[34]
62 +[62] auc:0.9434 best_auc:0.9477 in epoch[34]
63 +[63] auc:0.9429 best_auc:0.9477 in epoch[34]
64 +[64] auc:0.9441 best_auc:0.9477 in epoch[34]
65 +[65] auc:0.9452 best_auc:0.9477 in epoch[34]
66 +[66] auc:0.9459 best_auc:0.9477 in epoch[34]
67 +[67] auc:0.9435 best_auc:0.9477 in epoch[34]
68 +[68] auc:0.9446 best_auc:0.9477 in epoch[34]
69 +[69] auc:0.9447 best_auc:0.9477 in epoch[34]
70 +[70] auc:0.9444 best_auc:0.9477 in epoch[34]
71 +[71] auc:0.9449 best_auc:0.9477 in epoch[34]
72 +[72] auc:0.9437 best_auc:0.9477 in epoch[34]
73 +[73] auc:0.9415 best_auc:0.9477 in epoch[34]
74 +[74] auc:0.9447 best_auc:0.9477 in epoch[34]
75 +[75] auc:0.9448 best_auc:0.9477 in epoch[34]
76 +[76] auc:0.9437 best_auc:0.9477 in epoch[34]
77 +[77] auc:0.9422 best_auc:0.9477 in epoch[34]
78 +[78] auc:0.9438 best_auc:0.9477 in epoch[34]
79 +[79] auc:0.9419 best_auc:0.9477 in epoch[34]
80 +[80] auc:0.9420 best_auc:0.9477 in epoch[34]
81 +[81] auc:0.9424 best_auc:0.9477 in epoch[34]
82 +[82] auc:0.9423 best_auc:0.9477 in epoch[34]
83 +[83] auc:0.9425 best_auc:0.9477 in epoch[34]
84 +[84] auc:0.9432 best_auc:0.9477 in epoch[34]
85 +[85] auc:0.9443 best_auc:0.9477 in epoch[34]
86 +[86] auc:0.9426 best_auc:0.9477 in epoch[34]
87 +[87] auc:0.9428 best_auc:0.9477 in epoch[34]
88 +[88] auc:0.9430 best_auc:0.9477 in epoch[34]
89 +[89] auc:0.9431 best_auc:0.9477 in epoch[34]
90 +[90] auc:0.9420 best_auc:0.9477 in epoch[34]
91 +[91] auc:0.9424 best_auc:0.9477 in epoch[34]
92 +[92] auc:0.9432 best_auc:0.9477 in epoch[34]
93 +[93] auc:0.9434 best_auc:0.9477 in epoch[34]
94 +[94] auc:0.9414 best_auc:0.9477 in epoch[34]
95 +[95] auc:0.9425 best_auc:0.9477 in epoch[34]
96 +[96] auc:0.9422 best_auc:0.9477 in epoch[34]
97 +[97] auc:0.9434 best_auc:0.9477 in epoch[34]
98 +[98] auc:0.9420 best_auc:0.9477 in epoch[34]
99 +[99] auc:0.9419 best_auc:0.9477 in epoch[34]
100 +[100] auc:0.9427 best_auc:0.9477 in epoch[34]
1 +
2 +import os
3 +import numpy as np
4 +from sklearn.manifold import TSNE
5 +from matplotlib.colors import hsv_to_rgb
6 +import matplotlib.pyplot as plt
7 +import matplotlib
8 +matplotlib.use("Agg")
9 +matplotlib.rcParams.update({'font.size': 16})
10 +
11 +from mpl_toolkits.mplot3d import Axes3D
12 +import seaborn as sns
13 +# sns.set_style('darkgrid')
14 +# sns.set_palette('muted')
15 +# sns.set_context("notebook", font_scale=1.5,
16 +# rc={"lines.linewidth": 2.5})
17 +
18 +
19 +
20 +def print_network(net):
21 + num_params = 0
22 + for param in net.parameters():
23 + num_params += param.numel()
24 + print(net)
25 + print('Total number of parameters: %d' % num_params)
26 +
27 +
28 +def save_plot_sample(samples, idx, identifier, n_samples=6, num_epochs=None,impath=None ,ncol=2):
29 +
30 + assert n_samples <= samples.shape[0]
31 + assert n_samples % ncol == 0
32 + sample_length = samples.shape[2]
33 +
34 + if not num_epochs is None:
35 + col = hsv_to_rgb((1, 1.0*(idx)/num_epochs, 0.8))
36 + else:
37 + col = 'grey'
38 +
39 + x_points = np.arange(sample_length)
40 +
41 + nrow = int(n_samples/ncol)
42 + fig, axarr = plt.subplots(nrow, ncol, sharex=True, figsize=(6, 6))
43 + if identifier=="ecg":
44 + for m in range(nrow):
45 + for n in range(ncol):
46 + sample = samples[n * nrow + m, 0, :]
47 + axarr[m, n].plot(x_points, sample, color=col)
48 + axarr[m, n].set_ylim(-1, 1)
49 +
50 + else:
51 + raise Exception("data type error:{}".format(identifier))
52 +
53 + for n in range(ncol):
54 + axarr[-1, n].xaxis.set_ticks(range(0, sample_length, int(sample_length/4)))
55 + fig.suptitle(idx)
56 + fig.subplots_adjust(hspace = 0.15)
57 +
58 + assert impath is not None
59 + fig.savefig(impath)
60 + plt.clf()
61 + plt.close()
62 + return
63 +
64 +
65 +def save_plot_pair_sample(samples1,samples2, idx, identifier, n_samples=6, num_epochs=None,impath=None ,ncol=2):
66 +
67 + assert n_samples <= samples1.shape[0]
68 + assert n_samples % ncol == 0
69 + sample_length = samples1.shape[2] # N,C,L
70 +
71 + if not num_epochs is None:
72 + col = hsv_to_rgb((1, 1.0*(idx)/num_epochs, 0.8))
73 + else:
74 + col = 'grey'
75 +
76 + x_points = np.arange(sample_length)
77 +
78 + nrow = int(n_samples/ncol)
79 + fig, axarr = plt.subplots(nrow, ncol, sharex=True, figsize=(6, 6))
80 + if identifier=="ecg":
81 + for m in range(nrow):
82 + sample1=samples1[m,0,:]
83 + sample2=samples2[m,0,:]
84 +
85 + axarr[m,0].plot(x_points,sample1,color=col)
86 + axarr[m, 1].plot(x_points, sample2, color=col)
87 + axarr[m, 0].set_ylim(-1, 1)
88 + axarr[m, 1].set_ylim(-1, 1)
89 +
90 + else:
91 + raise Exception("data type error:{}".format(identifier))
92 +
93 + for n in range(ncol):
94 + axarr[-1, n].xaxis.set_ticks(range(0, sample_length, int(sample_length/4)))
95 + fig.suptitle(idx)
96 + fig.subplots_adjust(hspace = 0.15)
97 +
98 + assert impath is not None
99 +
100 + fig.savefig(impath)
101 + plt.clf()
102 + plt.close()
103 + return
104 +
105 +
106 +def plot_tsne(X,y,dim=2):
107 + tsne = TSNE(n_components=dim, verbose=1, perplexity=40, n_iter=1000)
108 + x_proj = tsne.fit_transform(X)
109 + # We choose a color palette with seaborn.
110 + palette = np.array(sns.color_palette("hls", 10))
111 +
112 + # We create a scatter plot.
113 + f=plt.figure()
114 + if dim==2:
115 + ax = f.add_subplot(111)
116 + ax.scatter(x_proj[:, 0], x_proj[:, 1], lw=0, s=40,c=palette[y.astype(np.int)])
117 + ax.grid(True)
118 + for axi in (ax.xaxis, ax.yaxis):
119 + for tic in axi.get_major_ticks():
120 + tic.tick1On = tic.tick2On = False
121 + tic.label1On = tic.label2On = False
122 +
123 + elif dim==3:
124 + ax = Axes3D(f)
125 + ax.grid(True)
126 + ax.scatter(x_proj[:, 0], x_proj[:, 1],x_proj[:,2] ,lw=0, s=40,c=palette[y.astype(np.int)])
127 + for axi in (ax.xaxis, ax.yaxis,ax.zaxis):
128 + for tic in axi.get_major_ticks():
129 + tic.tick1On = tic.tick2On = False
130 + tic.label1On = tic.label2On = False
131 + f.savefig("sne.png")
132 +
133 +
134 +
135 +
136 +def plot_dist(X1,X2,label1,label2,save_dir):
137 + assert save_dir is not None
138 + f=plt.figure()
139 + ax=f.add_subplot(111)
140 +
141 + # bins = np.linspace(0, 1, 50)
142 + # _,bins=ax.hist(X1,bins=50)
143 + # print(bins)
144 + #
145 + # if logscale:
146 + # bins = np.logspace(np.log10(bins[0]), np.log10(bins[1]), len(bins))
147 +
148 + _, bins, _ = ax.hist(X1, bins=50,range=[0,1],density=True,alpha=0.3,color='r', label=label1)
149 + _ = ax.hist(X2, bins=bins, alpha=0.3,density=True,color='b',label=label2)
150 + # ax.set_yticks([])
151 + ax.legend()
152 + f.savefig(os.path.join(save_dir, "dist"+label1+label2+".png"))
153 +
154 + #log scale figure
155 + f_log=plt.figure()
156 + ax_log=f_log.add_subplot(111)
157 +
158 + log_bins=np.logspace(np.log10(0.01),np.log10(bins[-1]),len(bins))
159 + _=ax_log.hist(X1, bins=log_bins, range=[0,1],alpha=0.3,density=True,color='r',label=label1)
160 + _ = ax_log.hist(X2, bins=log_bins,density=True, alpha=0.3, color='b', label=label2)
161 + # ax_log.set_yticks([])
162 +
163 + ax_log.legend()
164 + ax_log.set_xscale('log')
165 + ax_log.set_xticks([round(x,2) for x in log_bins[::5]])
166 + ax_log.get_xaxis().set_major_formatter(matplotlib.ticker.ScalarFormatter())
167 + ax_log.set_xticklabels([round(x,2) for x in log_bins[::5]], rotation=45)
168 + f_log.savefig(os.path.join(save_dir,"logdist"+label1+label2+".png"))
169 +
170 +
171 +
172 +
173 +def save_pair_fig(input,output,save_path):
174 + '''
175 + save pair signal (current for first channel)
176 + :param input: input signal NxL
177 + :param output: output signal
178 + :param save_path:
179 + :return:
180 + '''
181 + save_ts_heatmap(input,output,save_path)
182 +
183 + # x_points = np.arange(input.shape[1])
184 + # fig, ax = plt.subplots(1, 2,figsize=(6, 6))
185 + # sig_in = input[ 0, :]
186 + # sig_out=output[0,:]
187 + # ax[0].plot(x_points, sig_in)
188 + # ax[1].plot(x_points,sig_out)
189 + # fig.savefig(save_path)
190 + # plt.clf()
191 + # plt.close()
192 +
193 +
194 +def save_ts_heatmap(input,output,save_path):
195 + x_points = np.arange(input.shape[1])
196 + fig, ax = plt.subplots(2, 1, sharex=True,figsize=(6, 6),gridspec_kw = {'height_ratios':[6,1]})
197 + sig_in = input[0, :]
198 + sig_out = output[0, :]
199 + ax[0].plot(x_points, sig_in,'k-',linewidth=2.5,label="input signal")
200 + ax[0].plot(x_points,sig_out,'k--',linewidth=2.5,label="output signal")
201 + ax[0].set_yticks([])
202 +
203 + ax[0].legend(loc="upper right")
204 +
205 +
206 +
207 + heat=(sig_out-sig_in)**2
208 + heat_norm=(heat-np.min(heat))/(np.max(heat)-np.min(heat))
209 + heat_norm=np.reshape(heat_norm,(1,-1))
210 +
211 + ax[1].imshow(heat_norm, cmap="jet", aspect="auto")
212 + ax[1].set_yticks([])
213 + #fig.tight_layout()
214 + # fig.show()
215 + # return
216 + fig.savefig(save_path)
217 + plt.clf()
218 + plt.close()
219 +
220 +
221 +
222 +def loss_plot(hist, path = 'Train_hist.png', model_name = ''):
223 + x = range(len(hist['D_loss']))
224 +
225 +
226 + y1 = hist['D_loss']
227 + y2 = hist['G_loss']
228 +
229 + fig = plt.figure()
230 +
231 + ax1=fig.add_subplot(111)
232 + ax1.plot(x, y1,'r',label="D_loss")
233 + ax1.set_ylabel('D_loss')
234 +
235 + ax2 = ax1.twinx() # this is the important function
236 + ax2.plot(x, y2, 'b',label="G_loss")
237 +
238 + ax2.set_ylabel('G_loss')
239 +
240 + ax2.set_xlabel('Iter')
241 +
242 +
243 + fig.legend(loc='upper left')
244 +
245 + ax1.grid(False)
246 + ax2.grid(False)
247 +
248 + # fig.tight_layout()
249 +
250 + path = os.path.join(path, model_name + '_loss.png')
251 +
252 + fig.savefig(path)
253 + # fig.show()
254 +
255 +
256 +
257 +
258 +if __name__ == '__main__':
259 + import numpy as np
260 + foo = np.random.normal(loc=1, size=100) # a normal distribution
261 + bar = np.random.normal(loc=-1, size=10000) # a normal distribution
262 + max_val=max(np.max(foo),np.max(bar))
263 + min_val=min(np.min(foo),np.min(bar))
264 + foo=(foo-min_val)/(max_val-min_val)
265 + bar=(bar-min_val)/(max_val-min_val)
266 + plot_dist(foo,bar,"1","-1")
267 +
268 +
1 +
2 +import os
3 +import numpy as np
4 +import scipy.io as sio
5 +# import cv2
6 +import matplotlib
7 +matplotlib.use("Agg")
8 +import matplotlib.pyplot as plt
9 +
10 +from biosppy.signals import ecg
11 +from tqdm import tqdm
12 +
13 +ANO_RATIO=0 # add ANO_RATIO(e.g. 0.1%) anomalous to training data
14 +
15 +LEFT=140
16 +RIGHT=180
17 +
18 +
19 +
20 +DATA_DIR="./dataset/source/" # source mit-bih data
21 +SAVE_DIR="./dataset/preprocessed/ano0/"
22 +
23 +
24 +PATIENTS=[100,101,103,105,106,108,109,
25 + 111,112,113,114,115,116,117,118,119,
26 + 121,122,123,124,
27 + 200,201,202,203,205,207,208,209,
28 + 210,212,213,214,215,219,
29 + 220,221,222,223,228,230,231,232,233,234] #remove 102 104 207 217
30 +'''
31 +As recommended by the AAMI, the records with paced beats(/) were not considered,
32 + namely 102, 104, 107, and 217.
33 +'''
34 +
35 +N={"N","L","R"}
36 +S={"a", "J", "A", "S", "j", "e"}
37 +V={"V","E"}
38 +F={"F"}
39 +Q={"/", "f", "Q"}
40 +BEAT=N.union(S,V,F,Q)
41 +ABNORMAL_BEAT=S.union(V,F,Q)
42 +
43 +
44 +def bisearch(key, array):
45 + '''
46 + search value which is most closed to key
47 + :param key:
48 + :param array:
49 + :return:
50 + '''
51 + lo = 0
52 + hi = len(array)-1
53 + while lo <= hi:
54 + mid = lo + int((hi - lo) / 2)
55 + if key <array[mid]:
56 + hi = mid - 1
57 + elif key>array[mid] :
58 + lo = mid + 1
59 + else:
60 + return array[mid]
61 + if hi<0:
62 + return array[0]
63 + if lo>=len(array):
64 + return array[-1]
65 + return array[hi] if (key-array[hi])<(array[lo]-key) else array[lo]
66 +
67 +
68 +
69 +
70 +
71 +def processPatient(patient):
72 + normal_samples = []
73 + abnormal_samples = []
74 + samples=[]
75 + record = sio.loadmat(os.path.join(DATA_DIR, str(patient) + ".mat"))
76 + annotation = sio.loadmat(os.path.join(DATA_DIR, str(patient) + "ann.mat"))
77 + if patient==114: # patient 114 record's mlii in lead B
78 + sig=record["signal"][:,1]
79 + sig2=record["signal"][:,0]
80 + else: # others' in lead A
81 + sig = record["signal"][:,0]
82 + sig2=record["signal"][:, 1]
83 + assert len(sig)==len(sig2)
84 + sig_out=ecg.ecg(signal=sig, sampling_rate=360., show=False)
85 +
86 + sig=sig_out["filtered"]
87 + sig2=ecg.ecg(signal=sig2, sampling_rate=360., show=False)["filtered"]
88 + r_peaks=sig_out["rpeaks"]
89 + ts = record["tm"]
90 + ann_types = annotation["type"]
91 + ann_signal_idx = annotation["ann"]
92 +
93 +
94 +
95 + for ann_idx, ann_type in enumerate(ann_types):
96 + if ann_type in BEAT:
97 + sig_idx=ann_signal_idx[ann_idx][0]
98 + if sig_idx-LEFT>=0 and sig_idx+RIGHT<len(sig):
99 + if ann_type in N:
100 + closed_rpeak_idx=bisearch(sig_idx,r_peaks)
101 + if abs(closed_rpeak_idx-sig_idx)<10:
102 + # normal_samples.append((sig[sig_idx-LEFT:sig_idx+RIGHT],ann_type))
103 + samples.append(([sig[sig_idx-LEFT:sig_idx+RIGHT],sig2[sig_idx-LEFT:sig_idx+RIGHT]],'N',ann_type))
104 + else:
105 + # abnormal_samples.append((sig[sig_idx-LEFT:sig_idx+RIGHT],ann_type))
106 + AAMI_label=""
107 + if ann_type in S:
108 + AAMI_label = "S"
109 + elif ann_type in V:
110 + AAMI_label = "V"
111 + elif ann_type in F:
112 + AAMI_label = "F"
113 + elif ann_type in Q:
114 + AAMI_label="Q"
115 + else:
116 + raise Exception("annonation type error")
117 + assert AAMI_label!=""
118 + samples.append(([sig[sig_idx - LEFT:sig_idx + RIGHT],sig2[sig_idx-LEFT:sig_idx+RIGHT]], AAMI_label, ann_type))
119 +
120 +
121 +
122 + return np.array(samples)
123 +
124 +
125 +
126 +def process():
127 + Full_samples=[]
128 + N_samples=[]
129 + V_samples=[]
130 + S_samples=[]
131 + F_samples=[]
132 + Q_samples=[]
133 +
134 + print("Read from records")
135 + for patient in tqdm(PATIENTS):
136 + samples=processPatient(patient)
137 + for sample in samples:
138 + Full_samples.append(sample)
139 + if sample[1]=="N":
140 + N_samples.append(sample[0])
141 + elif sample[1]=="S":
142 + S_samples.append(sample[0])
143 + elif sample[1]=="V":
144 + V_samples.append(sample[0])
145 + elif sample[1]=="F":
146 + F_samples.append(sample[0])
147 + elif sample[1]=="Q":
148 + Q_samples.append(sample[0])
149 + else:
150 + raise Exception("sample AAMI type error, input type: {}".format(sample[1]))
151 +
152 + Full_samples=np.array(Full_samples)
153 + N_samples=np.array(N_samples)
154 + V_samples=np.array(V_samples)
155 + S_samples=np.array(S_samples)
156 + F_samples=np.array(F_samples)
157 + Q_samples=np.array(Q_samples)
158 +
159 + np.random.shuffle(N_samples)
160 + np.random.shuffle(V_samples)
161 + np.random.shuffle(S_samples)
162 + np.random.shuffle(F_samples)
163 + np.random.shuffle(Q_samples)
164 +
165 +
166 +
167 +
168 +
169 + if ANO_RATIO >0:
170 + print("before shapes")
171 + print("N \t:{}".format(N_samples.shape))
172 + print("V \t:{}".format(V_samples.shape))
173 + print("S \t:{}".format(S_samples.shape))
174 + print("F \t:{}".format(F_samples.shape))
175 + print("Q \t:{}".format(Q_samples.shape))
176 +
177 +
178 + N_size=N_samples.shape[0]
179 + V_size=V_samples.shape[0]
180 + S_size=S_samples.shape[0]
181 + F_size=F_samples.shape[0]
182 + Q_size=Q_samples.shape[0]
183 + ANO_SIZE=V_size+S_size+F_size+Q_size
184 +
185 + ano_size=int(ANO_RATIO/(1+ANO_RATIO)*N_size)
186 + V_ano_size=int(ano_size*V_size/ANO_SIZE)
187 + S_ano_size = int(ano_size * S_size / ANO_SIZE)
188 + F_ano_size= int(ano_size * F_size / ANO_SIZE)
189 + Q_ano_size = int(ano_size * Q_size / ANO_SIZE)
190 + if Q_ano_size==0:
191 + Q_ano_size=1
192 +
193 + N_samples=np.concatenate([N_samples,V_samples[-V_ano_size:]])
194 + V_samples=V_samples[:-V_ano_size]
195 +
196 + N_samples = np.concatenate([N_samples, S_samples[-S_ano_size:]])
197 + S_samples = S_samples[:-S_ano_size]
198 +
199 + N_samples = np.concatenate([N_samples, F_samples[-F_ano_size:]])
200 + F_samples = F_samples[:-F_ano_size]
201 +
202 + N_samples = np.concatenate([N_samples, Q_samples[-Q_ano_size:]])
203 + Q_samples = Q_samples[:-Q_ano_size]
204 + print("#########")
205 +
206 +
207 +
208 +
209 + print("N \t:{}".format(N_samples.shape))
210 + print("V \t:{}".format(V_samples.shape))
211 + print("S \t:{}".format(S_samples.shape))
212 + print("F \t:{}".format(F_samples.shape))
213 + print("Q \t:{}".format(Q_samples.shape))
214 +
215 + if not os.path.exists(SAVE_DIR):
216 + os.makedirs(SAVE_DIR)
217 +
218 + np.save(os.path.join(SAVE_DIR, "full_samples.npy"), Full_samples)
219 + np.save(os.path.join(SAVE_DIR, "N_samples.npy"), N_samples)
220 + np.save(os.path.join(SAVE_DIR, "V_samples.npy"), V_samples)
221 + np.save(os.path.join(SAVE_DIR, "S_samples.npy"), S_samples)
222 + np.save(os.path.join(SAVE_DIR, "F_samples.npy"), F_samples)
223 + np.save(os.path.join(SAVE_DIR, "Q_samples.npy"), Q_samples)
224 +
225 + print("Finshed !!!")
226 +
227 +
228 +
229 +if __name__ == '__main__':
230 + process()
1 +
2 +import os
3 +import numpy as np
4 +from sklearn.metrics import roc_curve, auc, average_precision_score, f1_score,classification_report,confusion_matrix
5 +from scipy.optimize import brentq
6 +from scipy.interpolate import interp1d
7 +import matplotlib.pyplot as plt
8 +
9 +
10 +def evaluate(labels, scores,res_th=None, saveto=None):
11 + '''
12 + metric for auc/ap
13 + :param labels:
14 + :param scores:
15 + :param res_th:
16 + :param saveto:
17 + :return:
18 + '''
19 + fpr = dict()
20 + tpr = dict()
21 + roc_auc = dict()
22 +
23 + # True/False Positive Rates.
24 + fpr, tpr, ths = roc_curve(labels, scores)
25 + roc_auc = auc(fpr, tpr)
26 +
27 + # Equal Error Rate
28 + eer = brentq(lambda x: 1. - x - interp1d(fpr, tpr)(x), 0., 1.)
29 +
30 + if saveto:
31 + plt.figure()
32 + lw = 2
33 + plt.plot(fpr, tpr, color='darkorange', lw=lw, label='(AUC = %0.2f, EER = %0.2f)' % (roc_auc, eer))
34 + plt.plot([eer], [1-eer], marker='o', markersize=5, color="navy")
35 + plt.plot([0, 1], [1, 0], color='navy', lw=1, linestyle=':')
36 + plt.xlim([0.0, 1.0])
37 + plt.ylim([0.0, 1.05])
38 + plt.xlabel('False Positive Rate')
39 + plt.ylabel('True Positive Rate')
40 + plt.title('Receiver operating characteristic')
41 + plt.legend(loc="lower right")
42 + plt.savefig(os.path.join(saveto, "ROC.pdf"))
43 + plt.close()
44 +
45 + # best f1
46 + best_f1 = 0
47 + best_threshold = 0
48 + for threshold in ths:
49 + tmp_scores = scores.copy()
50 + tmp_scores[tmp_scores >= threshold] = 1
51 + tmp_scores[tmp_scores < threshold] = 0
52 + cur_f1 = f1_score(labels, tmp_scores)
53 + if cur_f1 > best_f1:
54 + best_f1 = cur_f1
55 + best_threshold = threshold
56 +
57 +
58 + #threshold f1
59 + if res_th is not None and saveto is not None:
60 + tmp_scores = scores.copy()
61 + tmp_scores[tmp_scores >= res_th] = 1
62 + tmp_scores[tmp_scores < res_th] = 0
63 + print(classification_report(labels,tmp_scores))
64 + print(confusion_matrix(labels,tmp_scores))
65 + auc_prc=average_precision_score(labels,scores)
66 + return auc_prc,roc_auc,best_threshold,best_f1
67 +
1 +-38.274800 -37.675400 -21.148100 -22.743600
2 +-38.250400 -37.662800 -21.185300 -22.774900
3 +-38.338300 -37.844700 -21.236700 -22.820000
4 +-38.497000 -38.033900 -21.271800 -22.890100
5 +-38.509400 -38.089000 -21.288500 -22.971300
6 +-38.437200 -38.030700 -21.337700 -23.057400
7 +-38.458800 -38.047600 -21.394900 -23.140100
8 +-38.481400 -38.098500 -21.320100 -23.094900
9 +-38.508500 -38.161500 -21.266500 -23.025400
10 +-38.614400 -38.256200 -21.436600 -23.131000
11 +-38.606400 -38.231800 -21.227700 -23.031500
12 +-38.542500 -38.207200 -21.366100 -23.136200
13 +-38.545500 -38.285400 -21.400100 -23.202700
14 +-38.480300 -38.279100 -21.388500 -23.238500
15 +-38.306800 -38.073400 -21.353400 -23.198100
16 +-38.143500 -37.905300 -21.388000 -23.222400
17 +-38.175900 -37.932900 -21.399200 -23.261200
18 +-38.129500 -37.942800 -21.347600 -23.241700
19 +-38.061200 -37.928900 -21.306600 -23.217500
20 +-38.017100 -37.851300 -21.282900 -23.229100
21 +-37.955800 -37.696200 -21.296100 -23.259400
22 +-37.900500 -37.621400 -21.324300 -23.235000
23 +-37.818300 -37.594000 -21.323100 -23.153100
24 +-37.735600 -37.654600 -21.304300 -23.059500
25 +-37.676500 -37.711900 -21.299000 -22.969000
26 +-37.603700 -37.721200 -21.275800 -22.900400
27 +-37.546800 -37.863300 -21.294000 -22.955500
28 +-37.549700 -38.055700 -21.398100 -23.087100
29 +-37.459500 -38.001000 -21.476200 -23.127800
30 +-37.309400 -37.755000 -21.487200 -23.075700
31 +-37.181600 -37.566000 -21.481900 -23.009800
32 +-37.069000 -37.522400 -21.484900 -22.952300
33 +-37.118300 -37.676900 -21.503500 -22.934000
34 +-37.090200 -37.733800 -21.476400 -22.902100
35 +-37.027700 -37.661100 -21.372600 -22.825600
36 +-37.131000 -37.748300 -21.343300 -22.826100
37 +-37.131300 -37.891000 -21.360500 -22.847400
38 +-37.005900 -37.959400 -21.301200 -22.841700
39 +-36.775500 -37.829300 -21.204700 -22.842100
40 +-36.625800 -37.670600 -21.148000 -22.859500
41 +-36.738500 -37.765100 -21.158500 -22.916800
42 +-36.903900 -37.939200 -21.117500 -22.909700
43 +-36.891800 -38.036900 -20.981500 -22.824900
44 +-36.719800 -38.011100 -20.931700 -22.777600
45 +-36.632000 -37.930600 -21.012000 -22.782900
46 +-36.704300 -38.031100 -21.044500 -22.761600
47 +-36.871300 -38.275700 -21.021000 -22.730400
48 +-37.057800 -38.373000 -21.038200 -22.737700
49 +-37.083800 -38.294500 -21.098300 -22.760600
50 +-36.947600 -38.258700 -21.130200 -22.757900
51 +-36.830200 -38.149400 -21.141400 -22.734200
52 +-36.662800 -37.820700 -21.172300 -22.703100
53 +-36.617700 -37.797300 -21.189400 -22.672800
54 +-36.782000 -38.100800 -21.206300 -22.623000
55 +-36.805900 -38.101400 -21.182200 -22.511200
56 +-36.818000 -37.970500 -21.231400 -22.475000
57 +-37.010800 -38.042300 -21.398500 -22.556000
58 +-37.113000 -38.146000 -21.456100 -22.632300
59 +-37.009100 -38.150900 -21.390400 -22.647300
60 +-36.987700 -38.169500 -21.329300 -22.677800
61 +-37.142000 -38.287900 -21.325100 -22.780300
62 +-37.117100 -38.288600 -21.326300 -22.831700
63 +-36.907100 -38.108000 -21.428800 -22.932700
64 +-36.913700 -38.073600 -21.577500 -23.030800
65 +-37.033100 -38.151300 -21.638900 -23.012200
66 +-36.981300 -38.106000 -21.648800 -23.034600
67 +-36.968500 -38.061800 -21.601300 -23.078200
68 +-37.067700 -38.096800 -21.619000 -23.121400
69 +-37.109100 -38.186000 -21.695100 -23.155800
70 +-37.357800 -38.287800 -21.762600 -23.148500
71 +-37.440000 -38.290000 -21.846400 -23.213200
72 +-37.424100 -38.288900 -21.866100 -23.348300
73 +-37.439900 -38.372500 -21.801500 -23.372700
74 +-37.495800 -38.408300 -21.748100 -23.336400
75 +-37.518300 -38.404400 -21.705100 -23.322700
76 +-37.526600 -38.393200 -21.646700 -23.292200
77 +-37.503000 -38.218200 -21.626900 -23.294500
78 +-37.385000 -37.965900 -21.678200 -23.351200
79 +-37.282400 -37.884500 -21.759500 -23.420300
80 +-37.325400 -37.909200 -21.849400 -23.491000
81 +-37.489600 -37.914300 -21.962300 -23.551300
82 +-37.549200 -37.714900 -22.069000 -23.596000
83 +-37.442900 -37.468500 -22.104600 -23.605800
84 +-37.342600 -37.389200 -22.104500 -23.573400
85 +-37.367600 -37.435800 -22.101800 -23.537500
86 +-37.490500 -37.592300 -22.068300 -23.504300
87 +-37.570200 -37.678600 -22.110700 -23.537900
88 +-37.548200 -37.626900 -22.189200 -23.601400
89 +-37.546400 -37.583900 -22.260000 -23.594400
90 +-37.604200 -37.564700 -22.424800 -23.632500
91 +-37.612100 -37.516400 -22.586000 -23.739000
92 +-37.564400 -37.405200 -22.696500 -23.817000
93 +-37.537100 -37.313200 -22.847300 -24.124600
94 +-37.721100 -37.482000 -23.064100 -24.416600
95 +-37.998400 -37.758900 -23.316200 -24.733000
96 +-37.955500 -37.774400 -23.563100 -25.057800
97 +-37.822300 -37.707400 -23.784900 -25.266300
98 +-37.947400 -37.904600 -24.033700 -25.461500
99 +-38.159600 -38.215500 -24.327700 -25.783400
100 +-38.256800 -38.311800 -24.677200 -26.206400
101 +-38.270300 -38.200000 -25.063100 -26.667600
102 +-38.295400 -38.045200 -25.633800 -27.317700
103 +-38.281300 -38.002000 -26.230400 -27.963200
104 +-38.201900 -37.940100 -26.694200 -28.409300
105 +-38.190200 -37.770400 -27.217300 -28.888200
106 +-38.391000 -37.778300 -27.917000 -29.511400
107 +-38.557400 -37.935900 -28.680600 -30.152700
108 +-38.243400 -37.686900 -29.477600 -30.822100
109 +-38.369200 -37.767500 -30.301700 -31.552800
110 +-38.527700 -37.859600 -31.122100 -32.333300
111 +-38.603400 -38.088900 -31.970700 -33.143300
112 +-38.460000 -38.053700 -32.939900 -34.065200
113 +-38.043400 -37.631800 -33.913400 -35.053500
114 +-38.488800 -37.998600 -34.800300 -36.004000
115 +-38.787600 -38.347000 -35.656200 -36.918600
116 +-38.842700 -38.479600 -36.592500 -37.888900
117 +-38.786500 -38.354600 -37.716400 -38.974600
118 +-38.744500 -38.342500 -38.879600 -40.019200
119 +-38.753300 -38.600300 -39.901300 -40.819200
120 +-38.825500 -38.807400 -40.917400 -41.606600
121 +-38.549400 -38.776400 -41.826600 -42.378100
122 +-38.445400 -38.741100 -42.659900 -43.111800
123 +-38.623000 -38.963800 -43.601400 -43.975700
124 +-38.653900 -39.216300 -44.620300 -44.969600
125 +-38.497600 -39.234900 -45.720000 -46.084900
126 +-38.348500 -39.143700 -47.063800 -47.430900
127 +-38.235200 -39.177600 -48.370200 -48.723900
128 +-38.172400 -39.368600 -49.570500 -49.919300
129 +-38.175700 -39.447600 -51.244000 -51.576500
130 +-38.107000 -39.347800 -53.384900 -53.648900
131 +-37.872500 -39.171800 -55.374800 -55.532200
132 +-37.601300 -39.016400 -56.926400 -57.070600
133 +-37.430800 -39.110300 -58.199600 -58.330900
134 +-37.151800 -39.003700 -59.383400 -59.479600
135 +-36.872500 -38.679100 -60.552700 -60.806400
136 +-36.771600 -38.599000 -61.739200 -62.267700
137 +-36.620800 -38.453700 -62.714300 -63.167400
138 +-36.245700 -37.950200 -64.128100 -64.100600
139 +-36.057000 -37.686700 -65.579200 -65.266500
140 +-36.123900 -37.829900 -66.770100 -66.490200
141 +-35.658900 -37.480100 -67.780800 -67.533900
142 +-35.341400 -37.171200 -68.664000 -68.357900
143 +-35.249700 -36.966000 -69.580000 -69.338900
144 +-35.323600 -36.936600 -70.225400 -69.173200
145 +-35.277200 -36.822500 -70.923500 -71.028800
146 +-35.182000 -36.636500 -71.808700 -72.479300
147 +-35.164300 -36.600100 -72.153700 -73.120500
148 +-34.963400 -36.633300 -72.089900 -73.228400
149 +-34.584900 -36.605800 -72.238200 -73.380800
150 +-34.119700 -36.415300 -72.526900 -73.531700
151 +-33.628200 -36.267400 -72.622000 -73.611100
152 +-33.221400 -36.406400 -72.342400 -73.371000
153 +-32.632800 -36.557300 -71.659900 -72.628200
154 +-31.976800 -36.658100 -70.802600 -71.627200
155 +-31.360400 -36.804300 -70.050200 -70.659600
156 +-30.286500 -36.670500 -69.129800 -69.513300
157 +-29.108000 -36.427500 -67.995700 -68.224800
158 +-28.341400 -36.482600 -66.806600 -66.824500
159 +-27.583400 -36.623300 -65.350600 -65.178800
160 +-26.775700 -36.842500 -63.633800 -63.516000
161 +-26.739800 -37.885100 -61.744300 -61.722800
162 +-26.609600 -38.669400 -59.607200 -59.567800
163 +-26.258600 -39.076800 -57.280600 -57.347100
164 +-26.240100 -39.738400 -54.904600 -55.194700
165 +-26.631500 -40.792200 -52.805300 -53.042700
166 +-26.970200 -41.643900 -50.853000 -50.830000
167 +-26.730900 -42.189700 -49.017900 -48.819300
168 +-27.131500 -42.817500 -46.465700 -46.246500
169 +-27.781000 -43.602600 -44.712800 -44.353100
170 +-28.465600 -44.321700 -43.152200 -42.622300
171 +-29.029200 -44.830000 -41.201100 -40.667700
172 +-29.502600 -45.263800 -39.456000 -38.951600
173 +-30.092600 -45.671000 -38.135300 -37.568900
174 +-30.463800 -45.797300 -37.089600 -36.550700
175 +-30.917700 -45.887600 -35.609500 -35.410400
176 +-31.963100 -46.321400 -35.054900 -35.138900
177 +-32.864600 -46.712900 -34.371900 -34.936800
178 +-33.176300 -46.665000 -34.832900 -35.665100
179 +-33.293500 -46.154400 -35.282200 -36.406900
180 +-33.995500 -46.035400 -34.876400 -36.497700
181 +-35.340000 -46.836100 -35.267900 -37.276100
182 +-35.146700 -46.211000 -35.600600 -37.905300
183 +-35.350100 -45.827300 -35.936000 -38.448100
184 +-35.711500 -45.596900 -36.017200 -38.688500
185 +-36.149300 -45.273500 -36.025600 -38.746900
186 +-36.609400 -44.936900 -36.457400 -39.258600
187 +-36.907100 -44.604700 -36.175400 -39.230900
188 +-37.465100 -44.507400 -36.015000 -39.218000
189 +-38.313900 -44.552100 -35.625800 -38.860600
190 +-38.871100 -44.240700 -35.464100 -38.966200
191 +-39.139300 -43.735900 -34.889700 -38.831000
192 +-39.531000 -43.478400 -34.141900 -38.667400
193 +-40.067100 -43.400300 -33.479700 -38.716200
194 +-40.760400 -43.398500 -32.860600 -38.854900
195 +-41.497300 -43.348000 -32.171900 -38.831300
196 +-41.983200 -43.076700 -31.705800 -38.851900
197 +-42.324900 -42.795300 -31.612200 -39.111300
198 +-42.782200 -42.790000 -31.652600 -39.406900
199 +-43.596000 -43.021600 -31.844600 -39.698400
200 +-44.307000 -43.215700 -32.348800 -40.111500
201 +-44.657800 -43.091400 -33.031200 -40.533700
202 +-44.998100 -42.900100 -33.685900 -40.817400
203 +-45.509200 -42.801500 -34.314700 -40.959500
204 +-46.053400 -42.786400 -34.641000 -40.730200
205 +-46.590400 -43.043000 -35.479300 -41.476300
206 +-47.285500 -43.347300 -35.864200 -41.380100
207 +-48.063900 -43.558900 -36.415600 -41.494100
208 +-48.669200 -43.754300 -36.554000 -41.208200
209 +-48.939000 -43.726300 -36.680200 -41.025800
210 +-49.148500 -43.551400 -36.788700 -40.959400
211 +-49.811400 -43.726800 -37.007100 -40.865600
212 +-50.769700 -44.126800 -36.973500 -40.528100
213 +-51.637500 -44.497900 -36.928300 -40.023600
214 +-52.267700 -44.696300 -36.853000 -39.982100
215 +-52.506000 -44.407200 -36.999500 -39.831400
216 +-52.950200 -44.293200 -36.950700 -39.851400
217 +-53.827000 -44.669500 -37.037500 -39.869700
218 +-54.203200 -44.556400 -37.538500 -40.395800
219 +-54.076100 -43.920600 -38.385700 -41.200200
220 +-54.161000 -43.581400 -38.671800 -41.020200
221 +-54.473200 -43.462300 -39.826400 -42.189800
222 +-54.838400 -43.369300 -40.866700 -43.258100
223 +-55.148700 -43.363900 -42.223600 -44.597600
224 +-55.235900 -43.287800 -43.690800 -45.980300
225 +-55.259800 -43.106100 -45.207100 -47.513000
226 +-55.236900 -42.850100 -47.090600 -49.494700
227 +-54.860600 -42.487400 -49.009600 -51.579400
228 +-54.321800 -42.208500 -50.819900 -53.736800
229 +-53.568800 -41.797300 -53.033900 -56.353800
230 +-52.481500 -41.163600 -54.769400 -58.201100
231 +-51.476800 -40.743000 -58.176700 -61.757000
232 +-50.651900 -40.306900 -61.540800 -64.809700
233 +-49.731100 -39.676000 -62.794000 -65.552800
234 +-49.268400 -39.764900 -64.188600 -66.874500
235 +-48.323100 -39.399800 -67.213600 -69.442400
236 +-47.390800 -38.703500 -68.531000 -69.974800
237 +-46.572900 -38.130000 -70.227000 -70.851600
238 +-45.577200 -37.855000 -72.199600 -72.129400
239 +-44.586700 -37.753500 -74.303900 -73.754800
240 +-43.976800 -37.959400 -74.628600 -74.035800
241 +-43.188600 -37.776100 -74.913900 -74.606300
242 +-41.927300 -37.011500 -75.046400 -75.049300
243 +-40.768700 -36.402500 -74.638300 -75.084300
244 +-39.958500 -36.045200 -73.859000 -75.095500
245 +-39.405600 -35.818400 -73.071800 -75.178700
246 +-38.689800 -35.537000 -72.472600 -74.857200
247 +-37.810900 -35.027100 -71.881700 -74.667300
248 +-37.194300 -34.802600 -71.177200 -73.825200
249 +-36.365300 -34.747400 -70.770200 -73.278100
250 +-35.212900 -34.314500 -69.167600 -71.593700
251 +-34.190300 -33.910900 -68.443800 -70.681200
252 +-33.074000 -33.811600 -67.707300 -70.233600
253 +-32.065500 -33.922800 -65.802200 -67.667400
254 +-31.321400 -34.153900 -64.067800 -65.741500
255 +-30.466500 -34.154800 -62.322200 -63.928500
256 +-29.972800 -34.546100 -60.316500 -61.954700
257 +-29.810800 -35.443100 -57.335100 -59.168000
258 +-29.102600 -35.691900 -54.913200 -56.959000
259 +-28.016800 -35.352400 -52.489300 -54.615600
260 +-27.658600 -35.527600 -50.087300 -52.317700
261 +-27.349400 -35.736900 -47.790300 -50.268300
262 +-27.174400 -36.237000 -46.223600 -48.865200
263 +-27.002100 -36.856500 -44.281500 -47.189200
264 +-26.840700 -37.490300 -42.022800 -45.280500
265 +-26.867800 -38.072100 -39.599000 -43.275900
266 +-26.794000 -38.419100 -36.932100 -40.917000
267 +-26.747400 -38.971900 -35.929800 -39.763800
268 +-27.238900 -40.132000 -34.012100 -37.679600
269 +-26.988800 -40.477000 -33.138000 -36.391200
270 +-26.833400 -40.965500 -33.188900 -36.070700
271 +-26.844900 -41.632100 -32.917600 -35.672200
272 +-26.817600 -42.116800 -32.813400 -35.557000
273 +-26.714200 -42.731500 -33.069600 -35.766800
274 +-26.965300 -43.775800 -33.450700 -36.058600
275 +-26.563800 -43.951600 -34.195000 -36.670800
276 +-26.177300 -44.263800 -34.849500 -37.354400
277 +-25.825900 -44.739200 -35.160500 -37.877600
278 +-25.725400 -45.143700 -35.714200 -38.456400
279 +-25.613600 -45.316300 -36.046600 -38.750600
280 +-25.400900 -45.462100 -36.317900 -38.880600
281 +-25.308800 -45.776500 -36.237700 -38.853900
282 +-25.318000 -46.072900 -36.008100 -38.432900
283 +-25.186300 -46.170300 -35.560800 -37.801300
284 +-25.158100 -46.361400 -35.198400 -37.449300
285 +-25.222500 -46.563300 -35.033300 -37.283300
286 +-25.200300 -46.529300 -34.486500 -36.637200
287 +-25.245800 -46.506200 -34.321200 -36.231000
288 +-25.264800 -46.663000 -33.925800 -35.848000
289 +-25.384900 -46.900400 -33.774200 -35.845300
290 +-25.715500 -47.030400 -33.651300 -35.951500
291 +-25.945000 -47.077900 -33.778300 -36.212900
292 +-26.229800 -47.138300 -34.178300 -36.663000
293 +-26.460000 -47.049100 -34.892100 -37.610000
294 +-26.480100 -46.733800 -35.595100 -38.487600
295 +-26.545100 -46.404900 -36.492900 -39.214000
296 +-26.743900 -46.104900 -37.657200 -40.404800
297 +-27.101600 -45.937300 -38.705700 -41.445600
298 +-27.466400 -45.904400 -39.421900 -42.231300
299 +-27.885700 -45.987000 -40.079300 -42.880800
300 +-28.340300 -46.022300 -40.721200 -43.350500
301 +-28.614400 -45.786200 -41.167300 -43.598700
302 +-28.961900 -45.762700 -41.297500 -43.641100
303 +-29.413700 -45.943100 -41.198100 -43.509300
304 +-29.796600 -45.963900 -41.097300 -43.267200
305 +-29.983700 -45.654600 -40.993600 -43.082400
306 +-30.333300 -45.370200 -40.887600 -43.074500
307 +-31.283400 -45.856500 -40.536700 -42.634500
308 +-31.583300 -45.810600 -40.344000 -42.505000
309 +-32.169200 -45.877700 -40.161000 -42.500500
310 +-32.657600 -45.750000 -40.173800 -42.641700
311 +-32.998300 -45.456300 -40.291400 -42.874700
312 +-33.623300 -45.675600 -40.520100 -43.086700
313 +-33.896800 -45.487700 -41.040200 -43.551900
314 +-34.489500 -45.513600 -41.847600 -44.362900
315 +-34.984200 -45.490100 -42.821500 -45.379400
316 +-35.204800 -45.217100 -43.742600 -46.322300
317 +-35.736500 -45.360300 -44.962700 -47.630400
318 +-36.409800 -45.804200 -46.339800 -48.795200
319 +-36.846700 -45.821800 -47.920100 -50.039500
320 +-37.172900 -45.591200 -49.663500 -51.205800
321 +-37.479900 -45.595400 -50.751200 -52.444200
322 +-37.769500 -45.715400 -51.927100 -54.206200
323 +-37.830000 -45.387700 -52.971800 -55.976500
324 +-37.339800 -44.301100 -53.928500 -57.742600
325 +-36.692700 -43.197600 -55.036800 -59.981500
326 +-36.608600 -42.820500 -58.143300 -62.053400
327 +-36.936100 -42.925900 -60.548900 -63.894400
328 +-37.164800 -43.012400 -62.457800 -65.292400
329 +-37.249500 -42.771600 -64.087600 -66.723000
330 +-37.285200 -42.487900 -65.768200 -67.913300
331 +-37.237900 -42.573900 -67.002000 -68.604000
332 +-37.329200 -42.643000 -67.465800 -68.878800
333 +-37.576400 -42.542700 -67.470000 -68.809300
334 +-37.927400 -42.553300 -67.162400 -68.541300
335 +-38.596500 -42.876600 -66.494300 -68.119600
336 +-39.074700 -43.413300 -65.818900 -67.667900
337 +-39.214100 -43.903700 -65.139500 -67.260400
338 +-39.677100 -44.675300 -64.400800 -66.789100
339 +-40.490900 -45.808500 -63.846000 -66.373000
340 +-41.112400 -46.662000 -62.456900 -65.211400
341 +-41.317400 -47.302300 -61.862300 -64.828900
342 +-41.373400 -48.076000 -60.826700 -63.778800
343 +-41.823200 -49.002500 -59.003600 -61.655700
344 +-42.577000 -50.007600 -56.550600 -58.813000
345 +-43.044100 -50.833100 -53.818800 -55.732300
346 +-43.088400 -51.326600 -51.020900 -52.617100
347 +-43.743400 -52.204400 -48.521100 -49.866600
348 +-44.082500 -52.672400 -46.467800 -47.430200
349 +-44.456900 -53.243500 -43.846500 -44.708400
350 +-44.797400 -53.814900 -41.690500 -42.666500
351 +-44.935200 -54.175100 -39.496800 -40.869400
352 +-45.405600 -54.718200 -37.875400 -39.543000
353 +-46.193100 -55.311000 -35.775100 -37.819100
354 +-46.835200 -55.599700 -34.154400 -36.419400
355 +-47.360500 -55.814100 -32.817600 -35.144800
356 +-47.850000 -56.121900 -31.880900 -34.139800
357 +-48.210900 -56.204900 -31.309500 -33.375100
358 +-48.671100 -56.227100 -30.670800 -32.423900
359 +-49.526900 -56.604500 -30.691300 -32.311300
360 +-50.133400 -56.760300 -31.005500 -32.400800
361 +-50.214600 -56.507000 -31.502300 -32.663700
362 +-50.427000 -56.428000 -32.062900 -33.096500
363 +-50.803500 -56.461300 -32.991400 -33.918900
364 +-50.950000 -56.276100 -33.808600 -34.410900
365 +-50.969800 -55.953800 -34.368900 -34.516000
366 +-51.076100 -55.526200 -34.998200 -34.752600
367 +-51.273300 -55.223400 -35.643600 -34.962500
368 +-51.398400 -55.058100 -35.898800 -34.809200
369 +-51.116000 -54.399900 -35.953900 -34.464700
370 +-50.821200 -53.544500 -36.067100 -34.131900
371 +-50.820800 -52.975800 -36.054700 -33.807500
372 +-50.808700 -52.388300 -35.826700 -33.422100
373 +-50.877400 -51.787300 -35.601100 -33.146600
374 +-51.022500 -51.192400 -35.030600 -32.663000
375 +-51.300200 -50.513500 -34.537200 -32.397600
376 +-51.713900 -49.929100 -34.091300 -32.288300
377 +-51.874300 -49.138400 -33.669900 -32.354200
378 +-51.979600 -48.390400 -33.368100 -32.556700
379 +-52.147700 -47.774300 -33.272600 -32.947400
380 +-52.314900 -47.119200 -33.405500 -33.523700
381 +-52.489600 -46.696200 -33.631000 -34.096100
382 +-52.638200 -46.378700 -33.913900 -34.575400
383 +-52.725100 -45.786400 -34.184400 -34.986900
384 +-52.826200 -45.258100 -34.140400 -34.709800
385 +-52.912800 -44.893800 -34.559900 -34.953900
386 +-52.909300 -44.443500 -35.331900 -35.433600
387 +-52.895200 -44.245100 -36.049700 -35.767300
388 +-52.955200 -44.337700 -36.717000 -35.958300
389 +-53.036300 -44.186700 -37.354700 -36.086400
390 +-52.852700 -43.877500 -37.803600 -36.123300
391 +-52.505200 -43.729500 -37.959200 -35.975500
392 +-52.303700 -43.739800 -37.950800 -35.708300
393 +-52.160400 -43.832200 -37.924000 -35.499100
394 +-51.981500 -43.779000 -38.107100 -35.460200
395 +-51.547100 -43.420200 -38.344200 -35.435500
396 +-51.038900 -43.132300 -38.424900 -35.309600
397 +-50.895400 -43.241500 -38.480000 -35.187500
398 +-50.849400 -43.379500 -38.481900 -35.116600
399 +-50.494800 -43.172600 -38.459400 -35.276100
400 +-50.119800 -42.929800 -38.526900 -35.281800
401 +-50.046900 -43.039000 -38.897300 -35.773400
402 +-49.891800 -42.996400 -39.457300 -36.264700
403 +-49.547500 -42.508200 -40.199900 -37.361400
404 +-49.334800 -42.045900 -41.021700 -38.558000
405 +-49.171300 -41.863600 -42.161600 -39.870400
406 +-49.002600 -41.702600 -43.912400 -41.489600
407 +-48.762700 -41.262800 -45.760100 -43.407400
408 +-48.441000 -40.681000 -47.567400 -45.617400
409 +-47.905900 -39.946000 -49.347200 -47.908300
410 +-46.998200 -38.964300 -51.111600 -50.050300
411 +-45.946700 -38.066400 -52.662700 -51.796400
412 +-45.200900 -37.415000 -54.940900 -54.933300
413 +-44.539200 -36.668200 -57.371100 -57.631200
414 +-43.669400 -35.710000 -59.661300 -59.356100
415 +-42.780600 -34.728900 -61.546600 -60.818200
416 +-41.833200 -33.758300 -63.270400 -62.536700
417 +-40.767400 -32.674500 -65.103000 -64.359800
418 +-39.684800 -31.443800 -66.970800 -65.901300
419 +-38.580500 -30.283000 -69.057500 -68.316000
420 +-37.438900 -29.304500 -71.031700 -70.412400
421 +-36.435800 -28.457900 -72.768500 -72.130600
422 +-35.538600 -27.591100 -74.321800 -73.695300
423 +-34.942400 -27.160600 -75.848400 -75.896500
424 +-34.014400 -26.365200 -76.983200 -77.285600
425 +-33.187800 -25.673100 -77.773900 -77.762300
426 +-32.014700 -24.743800 -78.592300 -78.674200
427 +-30.620800 -23.660000 -79.395100 -79.664800
428 +-29.483100 -22.855700 -80.170000 -80.644600
429 +-28.530500 -22.277700 -80.898000 -81.417300
430 +-27.143400 -21.418600 -81.822800 -82.189300
431 +-25.563200 -20.489800 -83.190400 -83.383000
432 +-24.221400 -19.787400 -83.015500 -83.155800
433 +-22.836800 -18.950100 -83.096300 -83.206700
434 +-21.512600 -18.100600 -84.264500 -84.284500
435 +-20.263100 -17.463900 -83.898700 -83.922800
436 +-19.256200 -16.969100 -84.650900 -84.718100
437 +-18.495000 -16.573000 -83.868600 -84.015400
438 +-17.626900 -15.938200 -84.285800 -84.553300
439 +-16.738800 -15.033100 -84.203600 -84.658800
440 +-16.076000 -14.318200 -84.033900 -84.533600
441 +-15.502200 -13.813800 -83.387000 -83.885000
442 +-14.870300 -13.281000 -83.253300 -83.730500
443 +-14.254000 -12.779400 -83.006000 -83.525800
444 +-13.682900 -12.400600 -82.018000 -82.582600
445 +-13.250200 -12.247500 -81.572000 -82.036400
446 +-12.975400 -12.309300 -81.195000 -81.418500
447 +-12.645000 -12.426700 -80.541000 -80.615700
448 +-12.477100 -12.630500 -79.845400 -80.074200
449 +-12.403700 -12.870400 -78.754700 -79.060000
450 +-12.232100 -13.074100 -78.232700 -78.452900
451 +-12.256500 -13.440100 -77.163500 -77.406400
452 +-12.273800 -13.922400 -76.174400 -76.454400
453 +-12.073100 -14.426300 -75.393800 -75.815500
454 +-11.893700 -14.834100 -74.412900 -74.734900
455 +-11.681200 -14.969500 -73.326000 -73.514800
456 +-11.728400 -15.424400 -72.391400 -72.628700
457 +-12.186700 -16.287400 -71.310100 -71.619300
458 +-12.301800 -16.760600 -70.097000 -70.458600
459 +-12.105100 -17.108900 -69.139600 -69.505800
460 +-12.274600 -17.817800 -68.309000 -68.617600
461 +-12.378900 -18.242900 -67.315100 -68.138300
462 +-12.444000 -18.548600 -66.199300 -66.553800
463 +-12.111900 -18.474900 -65.065900 -65.367400
464 +-11.478900 -18.038500 -63.835400 -64.097600
465 +-12.431200 -19.092400 -63.003000 -63.372900
466 +-12.998300 -19.845400 -62.594400 -63.121100
467 +-12.870100 -19.915100 -61.374200 -61.965800
468 +-12.996200 -20.320100 -60.549900 -61.078100
469 +-13.659500 -21.305200 -59.874800 -60.351900
470 +-12.898400 -20.803600 -59.203900 -59.561800
471 +-13.353100 -21.345900 -58.454100 -58.637600
472 +-13.717100 -21.696000 -57.918800 -58.024500
473 +-13.935200 -22.010500 -57.478400 -57.600400
474 +-14.218100 -22.553600 -57.137200 -57.231600
475 +-14.301500 -22.781500 -56.885000 -56.931400
476 +-14.093600 -22.762100 -56.802100 -56.794100
477 +-14.246000 -23.195100 -56.922700 -56.752700
478 +-14.768300 -23.735000 -57.038000 -56.660700
479 +-15.043900 -23.892800 -57.085500 -56.621500
480 +-14.933400 -23.848100 -57.132400 -56.687300
481 +-14.778700 -24.021600 -57.161600 -56.794000
482 +-14.857600 -24.322400 -57.328900 -57.027100
483 +-14.865000 -24.210200 -57.577800 -57.328200
484 +-14.945200 -24.065200 -57.623100 -57.512500
485 +-14.653600 -23.806400 -58.555900 -58.583700
486 +-14.396100 -23.734000 -59.434900 -59.668000
487 +-14.389900 -23.863400 -60.221400 -60.555900
488 +-14.365100 -23.782600 -60.486400 -60.634300
489 +-14.430600 -23.664400 -61.633100 -61.599800
490 +-14.567500 -23.645900 -62.031000 -61.967900
491 +-14.517200 -23.570700 -63.745100 -63.638000
492 +-14.347900 -23.439400 -64.761400 -64.710500
493 +-14.273500 -23.427200 -66.232000 -66.172500
494 +-14.148800 -23.352100 -66.510200 -66.485000
495 +-13.748300 -22.694000 -68.594600 -68.722700
496 +-13.944900 -22.458300 -69.451200 -69.619000
497 +-13.816600 -22.148900 -70.372900 -70.431100
498 +-13.580500 -21.816000 -71.924200 -71.898700
499 +-13.332500 -21.472800 -73.301400 -73.277800
500 +-13.025300 -21.112900 -74.608600 -74.575400
501 +-12.616900 -20.759100 -75.790100 -75.734900
502 +-12.250000 -20.502700 -77.596400 -77.563300
503 +-12.290500 -20.314600 -79.133600 -79.135500
504 +-12.044800 -20.041300 -80.967000 -80.881600
505 +-11.986700 -19.769800 -82.839000 -82.658900
506 +-12.823800 -20.609000 -83.739700 -83.616100
507 +-9.590600 -17.432500 -86.885500 -86.872800
508 +-10.665000 -18.532900 -88.512000 -88.654500
509 +-10.674600 -18.507400 -91.429800 -91.460500
510 +-10.406400 -18.093600 -92.803500 -92.561900
511 +-10.108400 -17.677000 -95.502700 -95.241100
512 +-9.410870 -16.998600 -93.502000 -93.581100
513 +-8.784500 -16.293700 -95.670200 -95.866600
514 +-7.989500 -15.073100 -97.172500 -97.320000
515 +-7.729450 -14.305000 -99.311500 -99.318600
516 +-7.658950 -14.074400 -100.035000 -99.891300
517 +-7.140030 -13.351000 -101.246000 -100.968000
518 +-6.544580 -12.301100 -103.706000 -103.457000
519 +-5.868820 -11.281400 -103.848000 -103.871000
520 +-5.140420 -10.455200 -104.454000 -104.664000
521 +-4.787450 -9.951510 -105.311000 -105.594000
522 +-3.759310 -8.628920 -104.329000 -104.639000
523 +-3.041740 -7.643240 -105.979000 -106.187000
524 +-2.069310 -6.623450 -107.568000 -107.733000
525 +-1.074910 -5.805610 -108.979000 -109.240000
526 +-0.053366 -5.021980 -110.356000 -110.634000
527 +1.184070 -4.004240 -111.577000 -111.912000
528 +2.453530 -2.921230 -112.550000 -113.235000
529 +3.793520 -1.840190 -114.157000 -114.906000
530 +4.880780 -1.022300 -115.565000 -116.341000
531 +5.765140 -0.719171 -116.862000 -117.673000
532 +6.620680 -0.284751 -118.156000 -118.974000
533 +7.399850 0.100510 -119.371000 -120.212000
534 +8.429190 0.638266 -120.956000 -121.647000
535 +9.381870 1.194510 -123.177000 -123.423000
536 +9.772990 1.288560 -124.582000 -124.592000
537 +10.051900 1.192870 -125.557000 -125.768000
538 +10.799600 1.522700 -126.457000 -126.903000
539 +11.601600 1.939010 -127.748000 -128.057000
540 +11.901300 1.884060 -129.157000 -129.189000
541 +12.095200 1.651040 -130.286000 -130.096000
542 +12.770600 1.803240 -131.570000 -131.004000
543 +14.090400 2.498670 -132.720000 -131.881000
544 +13.858700 2.017210 -133.251000 -132.393000
545 +13.941500 1.654670 -133.533000 -132.651000
546 +14.152400 1.343880 -133.816000 -132.816000
547 +14.065200 1.026400 -133.863000 -132.865000
548 +14.222500 0.964268 -133.678000 -132.913000
549 +14.673500 1.101810 -133.226000 -132.704000
550 +14.855900 1.306570 -132.724000 -132.246000
551 +14.924800 1.516790 -131.875000 -131.368000
552 +15.202100 1.803820 -130.748000 -130.426000
553 +15.697300 2.257640 -129.654000 -129.389000
554 +16.066600 2.570460 -128.753000 -128.322000
555 +16.453000 2.739490 -127.668000 -127.199000
556 +16.875300 2.831020 -126.449000 -125.959000
557 +17.118200 3.086750 -125.184000 -124.685000
558 +17.263700 3.487570 -123.254000 -122.922000
559 +17.428700 3.666280 -121.727000 -121.427000
560 +17.807600 3.818300 -120.433000 -120.048000
561 +18.164400 3.902850 -118.928000 -118.572000
562 +18.113900 3.679310 -117.297000 -117.020000
563 +17.908200 3.432140 -115.610000 -115.450000
564 +17.825000 3.305370 -113.964000 -113.950000
565 +17.721300 3.022090 -112.385000 -112.504000
566 +17.374300 2.486710 -110.603000 -110.887000
567 +16.894200 2.152600 -108.698000 -109.091000
568 +16.563600 2.218320 -106.933000 -107.409000
569 +15.944800 1.800640 -105.178000 -105.874000
570 +15.055200 1.185600 -103.519000 -104.311000
571 +13.842000 0.321447 -102.001000 -102.695000
572 +12.778200 -0.427940 -100.334000 -101.124000
573 +11.695900 -1.128140 -98.557900 -99.604700
574 +10.436800 -2.360510 -96.890000 -98.060800
575 +8.745300 -4.101020 -95.521900 -96.502800
576 +6.879650 -5.777220 -94.300100 -95.005800
577 +5.071630 -7.287000 -92.958800 -93.502900
578 +3.071840 -9.017460 -91.487000 -91.900200
579 +0.285611 -11.480400 -89.793000 -90.247100
580 +-2.612220 -13.879100 -88.237700 -88.804000
581 +-5.481320 -16.193600 -87.323000 -87.610900
582 +-8.669870 -18.706600 -86.724800 -87.340300
583 +-13.818200 -22.545200 -83.441500 -83.362000
584 +-16.932300 -25.262200 -81.100900 -80.871600
585 +-21.245800 -28.217900 -78.821100 -78.662800
586 +-25.028700 -30.892300 -76.158800 -75.978600
587 +-28.826100 -33.576300 -74.204000 -74.144300
588 +-32.065800 -35.743800 -72.115500 -72.283600
589 +-39.296400 -41.761900 -69.222800 -69.397800
590 +-44.060700 -45.197200 -66.290500 -66.433000
591 +-49.128900 -49.117300 -63.262700 -63.380500
592 +-54.175400 -53.070700 -60.120800 -60.365700
593 +-57.305800 -55.511800 -56.632000 -57.130800
594 +-60.711400 -58.435800 -52.826700 -53.534900
595 +-63.964800 -61.471400 -49.031800 -49.874300
596 +-67.114400 -64.417600 -45.507000 -46.341800
597 +-70.432900 -67.443800 -42.404700 -42.896700
598 +-73.743000 -70.524900 -39.895400 -39.700600
599 +-76.943300 -73.557400 -38.586900 -37.686600
600 +-80.168100 -76.663300 -37.622800 -36.131100
601 +-83.153500 -79.542700 -36.757500 -35.314700
602 +-85.863700 -82.008400 -36.347500 -35.387200
603 +-88.503700 -84.201800 -36.413300 -36.162500
604 +-90.784700 -86.073400 -37.081600 -37.548200
605 +-92.559800 -87.655700 -38.500600 -39.622200
606 +-94.076400 -89.056300 -39.898000 -41.219700
607 +-95.211400 -90.162400 -40.882800 -42.353800
608 +-95.884300 -90.914300 -42.247100 -43.658800
609 +-96.665500 -91.751900 -43.301100 -44.731500
610 +-97.608000 -92.861100 -44.136500 -45.477100
611 +-98.199100 -93.885200 -44.781500 -46.226100
612 +-98.516200 -94.717800 -45.432600 -47.091700
613 +-98.738800 -95.485700 -46.258900 -48.109900
614 +-98.804900 -96.140900 -47.300000 -49.086700
615 +-98.562700 -96.571700 -48.226400 -49.874600
616 +-98.212900 -96.809800 -49.779200 -51.411200
617 +-97.964800 -96.839800 -51.489800 -53.160000
618 +-97.597600 -96.605500 -52.614700 -54.546400
619 +-97.289300 -96.304600 -53.974300 -56.024500
620 +-97.086800 -96.101700 -55.357500 -57.137600
621 +-96.637800 -95.699100 -57.504100 -59.014900
622 +-96.050800 -94.913700 -59.609500 -60.859800
623 +-95.576200 -94.094900 -61.870000 -62.953100
624 +-95.012100 -93.163300 -64.493600 -65.206300
625 +-94.282800 -92.003500 -67.487700 -67.597900
626 +-93.439200 -90.848700 -71.032900 -70.599000
627 +-92.591600 -89.824800 -74.073700 -73.166200
628 +-91.624500 -88.711000 -77.348900 -76.417200
629 +-90.134600 -87.145900 -78.661500 -77.273400
630 +-88.429000 -85.284400 -80.616000 -79.810100
631 +-86.575500 -83.193500 -82.029200 -81.370700
632 +-84.540500 -80.988500 -82.765500 -82.542300
633 +-82.825900 -78.977500 -81.900500 -81.581100
634 +-80.540100 -76.349200 -80.478800 -80.185900
635 +-78.084100 -73.574300 -79.059000 -78.792900
636 +-76.019600 -71.088200 -77.354300 -77.220200
637 +-73.995300 -68.745200 -75.399700 -75.406300
638 +-71.733400 -66.327600 -73.334700 -73.276700
639 +-69.218300 -63.730700 -72.320400 -72.294200
640 +-66.425100 -60.981700 -70.937100 -71.371900
641 +-63.592500 -58.434600 -69.478100 -70.127500
642 +-60.830400 -56.213700 -67.555800 -68.138900
643 +-58.232400 -54.092900 -65.777500 -66.347800
644 +-55.842900 -51.988800 -64.059300 -64.892500
645 +-53.525500 -49.890400 -62.440600 -63.564900
646 +-51.177400 -47.924200 -60.951500 -62.171600
647 +-49.134500 -46.343400 -59.606800 -60.743400
648 +-47.539600 -44.996700 -58.264000 -59.192000
649 +-45.932900 -43.612800 -56.918800 -57.634000
650 +-43.800500 -41.822000 -55.664300 -56.130300
651 +-42.925000 -41.199200 -54.476900 -54.534400
652 +-41.078400 -40.043600 -53.569300 -53.930400
653 +-39.359700 -39.043200 -52.345400 -51.995400
654 +-37.751100 -37.850400 -51.725000 -51.025000
655 +-36.172600 -36.619900 -51.115500 -49.956300
656 +-34.516300 -35.835700 -50.762500 -49.396400
657 +-33.180500 -34.844400 -50.613800 -49.082100
658 +-32.050700 -33.869500 -50.546100 -49.079100
659 +-30.461900 -32.434600 -50.725800 -49.373700
660 +-28.741000 -30.952100 -51.484800 -50.490700
661 +-27.543200 -29.894800 -51.823300 -51.266600
662 +-26.596400 -29.142300 -52.046700 -51.996500
663 +-25.697600 -28.545700 -52.703500 -52.667500
664 +-24.731200 -27.771300 -54.011300 -53.732700
665 +-23.418800 -26.603400 -55.116000 -55.683900
666 +-21.578300 -25.087300 -57.086000 -57.713300
667 +-19.483900 -23.417600 -59.293500 -60.124900
668 +-17.673300 -22.006300 -63.173000 -64.955800
669 +-15.646000 -20.505600 -67.928100 -68.926600
670 +-13.060200 -18.402500 -72.224800 -72.149400
671 +-11.275400 -16.826100 -76.267200 -75.466300
672 +-9.299570 -15.044000 -80.045400 -78.982900
673 +-4.415030 -10.686100 -83.336200 -81.125500
674 +-4.636670 -11.109700 -86.649800 -84.690900
675 +-2.653540 -9.217740 -89.906600 -87.565400
676 +-1.198450 -7.813140 -92.372400 -89.733600
677 +1.533260 -5.192270 -95.016300 -92.285100
678 +3.572380 -3.265600 -96.641200 -94.855300
679 +5.474490 -1.503380 -97.212500 -96.194700
680 +7.336810 -0.018043 -99.736100 -99.410400
681 +9.225640 1.895440 -100.301000 -100.773000
682 +11.230100 3.675410 -102.155000 -103.033000
683 +12.866400 5.031350 -104.930000 -105.883000
684 +14.407300 6.256590 -106.271000 -107.223000
685 +16.377400 7.839830 -110.590000 -111.268000
686 +18.176900 9.242410 -110.880000 -111.274000
687 +20.287600 11.148400 -110.600000 -111.073000
688 +21.875400 12.900400 -109.983000 -110.786000
689 +23.431200 14.630200 -109.200000 -110.361000
690 +25.319700 16.280600 -108.231000 -109.691000
691 +26.876400 17.227300 -107.138000 -108.762000
692 +27.957400 17.690900 -105.861000 -107.760000
693 +28.396300 17.909100 -104.364000 -106.710000
694 +28.888000 18.397100 -102.862000 -105.520000
695 +29.526900 19.190000 -101.494000 -104.238000
696 +29.858000 20.088000 -100.064000 -102.757000
697 +29.990800 20.854000 -98.349000 -101.020000
698 +30.307800 21.715800 -96.386200 -99.209100
699 +30.402000 22.470900 -94.432100 -97.418000
700 +30.222800 22.939500 -92.623800 -95.671700
701 +30.186400 23.434300 -90.860200 -93.949900
702 +30.209000 23.902700 -89.317500 -92.452700
703 +30.264300 24.345500 -87.722000 -90.884900
704 +30.353300 24.837200 -86.127000 -89.268600
705 +30.429600 25.086300 -84.534200 -87.663600
706 +30.190100 24.970100 -83.045800 -86.254200
707 +29.496800 24.709200 -81.957900 -85.120400
708 +29.300500 24.827700 -81.110500 -84.093400
709 +29.796400 25.222000 -80.051200 -83.152600
710 +29.843100 24.871500 -78.963600 -82.263300
711 +28.961200 23.555800 -78.251000 -81.464900
712 +27.713200 22.106700 -77.685900 -80.706500
713 +26.742700 20.945500 -77.055200 -79.890100
714 +26.103000 19.910300 -76.523600 -79.207500
715 +25.572300 18.923100 -76.072200 -78.693900
716 +24.838400 18.016900 -75.580900 -78.290700
717 +23.815100 16.578400 -75.247600 -77.928200
718 +23.074800 15.180500 -75.160700 -77.568000
719 +22.473300 13.975100 -74.951900 -77.279600
720 +21.438300 12.538800 -74.719200 -77.033600
721 +20.130600 10.739200 -74.565100 -76.839800
722 +19.087400 8.778250 -74.326600 -76.692100
723 +18.391300 6.982240 -74.138700 -76.429200
724 +17.492800 5.485260 -74.043600 -76.194300
725 +16.015800 3.953790 -74.067900 -76.119700
726 +14.850200 2.294660 -74.139700 -76.052100
727 +13.865800 0.178717 -74.140300 -75.996100
728 +12.744900 -1.981780 -74.156500 -75.977600
729 +10.589800 -4.887580 -74.190200 -75.922500
730 +9.542100 -7.126900 -74.237100 -75.851400
731 +7.516700 -10.057500 -74.240200 -75.771800
732 +4.467930 -13.441300 -74.147400 -75.736000
733 +3.224110 -15.399900 -74.188700 -75.839400
734 +-0.034603 -18.888200 -74.483200 -75.876200
735 +-3.292840 -22.361200 -74.948200 -75.903400
736 +-6.024930 -25.578600 -75.512900 -76.365700
737 +-9.095080 -29.133100 -76.182500 -76.976500
738 +-13.461400 -33.663800 -76.910300 -77.029600
739 +-18.628000 -38.088200 -76.413000 -76.685500
740 +-23.088900 -42.111600 -76.069100 -76.423700
741 +-27.932300 -45.826000 -74.127700 -74.306100
742 +-32.159500 -49.538400 -71.459100 -71.469800
743 +-36.366100 -52.663800 -68.666400 -68.567800
744 +-42.362900 -56.775000 -65.758000 -65.658700
745 +-46.712000 -60.075000 -62.798900 -62.827800
746 +-50.319400 -63.155500 -59.648500 -59.764600
747 +-53.585300 -66.288000 -56.235400 -56.580700
748 +-56.664000 -69.429800 -52.287700 -52.583100
749 +-59.854200 -72.305100 -49.138100 -49.782200
750 +-63.392400 -75.176600 -45.525600 -46.231500
751 +-67.197800 -78.325200 -42.241900 -42.881800
752 +-71.266200 -81.655000 -39.293700 -39.642900
753 +-75.235500 -84.867100 -37.004700 -36.737500
754 +-78.809800 -87.993800 -35.648400 -34.669200
755 +-81.730000 -90.854900 -34.817900 -33.670200
756 +-84.058200 -93.037000 -34.320500 -33.865500
757 +-85.860500 -94.618700 -34.525400 -34.613100
758 +-87.313400 -96.024100 -35.114700 -35.909500
759 +-88.455400 -96.980500 -36.395100 -37.529400
760 +-88.795000 -97.156000 -38.096100 -39.579700
761 +-88.682500 -96.966700 -39.602400 -41.429900
762 +-88.825000 -96.681300 -40.869700 -42.892000
763 +-89.158500 -96.354600 -42.111200 -44.763400
764 +-89.570500 -96.223000 -43.524600 -46.437900
765 +-89.681100 -96.054800 -44.590100 -48.292000
766 +-89.325100 -95.568400 -45.484900 -49.347600
767 +-89.221600 -95.345500 -46.556300 -50.759400
768 +-89.473800 -95.430200 -48.834100 -53.383100
769 +-89.635000 -95.361000 -50.467100 -55.183800
770 +-89.538500 -95.115400 -52.223500 -56.986600
771 +-89.289700 -94.744300 -54.413000 -59.056100
772 +-89.189900 -94.386900 -57.219300 -62.260600
773 +-89.257100 -94.072400 -58.577500 -63.185800
774 +-89.715300 -94.042600 -60.960400 -65.429600
775 +-89.955500 -93.813700 -63.448300 -68.097400
776 +-89.914600 -93.687100 -65.819400 -70.629700
777 +-89.480500 -93.439300 -68.566300 -73.203700
778 +-88.808100 -92.920000 -71.363700 -76.106300
779 +-88.001500 -92.272100 -74.063600 -79.208400
780 +-87.086800 -91.620000 -76.429500 -82.768800
781 +-86.148600 -90.861400 -79.641300 -85.987300
782 +-84.975400 -89.880400 -82.592300 -88.622500
783 +-83.455600 -88.703100 -90.172400 -90.513000
784 +-81.893800 -87.561400 -93.793000 -91.675700
785 +-80.292700 -86.165900 -95.510500 -91.864400
786 +-78.639400 -84.547600 -95.108000 -91.644200
787 +-77.264200 -83.198200 -93.447900 -90.920300
788 +-76.184900 -81.778000 -91.572500 -89.558500
789 +-74.957000 -80.006100 -89.566900 -87.689200
790 +-73.262100 -78.047200 -87.544400 -85.639300
791 +-71.687800 -76.032700 -85.615100 -83.674300
792 +-70.654400 -74.256300 -83.554100 -81.710500
793 +-69.591600 -72.704800 -81.571400 -79.917300
794 +-68.479500 -70.988400 -79.792200 -78.318400
795 +-67.399700 -69.065400 -77.948100 -76.438300
796 +-65.999300 -67.106500 -75.666400 -73.746900
797 +-64.339700 -65.127100 -73.159500 -70.948600
798 +-62.656200 -63.117100 -70.683000 -68.871400
799 +-61.089200 -60.877500 -68.787100 -67.541900
800 +-59.516000 -59.149500 -66.740800 -65.468100
801 +-57.511900 -57.377400 -64.535800 -63.529900
802 +-55.304000 -55.505900 -62.483500 -61.699500
803 +-53.435700 -53.643900 -60.759900 -59.922400
804 +-51.710800 -51.955800 -59.114200 -58.283700
805 +-49.919000 -50.355900 -57.545700 -56.775400
806 +-47.839900 -48.450500 -55.988500 -55.082400
807 +-46.363500 -47.184100 -54.333100 -53.243200
808 +-44.783500 -45.907700 -52.881300 -51.482300
809 +-43.316500 -44.796700 -52.177400 -50.438500
810 +-42.084900 -43.896700 -51.896200 -49.781100
811 +-40.913400 -42.944200 -51.999500 -49.961400
812 +-39.591100 -41.871500 -52.668600 -51.011400
813 +-38.181900 -40.712600 -53.182500 -51.712200
814 +-36.663500 -39.453400 -53.718000 -52.252000
815 +-35.222600 -38.306300 -54.366300 -53.012200
816 +-34.186300 -37.505600 -54.993900 -53.933100
817 +-33.356300 -36.877800 -55.624800 -54.661100
818 +-32.627600 -36.281000 -56.658900 -55.274400
819 +-31.709100 -35.472700 -58.103400 -55.833800
820 +-30.054200 -34.049100 -59.310300 -56.980200
821 +-27.829400 -32.119600 -60.415600 -58.664200
822 +-25.626400 -30.382700 -62.089100 -61.568800
823 +-23.654500 -28.898400 -65.473700 -65.207900
824 +-21.825900 -27.377100 -69.487600 -69.568700
825 +-19.843000 -25.670000 -73.696800 -74.300800
826 +-17.709800 -23.591300 -77.475700 -78.184600
827 +-15.059300 -21.161200 -80.590200 -81.265100
828 +-12.633100 -19.024400 -84.486200 -85.143100
829 +-11.266500 -17.925400 -86.621000 -87.704500
830 +-9.506940 -16.504100 -90.720100 -92.078500
831 +-7.432080 -14.913500 -95.906600 -96.730600
832 +-4.598920 -12.598300 -100.383000 -100.477000
833 +-0.632363 -8.837690 -100.083000 -100.106000
834 +1.385780 -6.815100 -95.880700 -96.028900
835 +3.524180 -4.552830 -97.688600 -97.288400
836 +5.530800 -2.436220 -100.090000 -99.603700
837 +7.381280 -0.511182 -100.229000 -99.867900
838 +8.942230 1.341690 -99.855500 -99.861000
839 +10.334200 3.001540 -98.558800 -99.100100
840 +12.514300 5.559520 -97.153100 -98.327600
841 +13.922000 7.252870 -95.593800 -97.285400
842 +15.385600 9.076670 -93.996400 -96.031800
843 +17.055200 10.849900 -92.410800 -94.730400
844 +18.692700 12.415500 -90.879600 -93.332100
845 +21.192900 14.741500 -89.377200 -91.833200
846 +22.308800 16.254800 -87.860100 -90.239700
847 +23.542900 17.606100 -86.346300 -88.733800
848 +25.288600 19.190900 -84.876100 -87.340700
849 +26.923300 20.549700 -83.454500 -85.998900
850 +28.328000 21.718500 -82.043500 -84.825200
851 +29.409100 22.804900 -80.612800 -83.681800
852 +30.538600 24.060700 -79.107100 -82.391300
853 +31.536400 25.517200 -77.558600 -81.011900
854 +32.274400 26.817600 -76.333800 -79.721300
855 +32.902900 27.841700 -75.421800 -78.583300
856 +33.410300 28.807700 -74.252100 -77.321200
857 +33.736700 29.631000 -72.992700 -76.131500
858 +33.989000 30.519000 -72.163600 -75.311200
859 +34.220500 31.402500 -71.431900 -74.525400
860 +34.255600 31.880700 -70.486800 -73.692600
861 +34.255900 32.138500 -69.562700 -72.929100
862 +34.380700 32.400000 -68.891600 -72.317100
863 +34.375500 32.701300 -68.466500 -71.829000
864 +34.301400 33.078600 -67.845500 -71.150000
865 +34.279700 33.196300 -67.104600 -70.480700
866 +34.194300 32.829000 -66.898100 -70.230500
867 +33.988300 32.328700 -66.646700 -69.954000
868 +33.693400 31.655500 -65.982200 -69.467000
869 +33.407900 31.036200 -65.781700 -69.382000
870 +33.162900 30.499200 -65.758600 -69.365200
871 +32.792700 30.120000 -65.696700 -69.285400
872 +32.058900 29.451100 -65.762800 -69.310900
873 +31.015800 28.325200 -65.975000 -69.569800
874 +30.042100 27.276700 -66.269300 -69.908400
875 +29.458100 26.516300 -66.535900 -70.177400
876 +28.925300 25.554400 -66.852200 -70.508300
877 +28.118800 24.553700 -67.328700 -70.899600
878 +26.985600 23.823900 -67.679700 -71.123400
879 +26.463100 22.862500 -68.067000 -71.532400
880 +25.458700 21.941900 -68.449300 -71.962300
881 +24.368700 21.150800 -69.011700 -72.456600
882 +23.518900 20.285700 -69.615200 -72.969800
883 +22.413400 19.413500 -70.304800 -73.555500
884 +20.780500 18.324200 -71.153700 -74.266300
885 +19.264300 17.186900 -72.002600 -74.982100
886 +17.900200 16.285100 -72.786400 -75.564600
887 +16.517100 15.394100 -73.614600 -76.097400
888 +15.185400 14.496100 -74.476400 -76.712700
889 +13.921700 13.708000 -75.227300 -77.350300
890 +12.476800 12.817000 -75.984000 -78.029700
891 +10.980600 11.905100 -76.789100 -78.700900
892 +9.923810 11.259500 -77.449300 -79.184600
893 +8.644580 10.477400 -77.929200 -79.538200
894 +7.202560 9.633910 -78.336700 -79.909500
895 +5.623200 8.390030 -78.809200 -80.333300
896 +3.947040 6.987940 -79.373400 -80.705100
897 +2.264380 5.727480 -79.880400 -80.956700
898 +1.086960 4.841440 -80.224000 -81.131500
899 +0.117664 4.091820 -80.459100 -81.260100
900 +-1.220610 3.005210 -80.710500 -81.412400
901 +-2.647630 1.828090 -80.946400 -81.565500
902 +-3.786490 0.904923 -81.048800 -81.560200
903 +-4.990710 -0.061785 -81.141200 -81.447000
904 +-5.999920 -0.806314 -81.237400 -81.413400
905 +-6.912010 -1.544120 -81.141300 -81.314000
906 +-7.925470 -2.475530 -80.903900 -81.060500
907 +-8.889430 -3.425970 -80.857900 -81.047600
908 +-9.944590 -4.574050 -80.698300 -80.906300
909 +-10.865400 -5.439300 -80.474000 -80.622400
910 +-11.717200 -6.071600 -80.248100 -80.322600
911 +-12.529600 -6.690950 -79.973900 -80.018400
912 +-13.537300 -7.550200 -79.586200 -79.691700
913 +-14.447800 -8.511440 -79.171300 -79.376900
914 +-15.100300 -9.322650 -78.798300 -79.055400
915 +-16.119200 -10.377100 -78.412400 -78.639500
916 +-16.265500 -10.588400 -77.972500 -78.154200
917 +-17.678900 -12.221300 -77.427300 -77.611200
918 +-18.775900 -13.550800 -76.843400 -76.779500
919 +-19.797300 -14.666100 -76.346400 -75.804700
920 +-20.928900 -15.949500 -75.883800 -75.084900
921 +-21.853100 -17.192900 -75.330500 -74.609500
922 +-22.298800 -17.972600 -74.714900 -74.376700
923 +-22.684000 -18.420900 -74.093600 -73.926600
924 +-22.903600 -18.883400 -73.351300 -73.427700
925 +-22.446200 -19.022100 -72.500200 -72.789400
926 +-21.195300 -18.324600 -71.627800 -72.187300
927 +-22.212500 -19.766300 -70.592400 -71.516400
928 +-22.245700 -20.248300 -69.630800 -70.935900
929 +-22.698400 -21.082700 -68.799300 -70.619700
930 +-23.004000 -21.968800 -67.803000 -70.354300
931 +-23.225600 -22.873700 -66.557200 -69.945600
932 +-23.833700 -24.186900 -65.197400 -69.570000
933 +-24.483300 -25.810900 -63.567500 -69.178900
934 +-24.655100 -26.914500 -61.985100 -69.114200
935 +-24.657600 -27.788700 -60.741200 -69.522900
936 +-24.947300 -28.973300 -59.510500 -70.060400
937 +-25.153500 -30.125700 -58.233100 -70.384100
938 +-25.160100 -31.249000 -57.309700 -71.204500
939 +-25.210700 -32.337200 -56.321000 -71.918300
940 +-25.069300 -33.118000 -54.996700 -72.243000
941 +-25.423700 -34.355100 -53.492100 -72.554700
942 +-25.693600 -35.479500 -52.085100 -73.073700
943 +-25.900100 -36.611600 -50.952700 -74.008800
944 +-26.022300 -37.564900 -50.549100 -75.731200
945 +-26.341300 -38.333900 -49.433300 -76.680500
946 +-26.438800 -38.952200 -47.691800 -76.997900
947 +-26.555900 -39.951700 -45.842900 -77.405900
948 +-27.102100 -41.313100 -43.666400 -77.620600
949 +-28.012500 -42.661900 -43.280000 -79.742500
950 +-28.828500 -43.687000 -42.330700 -81.332600
951 +-29.203600 -44.359300 -41.039700 -82.590400
952 +-29.139500 -44.539600 -39.569300 -83.804500
953 +-29.624100 -45.216200 -38.055600 -85.146100
954 +-30.002700 -45.758600 -36.259000 -86.170200
955 +-30.612000 -46.380700 -33.758600 -86.265100
956 +-31.536000 -47.097400 -31.037100 -86.211500
957 +-31.458200 -46.908900 -28.805300 -86.802600
958 +-31.811100 -47.051100 -26.907600 -87.456300
959 +-32.566100 -47.449400 -25.221500 -88.138400
960 +-33.219400 -47.748800 -23.909600 -89.038000
961 +-33.821400 -48.045700 -22.734400 -89.753400
962 +-34.769200 -48.605300 -21.563500 -90.476500
963 +-34.819900 -48.084800 -20.562700 -91.326100
964 +-35.803500 -48.475500 -19.756000 -92.067100
965 +-36.501400 -48.900800 -19.061300 -92.574000
966 +-36.876700 -49.041500 -18.408800 -93.005300
967 +-37.125800 -48.827100 -17.858000 -93.806500
968 +-37.385100 -48.652000 -17.521300 -95.106200
969 +-37.791400 -48.592300 -17.263800 -96.415100
970 +-38.390900 -48.712200 -17.039400 -97.304600
971 +-38.833800 -48.913200 -16.920500 -98.260400
972 +-38.978500 -48.885200 -17.074700 -99.924600
973 +-39.347700 -48.951300 -17.081300 -100.665000
974 +-39.802300 -49.043200 -17.240800 -101.598000
975 +-40.121800 -49.017200 -17.162400 -102.051000
976 +-40.676900 -49.146600 -16.757000 -101.943000
977 +-41.018500 -49.144300 -16.320700 -101.953000
978 +-40.974500 -48.940800 -15.851000 -102.029000
979 +-40.985600 -48.689200 -15.256200 -101.968000
980 +-41.121700 -48.373500 -14.681400 -101.792000
981 +-41.369000 -48.146100 -14.271200 -101.553000
982 +-41.647400 -48.015700 -13.847900 -101.148000
983 +-42.078200 -48.064700 -13.373500 -100.918000
984 +-42.494500 -48.233300 -12.738600 -100.631000
985 +-42.775000 -48.313300 -12.223700 -100.646000
986 +-43.270400 -48.404900 -11.826500 -101.234000
987 +-43.502100 -48.321900 -11.542300 -101.396000
988 +-43.178400 -47.825600 -11.456000 -101.559000
989 +-43.850300 -47.979000 -11.675000 -101.774000
990 +-44.161400 -47.894400 -11.975000 -102.126000
991 +-44.328100 -47.890900 -12.246300 -102.460000
992 +-44.706800 -48.010500 -12.785300 -102.989000
993 +-44.976500 -47.925600 -13.669100 -103.572000
994 +-44.980800 -47.710400 -14.773900 -103.829000
995 +-45.175900 -47.782100 -16.072200 -103.818000
996 +-45.065800 -47.739100 -17.234900 -103.596000
997 +-44.865700 -47.865600 -18.105400 -103.109000
998 +-44.400000 -47.638100 -18.921200 -102.612000
999 +-44.040600 -47.430000 -19.733000 -102.302000
1000 +-43.422600 -47.145100 -19.678000 -102.091000
1001 +-42.480500 -46.604800 -19.620800 -101.626000
1002 +-41.676800 -46.428100 -19.779200 -101.243000
1003 +-40.877000 -46.438500 -20.272400 -101.273000
1004 +-39.924000 -46.151800 -20.933900 -101.578000
1005 +-39.172900 -45.928200 -21.554900 -101.758000
1006 +-38.621300 -45.931600 -22.155400 -101.641000
1007 +-38.027900 -45.882600 -22.715900 -101.275000
1008 +-37.402800 -45.938700 -23.169500 -100.734000
1009 +-36.677500 -45.956400 -23.325000 -99.967100
1010 +-36.033700 -45.709000 -23.249000 -99.033400
1011 +-35.502900 -45.580400 -23.082000 -98.054500
1012 +-35.031800 -45.714800 -23.110600 -97.611400
1013 +-34.892900 -45.955900 -22.987600 -96.899700
1014 +-35.066500 -46.297300 -23.088300 -97.285100
1015 +-35.283800 -46.536100 -22.728600 -96.927000
1016 +-35.429500 -46.628000 -21.791200 -95.789700
1017 +-35.795500 -46.957300 -20.760900 -95.465100
1018 +-36.413200 -47.493800 -19.965800 -95.528400
1019 +-36.670400 -47.797000 -19.244100 -95.627200
1020 +-36.695300 -47.883300 -18.500100 -95.886800
1021 +-37.691600 -48.918300 -17.882700 -96.287900
1022 +-37.903500 -48.963200 -17.326000 -96.640200
1023 +-38.440700 -49.303800 -16.860800 -97.141200
1024 +-39.100400 -49.709800 -15.700800 -96.973100
1025 +-39.455000 -49.937900 -15.309500 -97.298600
1026 +-39.851700 -50.199200 -14.779000 -97.286300
1027 +-40.322500 -50.411300 -14.420800 -97.820500
1028 +-40.566400 -50.247200 -13.816500 -98.120800
1029 +-40.547800 -49.771600 -13.221000 -97.986400
1030 +-40.508100 -49.321600 -11.636500 -97.301600
1031 +-40.627600 -49.098300 -10.935600 -97.547000
1032 +-40.868200 -49.000000 -10.407800 -97.608500
1033 +-41.268500 -48.913800 -10.051100 -97.751800
1034 +-41.750000 -48.873700 -9.955310 -97.896100
1035 +-42.165100 -49.009000 -10.377000 -98.066400
1036 +-42.510800 -49.073000 -11.074900 -98.144500
1037 +-42.911400 -48.870600 -11.956200 -98.234400
1038 +-43.351500 -48.603000 -13.056500 -98.574100
1039 +-43.533600 -48.241000 -14.042500 -98.862800
1040 +-43.560800 -47.780300 -14.655000 -98.703800
1041 +-43.505900 -47.258600 -15.047500 -98.391100
1042 +-43.203200 -46.787500 -15.627000 -98.322800
1043 +-43.257800 -46.609400 -16.245500 -98.343600
1044 +-43.636100 -46.422500 -16.557900 -97.751600
1045 +-43.559500 -45.897600 -16.926600 -97.261300
1046 +-43.278700 -45.338400 -17.465000 -96.919800
1047 +-43.224600 -44.883400 -17.790300 -95.943600
1048 +-44.077900 -45.312300 -18.205900 -95.304000
1049 +-44.097500 -44.787000 -18.539600 -94.504200
1050 +-44.276600 -44.519200 -18.848600 -93.554700
1051 +-44.425300 -44.397100 -19.246200 -93.130200
1052 +-44.407400 -44.258500 -19.676700 -92.580600
1053 +-44.147700 -43.893500 -20.272900 -92.334400
1054 +-43.780400 -43.418300 -20.775900 -92.114200
1055 +-43.607800 -43.031800 -21.397800 -91.879900
1056 +-43.626500 -42.822100 -22.202100 -91.737800
1057 +-43.772500 -42.808400 -23.254300 -91.721700
1058 +-43.835000 -42.704600 -24.538600 -91.744000
1059 +-43.703200 -42.405800 -25.795400 -91.723600
1060 +-43.666000 -42.144200 -26.745800 -91.473800
1061 +-43.585300 -41.918100 -27.691800 -91.336500
1062 +-43.329800 -41.656800 -28.843700 -91.138200
1063 +-43.067700 -41.456100 -29.883400 -90.588700
1064 +-42.700800 -41.299800 -30.766300 -90.335000
1065 +-42.080100 -41.074800 -31.616700 -90.470000
1066 +-41.352600 -40.837100 -32.396400 -90.462900
1067 +-40.670600 -40.718800 -33.102500 -90.420100
1068 +-40.156200 -40.725300 -33.607100 -90.431900
1069 +-40.012900 -41.165000 -33.685400 -90.276900
1070 +-39.329400 -41.222400 -33.447400 -90.029300
1071 +-38.635700 -41.277300 -33.120100 -89.650700
1072 +-38.101500 -41.413800 -32.899200 -89.267600
1073 +-37.540200 -41.400600 -33.022200 -89.326600
1074 +-37.097000 -41.402000 -33.323000 -89.664000
1075 +-36.529900 -41.358900 -33.520000 -89.900500
1076 +-35.909100 -41.309900 -33.482700 -90.019400
1077 +-35.450800 -41.338700 -33.063200 -90.043100
1078 +-35.276800 -41.626200 -32.355800 -89.981900
1079 +-35.516800 -42.279600 -31.475500 -89.971000
1080 +-35.170700 -42.367200 -30.483100 -90.095300
1081 +-35.184800 -42.705000 -29.490500 -90.325300
1082 +-35.373000 -42.973300 -28.363000 -90.642600
1083 +-35.418700 -42.903000 -27.079600 -90.990700
1084 +-35.577900 -42.983800 -25.792700 -91.432900
1085 +-35.819200 -43.349600 -24.440200 -91.817200
1086 +-35.746000 -43.594200 -23.076900 -92.085400
1087 +-35.639800 -43.898100 -21.987700 -92.535300
1088 +-35.899600 -44.380000 -20.781400 -92.454400
1089 +-36.230900 -44.709700 -19.765600 -92.769800
1090 +-36.375600 -44.952600 -18.979000 -93.319100
1091 +-36.359900 -44.968400 -18.270100 -93.459100
1092 +-36.348300 -44.814700 -17.634700 -93.490800
1093 +-36.484800 -44.882100 -17.103600 -93.578200
1094 +-36.804500 -45.136100 -16.770800 -93.613800
1095 +-37.185900 -45.348100 -16.421000 -93.391300
1096 +-37.293500 -45.306100 -16.182500 -93.169300
1097 +-37.109000 -44.981000 -16.302700 -93.164600
1098 +-36.990000 -44.557900 -16.710400 -93.284700
1099 +-37.053600 -44.213000 -17.337600 -93.427000
1100 +-37.213700 -44.013900 -18.123800 -93.606500
1101 +-37.423400 -43.904900 -18.756000 -93.692500
1102 +-37.572200 -43.666100 -19.079700 -93.407200
1103 +-38.604300 -44.287600 -19.291300 -93.050000
1104 +-39.020900 -44.499100 -19.359700 -92.720300
1105 +-39.289200 -44.566900 -19.227300 -92.148900
1106 +-39.572600 -44.444800 -18.983500 -91.739700
1107 +-39.850300 -44.240100 -18.881500 -91.295200
1108 +-40.229000 -44.227000 -18.844600 -91.098100
1109 +-40.322300 -44.140100 -18.657800 -90.683900
1110 +-40.281600 -44.043000 -18.366800 -90.114400
1111 +-40.675600 -44.146200 -18.076000 -89.718300
1112 +-41.175600 -44.144100 -17.823300 -89.348600
1113 +-41.618700 -44.312000 -17.626600 -89.242000
1114 +-41.332700 -43.887900 -17.672200 -89.766900
1115 +-41.439000 -43.618600 -17.922500 -90.795900
1116 +-41.735100 -43.647500 -18.032000 -90.867600
1117 +-41.621600 -43.435800 -18.101900 -90.337400
1118 +-40.783100 -42.362500 -18.172100 -91.091800
1119 +-40.704800 -42.190900 -18.286900 -91.684600
1120 +-40.649100 -41.964800 -17.651900 -90.925100
1121 +-40.618900 -41.729200 -18.586200 -91.982600
1122 +-40.614700 -41.879900 -19.147100 -92.287800
1123 +-40.401600 -41.926800 -20.116600 -92.525100
1124 +-39.952600 -41.672100 -20.034800 -90.953700
1125 +-39.348400 -41.431300 -20.720700 -90.275500
1126 +-38.783900 -41.340300 -22.058300 -90.595100
1127 +-38.355300 -41.411200 -23.809500 -91.543000
1128 +-37.586800 -41.466400 -24.190500 -90.850000
1129 +-36.678200 -41.523900 -24.942200 -90.864700
1130 +-35.960400 -41.699300 -25.860200 -91.333700
1131 +-35.148200 -42.056600 -26.580800 -91.929600
1132 +-34.371900 -42.506900 -26.970900 -92.289500
1133 +-33.717300 -42.918200 -26.994900 -92.281700
1134 +-32.983800 -43.413100 -26.743500 -91.760000
1135 +-31.209200 -43.027600 -26.574600 -91.393200
1136 +-31.249400 -44.206700 -26.215700 -90.953400
1137 +-30.514800 -44.640500 -25.931900 -90.706700
1138 +-30.040900 -45.008300 -25.745700 -90.538300
1139 +-29.717500 -45.287200 -25.524000 -90.291600
1140 +-29.901400 -46.114500 -25.437800 -90.270900
1141 +-29.322500 -45.783100 -25.376300 -90.442500
1142 +-29.303200 -45.973400 -25.251900 -90.519500
1143 +-29.462900 -46.251600 -24.975400 -90.244400
1144 +-29.899600 -46.447200 -24.543600 -89.830500
1145 +-30.385900 -46.736200 -24.290800 -89.839600
1146 +-30.480700 -46.634600 -23.347600 -88.888700
1147 +-30.537400 -46.242000 -22.778200 -88.581600
1148 +-30.932300 -46.023800 -22.218500 -88.289200
1149 +-31.447700 -45.833000 -21.695500 -88.237000
1150 +-31.884900 -45.553100 -21.169800 -88.132700
1151 +-32.207900 -45.042200 -20.607500 -87.676300
1152 +-32.478900 -44.594700 -20.066300 -87.390500
1153 +-32.849800 -44.456300 -19.610000 -87.369900
1154 +-33.532100 -44.534800 -19.193500 -87.273300
1155 +-34.203100 -44.645000 -18.900400 -87.185800
1156 +-34.568800 -44.415200 -18.712000 -87.042100
1157 +-34.950500 -44.204100 -18.544200 -86.658100
1158 +-35.427800 -44.209900 -18.466700 -86.308300
1159 +-36.029300 -44.127300 -18.533600 -86.324900
1160 +-36.674000 -43.916800 -18.569600 -86.067900
1161 +-37.216500 -43.587200 -18.766300 -85.929200
1162 +-37.745500 -43.341000 -19.016400 -85.804000
1163 +-38.377800 -43.347600 -19.209400 -85.492700
1164 +-39.180800 -43.439400 -19.568100 -85.386200
1165 +-39.998900 -43.427700 -20.140900 -85.569100
1166 +-40.492900 -43.227800 -20.666200 -85.623700
1167 +-40.665800 -42.813700 -21.043300 -85.252000
1168 +-41.023200 -42.548300 -21.425100 -84.549200
1169 +-41.596900 -42.537200 -21.824500 -83.869900
1170 +-42.231600 -42.611700 -22.252900 -83.277500
1171 +-42.813900 -42.521700 -22.767900 -82.794800
1172 +-43.106200 -42.201700 -23.356900 -82.230900
1173 +-43.445300 -42.033100 -23.748200 -81.213900
1174 +-43.863000 -41.867800 -25.001700 -81.920200
1175 +-44.247000 -41.735600 -25.721900 -81.496800
1176 +-44.821700 -41.923300 -26.061900 -80.317100
1177 +-45.216000 -41.940900 -26.227600 -79.019700
1178 +-45.210700 -41.576400 -26.561400 -78.203100
1179 +-45.336400 -41.375000 -26.837300 -77.642800
1180 +-45.728400 -41.364700 -27.067100 -77.364500
1181 +-46.083300 -41.296400 -27.308800 -77.189000
1182 +-46.282800 -41.153100 -27.901800 -76.914900
1183 +-46.510100 -41.070000 -28.659900 -76.111200
1184 +-46.713800 -41.046300 -29.531500 -75.567600
1185 +-46.725900 -40.910300 -30.414500 -75.340900
1186 +-46.942600 -40.887000 -31.315200 -75.028100
1187 +-46.996100 -40.872500 -32.431400 -74.856000
1188 +-46.240200 -40.498500 -33.604700 -74.828400
1189 +-45.983100 -40.868700 -34.660200 -74.890300
1190 +-45.362000 -40.951700 -35.696100 -75.097800
1191 +-44.833800 -40.993900 -36.591100 -75.358500
1192 +-44.290100 -41.270200 -37.771200 -76.567800
1193 +-43.511000 -41.504800 -38.620100 -77.236900
1194 +-42.765900 -41.845100 -38.817700 -77.401900
1195 +-42.225200 -42.418300 -38.848200 -77.783000
1196 +-41.784000 -43.291200 -38.659900 -78.127600
1197 +-41.291200 -44.135800 -38.091000 -78.196500
1198 +-40.827300 -44.774200 -37.192300 -78.390200
1199 +-40.378000 -45.431000 -35.720300 -78.093400
1200 +-39.787100 -46.095500 -33.760000 -76.805900
1201 +-39.110300 -46.682500 -32.937700 -77.410900
1202 +-38.548500 -47.383800 -32.007100 -77.991600
1203 +-38.165500 -48.238400 -31.044400 -78.757800
1204 +-37.770600 -48.970500 -30.006500 -79.626900
1205 +-37.415600 -49.741000 -28.641500 -80.119800
1206 +-37.306700 -50.703300 -27.075600 -80.401800
1207 +-37.261600 -51.473800 -25.493000 -80.698600
1208 +-37.231200 -52.045400 -23.916800 -80.927000
1209 +-37.101200 -52.421100 -22.421200 -81.193300
1210 +-36.810200 -52.569600 -21.058100 -81.470100
1211 +-36.573700 -52.657800 -19.708100 -81.633600
1212 +-36.390300 -52.822200 -18.271200 -81.756500
1213 +-36.341900 -53.163400 -16.978000 -81.993100
1214 +-36.248600 -53.291400 -16.007500 -82.255400
1215 +-36.768600 -53.997000 -15.213100 -82.238700
1216 +-36.281000 -53.807000 -14.876900 -82.544800
1217 +-35.819400 -53.499200 -14.535000 -82.471800
1218 +-35.539200 -53.489800 -14.545700 -82.516100
1219 +-35.247300 -53.555200 -14.647700 -82.569000
1220 +-34.899400 -53.263200 -14.808600 -82.616300
1221 +-34.591800 -52.742900 -15.040100 -82.573100
1222 +-34.515700 -52.479600 -15.646400 -82.932300
1223 +-34.927900 -52.695700 -15.631700 -82.551100
1224 +-34.948200 -52.452700 -15.726500 -82.279000
1225 +-35.105400 -52.199100 -15.947100 -82.342300
1226 +-35.408200 -51.950500 -16.233700 -82.534700
1227 +-35.701200 -51.600300 -16.250000 -82.322600
1228 +-36.093900 -51.404400 -16.065000 -81.847000
1229 +-36.686200 -51.240500 -16.083200 -81.655900
1230 +-37.365000 -50.963300 -16.157200 -81.605100
1231 +-37.845600 -50.633000 -16.081200 -81.378100
1232 +-37.962300 -50.114500 -16.132700 -81.195300
1233 +-38.422800 -49.781200 -16.535500 -81.305200
1234 +-39.481300 -49.809700 -17.217600 -81.609200
1235 +-40.547100 -49.947700 -17.942400 -81.488800
1236 +-40.350400 -49.257200 -18.842600 -81.518500
1237 +-40.439800 -48.698900 -19.816200 -81.745600
1238 +-41.062200 -48.651900 -20.814300 -82.132600
1239 +-42.204800 -49.242000 -21.540700 -81.777200
1240 +-42.114200 -48.618400 -22.368700 -81.818700
1241 +-41.970300 -48.218600 -23.186200 -82.185100
1242 +-42.084500 -48.240300 -23.748600 -82.258200
1243 +-42.363900 -48.087600 -24.019600 -82.121500
1244 +-42.527500 -47.731500 -24.236500 -81.867900
1245 +-42.576600 -47.478200 -24.307100 -81.455900
1246 +-42.646800 -47.420800 -24.522100 -81.604300
1247 +-42.695000 -47.301500 -24.942900 -82.152200
1248 +-42.430500 -46.849900 -25.564000 -82.219600
1249 +-42.005700 -46.374200 -25.429700 -81.611000
1250 +-42.493200 -46.739600 -25.951600 -81.971700
1251 +-41.737600 -46.035100 -25.948600 -82.111900
1252 +-41.685700 -46.186500 -25.886900 -82.435100
1253 +-41.387400 -45.882900 -26.105100 -83.338400
1254 +-40.546600 -45.193800 -26.645700 -84.505400
1255 +-39.629000 -44.864700 -27.498700 -86.438200
1256 +-38.885400 -44.710200 -28.215400 -87.040000
1257 +-38.035000 -44.489700 -28.613100 -87.158600
1258 +-36.759500 -44.262600 -28.738000 -87.204000
1259 +-34.107600 -42.911700 -28.808000 -87.395500
1260 +-32.612100 -42.370800 -28.857800 -87.412000
1261 +-30.599800 -41.342400 -28.810200 -87.095900
1262 +-30.136700 -41.701400 -28.800500 -86.870300
1263 +-28.932600 -41.470400 -28.938000 -87.326500
1264 +-27.521200 -40.720500 -28.612800 -87.369500
1265 +-26.172200 -39.630000 -28.248100 -87.392900
1266 +-25.241100 -38.717300 -28.450800 -88.479500
1267 +-24.435900 -37.970600 -28.752600 -89.979800
1268 +-23.676100 -37.207900 -28.670900 -90.790700
1269 +-23.180500 -36.663600 -28.076800 -90.404100
1270 +-22.816800 -36.193400 -27.965600 -91.247600
1271 +-22.535600 -35.451600 -27.701200 -91.591200
1272 +-22.462200 -34.796300 -27.233200 -91.787800
1273 +-22.687400 -34.357400 -26.062400 -91.422100
1274 +-22.871500 -33.751100 -25.576600 -91.728600
1275 +-22.769600 -32.922400 -24.844000 -91.766100
1276 +-23.513400 -32.654500 -24.135000 -91.801600
1277 +-24.095900 -31.988000 -23.021200 -91.277200
1278 +-24.631900 -31.192400 -22.098700 -90.742800
1279 +-25.230200 -30.522400 -21.698500 -90.417700
1280 +-25.838100 -29.859000 -21.429000 -89.842300
1281 +-26.458000 -29.361400 -21.690100 -89.606400
1282 +-26.968500 -29.208500 -21.689800 -88.966600
1283 +-28.626700 -30.280200 -22.244300 -88.857400
1284 +-28.650500 -30.794500 -23.582900 -89.740100
1285 +-29.976900 -31.422800 -24.394700 -89.537800
1286 +-30.786100 -31.669500 -25.867700 -89.878200
1287 +-30.591900 -31.268500 -27.261300 -90.156900
1288 +-31.625500 -31.965700 -28.284300 -89.525800
1289 +-32.479700 -32.637800 -28.993200 -88.791000
1290 +-32.754800 -32.903700 -29.172800 -87.847200
1291 +-33.294200 -33.161100 -28.957100 -86.175500
1292 +-34.242200 -33.801600 -28.607900 -84.362500
1293 +-35.134700 -34.509800 -28.201200 -82.882200
1294 +-35.932000 -35.084700 -27.480600 -81.060500
1295 +-36.466400 -35.462900 -26.543900 -78.949700
1296 +-37.241100 -36.057400 -25.374500 -77.157300
1297 +-38.432000 -36.857100 -24.622900 -76.068700
1298 +-39.619500 -37.560600 -24.023500 -75.096800
1299 +-40.665300 -38.068100 -23.514900 -74.317700
1300 +-41.634200 -38.542800 -23.149800 -73.827200
1301 +-42.622200 -39.211600 -22.928900 -73.436100
1302 +-43.636600 -39.983000 -22.838400 -73.104400
1303 +-44.607000 -40.617200 -23.217600 -73.446600
1304 +-45.496200 -40.940700 -23.558100 -73.464300
1305 +-46.200400 -41.262100 -23.565700 -72.651600
1306 +-46.943200 -41.822500 -24.763100 -73.733400
1307 +-47.792000 -42.247700 -25.654700 -74.233600
1308 +-48.459800 -42.556300 -26.652000 -74.592700
1309 +-49.276100 -43.147100 -27.422800 -74.017600
1310 +-50.287700 -44.000400 -28.324300 -73.979200
1311 +-51.227200 -44.770800 -29.462200 -73.951400
1312 +-51.759000 -44.992400 -30.446100 -73.620700
1313 +-51.614800 -44.658700 -31.345800 -72.917200
1314 +-52.073100 -45.171700 -32.167500 -71.484900
1315 +-52.394600 -45.518000 -32.883400 -69.824600
1316 +-52.233700 -45.331000 -33.448700 -68.242800
1317 +-51.966900 -45.042600 -34.320600 -67.308700
1318 +-51.805700 -45.033300 -35.734300 -67.471200
1319 +-51.828300 -45.360400 -36.722000 -67.287300
1320 +-52.001100 -45.860900 -38.116700 -67.850700
1321 +-51.921100 -46.133800 -39.397500 -68.575300
1322 +-51.612500 -46.296100 -39.270500 -67.477000
1323 +-51.230800 -46.499000 -39.336100 -66.437400
1324 +-50.815200 -46.628800 -39.664500 -66.040400
1325 +-50.473000 -46.927000 -40.108500 -66.413900
1326 +-49.984700 -47.403100 -40.444800 -66.249200
1327 +-49.095300 -47.720300 -40.711900 -66.684000
1328 +-47.888700 -47.667600 -40.661500 -67.273300
1329 +-47.273600 -48.185500 -39.741200 -66.933300
1330 +-46.865500 -48.807500 -37.939100 -65.466200
1331 +-45.698100 -48.583000 -36.743400 -65.536800
1332 +-45.568900 -49.410700 -36.422300 -67.049800
1333 +-45.393700 -49.936500 -34.197100 -66.193100
1334 +-45.275300 -50.245400 -32.972600 -66.755400
1335 +-45.062000 -50.504900 -31.566400 -67.579600
1336 +-44.918700 -50.726200 -29.912200 -68.086000
1337 +-44.891900 -50.949200 -28.110000 -68.185700
1338 +-44.623100 -51.013200 -26.643200 -68.482600
1339 +-44.315200 -50.912100 -25.364000 -68.756000
1340 +-44.120100 -50.741600 -24.307500 -69.121300
1341 +-43.576600 -50.346700 -23.374400 -69.541000
1342 +-43.475400 -50.575600 -22.562300 -69.807100
1343 +-43.170800 -50.664800 -21.485200 -69.456600
1344 +-42.889200 -50.693100 -21.361000 -70.256100
1345 +-42.703200 -50.778400 -20.603700 -70.028600
1346 +-42.481000 -50.826500 -20.333400 -69.604100
1347 +-42.219900 -50.774500 -20.445200 -69.386900
1348 +-42.124900 -50.801500 -25.084000 -74.343300
1349 +-42.353400 -51.002900 -26.618500 -75.626700
1350 +-42.358300 -51.049300 -25.338000 -73.700300
1351 +-42.032600 -50.924700 -23.033500 -71.129600
1352 +-42.088100 -51.187700 -21.688100 -69.806900
1353 +-42.363600 -51.565400 -21.634900 -69.621800
1354 +-42.138900 -51.378100 -21.767700 -69.350200
1355 +-43.126000 -52.129400 -21.912800 -69.150600
1356 +-44.075700 -52.640200 -21.952200 -69.187200
1357 +-44.123900 -52.345800 -22.255900 -69.361600
1358 +-44.234800 -52.100400 -21.998300 -68.703300
1359 +-44.599400 -52.013400 -22.391700 -69.266600
1360 +-45.027100 -51.978400 -21.865400 -68.459000
1361 +-45.568500 -52.095000 -22.338500 -68.997700
1362 +-46.109000 -52.168000 -22.219400 -68.986400
1363 +-46.372500 -51.915900 -21.781500 -68.223500
1364 +-46.661800 -51.722700 -22.397200 -68.116000
1365 +-47.024400 -51.585200 -23.181000 -68.756700
1366 +-47.115900 -51.204000 -26.891700 -72.973500
1367 +-47.052500 -50.692500 -23.651700 -68.655400
1368 +-47.095700 -50.134000 -24.008000 -68.927800
1369 +-47.201100 -49.502800 -24.390900 -69.659700
1370 +-47.729200 -49.408600 -24.942500 -69.991100
1371 +-47.833500 -49.277300 -25.546000 -70.710400
1372 +-47.748000 -49.010400 -26.040800 -71.156800
1373 +-47.755800 -48.563700 -26.200300 -71.458600
1374 +-47.785600 -48.293500 -25.974100 -72.266100
1375 +-48.109700 -48.490300 -26.828000 -73.008100
1376 +-48.395800 -48.641300 -27.478900 -73.014300
1377 +-48.082000 -48.349600 -27.924100 -73.142400
1378 +-47.476300 -47.734100 -27.999900 -73.374300
1379 +-47.042000 -47.166800 -27.849000 -73.622200
1380 +-47.016000 -47.055700 -27.661000 -74.177200
1381 +-46.841200 -46.912500 -27.997700 -75.893500
1382 +-46.345100 -46.809700 -30.311900 -79.171900
1383 +-45.481200 -46.779300 -31.952300 -81.470600
1384 +-44.806700 -46.979000 -32.305700 -81.798500
1385 +-44.285700 -47.056500 -31.905700 -81.208000
1386 +-43.607900 -47.122800 -31.640700 -81.268200
1387 +-43.053700 -47.444500 -31.421500 -81.649400
1388 +-42.648400 -47.799100 -30.973700 -81.574800
1389 +-42.226100 -48.074800 -30.241300 -81.244800
1390 +-41.941700 -48.203400 -29.830500 -81.633800
1391 +-41.916300 -48.665900 -29.355100 -82.126500
1392 +-41.731900 -49.040000 -28.613400 -82.341200
1393 +-41.655900 -49.223200 -27.581600 -82.415300
1394 +-41.809000 -49.450600 -26.437800 -82.739000
1395 +-41.851300 -49.705500 -25.563300 -83.466700
1396 +-41.951500 -50.068000 -24.476500 -83.847800
1397 +-42.253300 -50.633100 -23.274400 -83.630400
1398 +-42.596400 -51.215200 -22.304000 -84.040200
1399 +-42.797100 -51.468200 -21.084500 -83.953200
1400 +-42.697400 -51.210300 -19.681200 -83.578600
1401 +-42.763200 -51.183100 -18.529800 -83.433400
1402 +-43.123000 -51.620800 -17.615400 -83.379300
1403 +-43.325600 -51.851700 -16.915300 -83.048900
1404 +-43.405900 -51.967700 -16.425900 -82.673300
1405 +-43.491000 -52.211400 -15.994300 -82.132200
1406 +-43.458800 -52.333800 -15.093200 -81.074600
1407 +-43.385600 -52.324400 -17.060400 -83.131100
1408 +-43.515400 -52.398200 -16.843100 -82.825800
1409 +-43.659300 -52.515100 -16.954000 -82.753200
1410 +-43.577100 -52.469500 -17.137400 -82.946800
1411 +-43.630500 -52.514700 -17.250400 -83.181400
1412 +-44.066300 -52.839900 -17.493600 -83.570900
1413 +-44.699700 -53.171900 -17.926600 -84.044900
1414 +-44.989700 -53.186600 -18.444100 -84.482000
1415 +-45.192200 -53.053800 -18.893000 -84.683600
1416 +-45.884200 -53.161000 -19.292900 -84.719100
1417 +-46.421100 -53.036300 -19.508800 -84.467600
1418 +-46.581200 -52.538000 -19.796800 -84.134600
1419 +-46.824500 -52.213400 -20.075600 -83.840200
1420 +-47.181100 -52.186800 -20.393400 -83.792800
1421 +-47.620200 -52.171600 -20.524700 -83.383100
1422 +-47.870800 -52.011100 -19.654900 -81.717200
1423 +-47.865300 -51.606900 -19.520500 -81.154000
1424 +-47.969600 -51.249100 -19.862000 -81.124000
1425 +-48.256200 -51.175200 -19.590500 -80.142200
1426 +-48.674800 -51.217500 -19.345100 -79.256600
1427 +-49.365300 -51.585700 -19.444300 -78.968700
1428 +-49.217000 -51.067000 -19.589500 -78.823200
1429 +-49.181000 -50.619900 -19.824500 -78.815800
1430 +-49.383600 -50.612400 -20.297300 -79.142600
1431 +-49.740900 -50.741200 -20.095600 -78.925400
1432 +-50.065400 -50.607000 -20.017500 -78.748300
1433 +-50.351400 -50.361900 -20.459900 -78.794600
1434 +-50.623500 -50.144300 -21.720100 -79.512300
1435 +-50.956300 -49.839800 -22.625800 -79.936800
1436 +-51.165100 -49.430300 -23.909800 -80.450200
1437 +-51.120000 -49.018100 -25.239900 -80.560600
1438 +-51.016500 -48.573600 -26.390100 -80.111200
1439 +-50.813300 -48.124200 -27.242000 -79.518100
1440 +-50.198200 -47.406400 -28.337800 -79.192600
1441 +-50.146800 -47.107800 -29.682700 -79.125800
1442 +-49.788800 -46.807400 -31.154400 -79.473600
1443 +-49.329000 -46.692300 -32.369400 -79.457500
1444 +-48.718400 -46.389600 -33.450700 -78.908900
1445 +-48.100200 -46.163000 -34.288100 -78.522400
1446 +-47.754900 -46.238200 -35.184500 -78.301300
1447 +-47.436100 -46.268700 -35.866600 -77.816100
1448 +-46.726600 -45.835200 -36.260200 -77.272400
1449 +-45.853200 -45.417000 -36.465000 -76.760400
1450 +-45.106900 -45.591700 -36.510900 -76.104600
1451 +-44.252000 -45.607700 -36.580200 -75.498600
1452 +-43.807600 -45.672500 -36.584800 -74.824100
1453 +-43.792900 -46.357000 -36.610000 -74.236300
1454 +-42.669500 -46.448300 -36.572400 -73.775100
1455 +-42.152500 -46.465900 -36.067800 -72.923300
1456 +-41.745300 -46.590000 -35.566000 -72.237800
1457 +-41.708400 -47.139300 -35.310200 -72.022500
1458 +-41.663700 -47.477500 -34.911100 -71.587700
1459 +-41.257600 -47.316900 -34.261800 -70.780900
1460 +-41.043200 -47.435000 -33.512600 -70.034100
1461 +-41.016700 -47.788100 -32.739900 -69.381100
1462 +-40.819200 -47.843800 -31.744400 -68.532800
1463 +-41.489800 -48.591200 -30.483900 -67.481200
1464 +-41.722400 -49.011200 -29.107800 -66.145900
1465 +-41.752900 -49.086200 -27.975600 -65.135200
1466 +-41.861800 -49.176000 -27.301200 -64.585100
1467 +-42.056300 -49.319600 -25.897000 -62.811000
1468 +-42.350100 -49.462600 -25.013300 -61.168900
1469 +-42.490400 -49.467800 -24.272900 -59.722200
1470 +-42.921200 -49.627500 -23.569800 -58.109400
1471 +-43.463000 -49.662000 -23.181500 -56.526000
1472 +-43.530400 -49.165000 -23.079100 -54.876100
1473 +-43.522900 -48.590000 -23.581400 -53.520200
1474 +-44.692600 -49.144600 -24.783200 -53.014800
1475 +-44.732100 -48.828600 -25.942400 -52.287900
1476 +-45.101600 -48.910700 -26.772200 -51.115700
1477 +-45.486200 -49.100700 -28.207000 -50.300000
1478 +-45.788100 -49.068900 -30.199300 -50.233400
1479 +-45.924400 -48.902000 -31.758300 -49.473200
1480 +-46.105000 -48.815700 -33.597800 -49.033000
1481 +-46.625900 -48.984800 -34.909000 -47.777500
1482 +-47.000800 -48.824800 -36.537100 -46.709300
1483 +-47.095400 -48.471100 -37.897800 -45.544600
1484 +-47.390000 -48.507400 -39.295500 -44.383000
1485 +-47.900200 -48.418200 -40.573900 -43.059100
1486 +-48.380800 -48.192700 -41.695300 -41.687400
1487 +-48.982500 -48.167400 -42.623700 -40.185100
1488 +-49.510900 -48.034100 -43.774700 -38.768800
1489 +-49.743400 -47.655100 -44.729200 -37.227100
1490 +-50.022800 -47.381800 -45.525100 -35.558300
1491 +-50.383300 -47.268800 -46.213900 -34.198200
1492 +-50.394700 -46.967100 -47.163200 -33.027400
1493 +-50.342900 -46.681900 -48.310100 -32.094300
1494 +-50.823600 -46.821000 -49.204500 -31.117700
1495 +-51.351600 -47.037500 -49.862500 -30.113800
1496 +-51.674400 -47.126800 -50.659400 -29.339900
1497 +-52.036900 -47.258300 -51.845000 -28.879700
1498 +-52.613200 -47.428700 -53.197900 -28.696600
1499 +-53.241000 -47.527400 -54.478500 -28.788500
1500 +-53.432100 -47.303500 -55.970600 -29.418400
1501 +-53.493500 -46.881700 -57.679400 -30.486300
1502 +-53.501500 -46.398300 -59.190400 -31.545500
1503 +-53.383700 -45.997900 -60.361600 -32.554500
1504 +-53.245700 -45.399300 -61.247200 -33.253500
1505 +-52.885300 -44.277200 -61.917300 -34.043800
1506 +-52.720000 -43.165900 -62.196500 -34.746600
1507 +-52.882600 -42.165400 -62.706100 -35.669900
1508 +-53.014000 -41.169500 -63.767400 -36.946200
1509 +-53.236300 -40.258800 -64.695200 -38.370000
1510 +-53.233200 -39.210500 -65.187700 -39.488900
1511 +-52.837100 -37.976500 -65.337200 -40.190000
1512 +-52.493900 -36.783900 -65.475300 -40.795900
1513 +-52.649900 -36.206400 -66.051400 -41.469600
1514 +-52.086700 -35.298800 -66.294500 -41.691300
1515 +-51.528900 -34.281000 -66.421700 -41.742300
1516 +-51.259400 -33.427900 -66.732600 -41.731300
1517 +-50.915200 -32.807800 -66.752500 -41.450500
1518 +-50.642700 -32.572700 -66.544200 -41.043200
1519 +-50.515900 -32.389500 -66.331100 -40.562600
1520 +-50.377200 -31.929000 -66.388900 -40.063500
1521 +-50.346500 -31.599200 -66.697200 -39.553700
1522 +-50.158900 -31.235400 -66.772600 -38.814900
1523 +-49.715100 -30.654200 -66.308400 -37.710300
1524 +-49.518400 -30.350100 -65.613800 -36.483200
1525 +-49.380900 -30.256700 -65.171100 -35.426900
1526 +-48.980900 -30.064300 -65.282500 -34.513500
1527 +-48.521300 -30.022400 -66.273200 -34.191700
1528 +-48.326200 -30.234800 -66.608500 -33.936000
1529 +-48.480400 -30.715400 -66.234100 -33.379500
1530 +-48.649300 -31.481400 -65.933600 -33.152700
1531 +-48.463500 -31.982400 -65.916000 -33.059500
1532 +-48.157000 -32.236000 -65.688500 -32.766300
1533 +-47.698200 -32.619500 -65.253100 -32.563000
1534 +-46.976900 -33.044400 -65.136900 -32.641200
1535 +-46.627900 -33.726100 -64.852700 -32.524700
1536 +-46.635000 -34.357200 -64.053800 -32.175900
1537 +-46.466500 -34.617900 -63.415600 -31.956300
1538 +-46.180100 -34.984800 -62.977600 -31.808700
1539 +-45.930100 -35.523700 -61.966100 -31.338100
1540 +-46.238700 -36.518400 -61.852400 -31.528200
1541 +-45.870900 -36.894100 -62.073000 -31.990800
1542 +-45.670300 -37.362200 -61.482800 -32.015400
1543 +-45.933900 -38.097100 -60.969400 -32.158800
1544 +-46.280300 -38.929000 -60.520200 -32.304100
1545 +-46.387500 -39.694300 -60.026400 -32.380000
1546 +-46.326500 -40.276700 -59.558600 -32.438800
1547 +-46.054000 -40.527900 -59.636100 -32.991000
1548 +-45.811300 -40.915800 -60.442200 -34.191500
1549 +-45.704600 -41.768000 -59.864400 -34.632300
1550 +-45.462700 -42.490200 -59.332400 -34.754300
1551 +-45.224100 -42.981100 -59.065100 -35.204200
1552 +-45.217100 -43.729700 -58.635500 -35.643100
1553 +-44.877700 -44.329600 -57.947800 -35.989100
1554 +-43.990100 -44.623100 -57.351000 -36.353600
1555 +-43.369300 -45.210000 -57.106400 -36.806800
1556 +-43.002400 -45.713000 -57.179600 -37.303300
1557 +-42.312000 -45.865600 -56.959200 -37.785900
1558 +-41.759700 -46.303800 -56.511100 -38.465300
1559 +-41.552900 -46.978000 -56.444500 -39.349300
1560 +-41.161400 -47.280000 -56.989100 -40.457000
1561 +-40.604300 -47.156600 -58.117800 -41.714200
1562 +-40.010400 -46.851700 -59.267800 -42.950800
1563 +-39.635500 -46.625700 -56.581800 -41.379500
1564 +-39.727600 -46.406900 -59.199100 -43.174100
1565 +-39.823400 -45.879900 -60.326800 -43.957300
1566 +-39.675100 -45.119100 -61.555000 -45.203700
1567 +-39.524700 -44.250100 -61.871500 -45.788300
1568 +-39.603200 -43.592000 -60.854500 -45.094300
1569 +-39.812000 -43.186200 -61.045000 -45.078200
1570 +-39.991800 -42.567200 -61.568500 -45.130800
1571 +-40.157000 -41.921400 -62.028100 -44.912400
1572 +-40.131500 -41.479700 -61.940600 -44.184000
1573 +-40.450400 -41.244600 -62.824500 -44.069500
1574 +-40.890100 -40.951700 -63.858000 -44.045600
1575 +-41.455000 -40.673300 -64.592100 -43.383300
1576 +-41.734400 -40.173800 -64.925400 -42.543000
1577 +-42.078300 -39.843700 -65.493100 -42.265600
1578 +-42.666900 -39.484900 -66.952500 -42.128900
1579 +-43.147000 -38.988600 -67.886500 -41.346400
1580 +-43.714000 -38.642100 -67.082300 -39.855300
1581 +-44.166000 -38.247700 -67.368100 -38.725800
1582 +-44.497700 -38.032800 -67.603100 -37.488500
1583 +-44.819900 -38.062200 -67.798700 -36.459500
1584 +-44.789200 -37.956200 -68.078500 -35.799000
1585 +-44.740700 -37.768600 -68.341600 -35.329900
1586 +-44.763900 -37.653800 -67.958000 -34.560500
1587 +-44.574000 -37.599800 -66.544900 -33.395700
1588 +-44.538500 -37.575800 -64.890300 -32.315900
1589 +-44.547300 -37.448500 -65.511900 -32.764100
1590 +-44.340400 -37.257600 -65.579700 -33.624800
1591 +-43.967700 -36.985900 -64.689800 -34.618000
1592 +-43.732100 -36.726900 -64.690700 -35.891800
1593 +-43.868400 -36.610400 -64.293200 -37.488400
1594 +-44.090200 -36.458500 -65.880700 -39.682300
1595 +-44.352600 -36.662600 -64.441700 -40.686600
1596 +-44.599500 -37.072900 -62.292700 -41.112900
1597 +-44.646200 -37.098400 -61.975400 -42.164100
1598 +-45.514400 -37.884900 -61.517300 -42.789600
1599 +-45.853400 -38.472900 -61.046400 -43.335000
1600 +-45.978700 -38.923500 -60.162800 -43.444600
1601 +-45.992400 -39.479700 -59.487400 -43.424400
1602 +-46.060700 -40.221600 -59.998200 -43.849700
1603 +-46.271400 -41.105500 -58.219200 -42.978600
1604 +-46.434900 -41.875100 -58.336700 -43.023200
1605 +-46.694500 -42.492600 -58.097700 -42.719800
1606 +-47.032300 -43.444100 -59.004900 -43.100500
1607 +-47.047400 -44.344400 -56.734700 -41.688700
1608 +-46.791800 -44.791900 -56.343100 -41.193300
1609 +-46.630300 -45.286400 -55.879600 -40.558200
1610 +-46.429400 -45.916500 -53.681600 -38.906100
1611 +-46.733400 -46.871600 -54.426600 -39.120800
1612 +-46.480800 -47.566700 -54.558900 -38.807100
1613 +-46.844200 -48.396000 -54.073200 -38.312500
1614 +-46.665800 -49.407000 -53.904900 -38.121900
1615 +-46.929200 -50.112600 -53.594200 -37.898400
1616 +-47.253500 -51.222900 -53.115100 -37.666800
1617 +-47.747100 -52.537200 -52.954200 -37.822400
1618 +-47.624200 -53.481400 -53.599800 -38.801600
1619 +-47.509800 -54.187700 -53.045100 -39.267900
1620 +-47.187800 -54.689600 -53.583700 -40.637000
1621 +-46.826000 -54.910500 -53.268900 -41.742700
1622 +-46.523300 -54.605200 -52.792900 -42.671800
1623 +-46.190000 -53.956400 -52.651300 -43.795800
1624 +-45.974800 -53.245600 -51.475600 -44.283300
1625 +-45.705800 -52.223100 -51.807700 -45.652100
1626 +-46.424100 -51.741100 -50.829700 -45.887700
1627 +-45.969000 -50.320200 -50.956500 -46.821600
1628 +-45.615500 -49.132500 -51.552700 -47.952300
1629 +-45.642900 -48.304200 -52.778500 -49.552900
1630 +-45.620300 -47.456500 -53.234700 -50.404500
1631 +-45.423900 -46.344100 -53.913100 -50.992200
1632 +-45.301700 -45.002100 -53.490800 -50.428100
1633 +-44.907800 -44.285600 -54.905700 -51.178600
1634 +-44.489900 -43.302700 -56.877300 -52.180100
1635 +-44.220500 -42.452400 -57.294800 -51.670400
1636 +-43.638900 -41.547900 -59.058700 -51.759200
1637 +-42.934100 -40.439000 -60.168000 -51.297800
1638 +-42.474800 -39.360400 -61.210400 -50.918500
1639 +-42.281700 -38.386400 -62.397800 -50.719900
1640 +-42.007300 -37.335500 -62.790800 -49.866900
1641 +-41.515800 -35.990100 -63.309900 -48.894300
1642 +-41.299400 -34.832600 -63.085800 -47.297200
1643 +-41.501500 -34.203500 -63.709400 -46.609700
1644 +-40.582100 -32.331100 -64.800200 -46.002500
1645 +-40.478300 -31.566500 -66.022800 -45.408100
1646 +-40.408800 -30.899100 -67.490400 -44.740500
1647 +-40.285200 -30.206300 -69.474400 -44.163100
1648 +-40.142000 -29.457500 -70.412100 -42.757900
1649 +-39.639200 -28.569500 -70.910800 -40.909300
1650 +-39.110100 -27.786800 -71.104600 -38.863800
1651 +-39.005900 -27.459000 -73.643900 -37.801900
1652 +-38.877700 -27.254900 -74.464700 -35.629700
1653 +-38.751200 -26.830300 -75.234600 -33.485000
1654 +-38.836400 -26.498300 -76.477500 -31.516200
1655 +-39.124400 -26.447200 -78.387700 -30.196800
1656 +-39.557300 -26.451300 -79.427400 -28.766200
1657 +-39.940400 -26.263300 -81.241500 -27.941600
1658 +-40.170200 -25.793800 -82.490600 -27.017300
1659 +-40.281800 -25.114800 -84.179300 -26.588300
1660 +-40.667600 -24.690300 -85.886400 -26.304600
1661 +-41.296900 -24.392000 -88.994900 -26.754500
1662 +-41.734400 -23.611400 -90.356800 -26.657300
1663 +-42.321800 -22.895300 -92.576100 -27.068800
1664 +-43.224300 -22.571100 -95.493200 -27.954600
1665 +-43.884900 -21.944400 -95.877900 -27.815900
1666 +-44.394900 -21.267900 -95.805800 -28.035500
1667 +-45.265200 -21.318300 -96.250200 -28.627800
1668 +-46.099500 -21.490400 -96.862900 -29.455200
1669 +-46.556100 -21.685500 -97.317000 -30.356100
1670 +-46.985200 -22.088500 -97.336000 -31.147600
1671 +-47.352300 -22.423100 -96.823900 -31.819500
1672 +-47.713700 -22.843200 -96.119800 -32.473100
1673 +-48.082900 -23.303000 -95.362400 -33.029800
1674 +-48.315100 -23.522200 -94.566200 -33.364600
1675 +-48.622600 -23.900400 -94.028600 -33.720500
1676 +-48.711500 -24.428000 -93.322600 -33.971400
1677 +-48.591200 -24.799700 -92.810200 -34.102400
1678 +-48.792100 -25.130500 -92.275700 -34.062300
1679 +-49.116900 -25.559300 -91.798800 -34.069200
1680 +-49.178000 -25.922800 -91.572000 -34.043900
1681 +-49.100200 -26.165600 -91.308000 -33.991000
1682 +-49.324800 -26.678000 -90.893800 -33.982600
1683 +-49.705800 -27.324400 -91.115400 -34.154400
1684 +-49.981400 -27.801500 -92.019000 -34.706600
1685 +-50.477200 -28.469600 -91.842100 -34.718200
1686 +-50.959000 -29.065500 -91.560900 -34.606400
1687 +-51.033700 -29.223700 -91.585000 -34.460100
1688 +-51.087800 -29.430600 -91.669600 -34.391700
1689 +-51.313200 -29.936600 -91.430900 -34.238000
1690 +-51.468300 -30.560300 -91.805900 -34.266100
1691 +-51.654200 -31.278100 -91.852100 -34.092800
1692 +-51.947000 -32.121300 -90.829300 -33.712800
1693 +-52.112900 -33.004000 -88.719600 -33.055800
1694 +-51.432900 -33.144200 -87.970800 -33.295500
1695 +-50.979500 -33.630200 -87.519200 -33.573000
1696 +-50.551900 -34.010900 -87.229900 -34.256600
1697 +-50.092700 -34.077800 -87.600300 -35.707000
1698 +-50.406800 -34.764400 -88.411100 -37.428600
1699 +-49.835300 -34.599800 -88.635300 -38.869700
1700 +-49.621900 -34.717300 -88.335600 -40.013400
1701 +-49.549000 -34.714500 -86.819900 -40.561700
1702 +-49.575600 -34.733500 -84.755800 -40.697500
1703 +-49.823900 -34.901500 -83.082600 -40.747800
1704 +-50.078000 -35.136100 -81.940400 -40.589200
1705 +-50.127500 -35.384500 -80.692000 -39.964900
1706 +-50.046300 -35.516100 -80.221300 -39.817200
1707 +-49.951600 -35.503500 -78.992600 -39.125600
1708 +-49.930800 -35.465000 -78.744800 -38.891600
1709 +-49.905000 -35.464500 -78.274100 -38.219000
1710 +-49.948900 -35.349900 -77.277000 -37.175500
1711 +-50.119300 -35.151000 -77.195900 -36.677100
1712 +-50.511600 -35.107600 -76.578800 -35.757000
1713 +-51.057400 -35.003400 -76.146300 -34.938000
1714 +-51.297400 -34.674500 -76.377600 -34.502500
1715 +-51.521400 -34.601200 -74.908700 -32.974900
1716 +-51.554000 -34.627600 -74.316600 -31.796000
1717 +-51.405100 -34.516100 -74.425300 -30.849600
1718 +-51.395200 -34.541500 -74.126100 -29.739200
1719 +-51.361300 -34.548000 -76.050500 -29.901200
1720 +-51.346900 -34.610500 -75.548000 -28.634300
1721 +-51.373800 -34.902500 -75.599200 -27.939500
1722 +-51.298500 -35.141100 -75.558200 -27.303600
1723 +-51.149300 -35.313900 -75.182700 -26.639500
1724 +-50.712300 -35.404900 -75.323200 -26.272300
1725 +-49.662800 -35.119800 -75.498500 -26.023600
1726 +-49.644700 -35.459800 -74.185400 -25.328000
1727 +-49.627500 -35.523000 -73.402100 -25.173700
1728 +-49.382100 -35.416900 -74.062100 -25.749400
1729 +-49.418300 -35.630700 -74.314800 -26.368900
1730 +-49.571600 -36.006100 -73.606500 -26.488300
1731 +-49.325500 -35.906600 -72.819300 -26.761300
1732 +-49.231500 -36.126000 -73.166300 -27.359400
1733 +-49.633400 -36.831900 -73.127800 -27.902800
1734 +-49.142600 -36.726000 -72.053000 -28.062900
1735 +-48.927900 -37.171800 -71.832500 -28.468300
1736 +-48.867000 -37.891000 -71.502700 -28.597800
1737 +-48.979700 -38.537200 -71.401000 -28.725200
1738 +-49.314100 -39.387900 -71.086400 -28.766800
1739 +-49.453600 -40.127600 -69.995600 -28.583300
1740 +-49.276700 -40.632400 -68.693200 -28.363800
1741 +-49.123600 -41.137600 -67.774000 -28.364400
1742 +-49.318100 -41.941200 -67.042800 -28.579200
1743 +-49.503300 -43.033800 -68.560900 -29.631500
1744 +-49.234600 -43.635700 -68.211900 -29.770500
1745 +-49.079900 -44.016100 -67.882700 -30.024900
1746 +-49.078100 -44.778600 -68.335700 -30.626000
1747 +-48.785200 -45.436800 -67.838900 -30.689900
1748 +-48.477000 -45.898000 -67.657900 -30.895200
1749 +-48.377700 -46.518400 -67.330700 -30.999100
1750 +-48.115200 -46.919300 -67.783500 -31.048500
1751 +-48.143800 -47.528200 -66.633500 -30.812600
1752 +-47.924100 -47.957300 -67.184300 -31.530700
1753 +-47.844600 -48.326700 -67.787200 -32.070600
1754 +-47.801500 -48.709900 -68.076500 -32.169700
1755 +-47.935300 -49.273300 -68.666100 -32.442000
1756 +-48.110100 -49.727000 -69.434600 -33.199800
1757 +-47.977000 -49.935000 -69.397500 -34.010400
1758 +-47.784400 -49.964600 -68.777400 -34.541100
1759 +-47.562400 -49.648300 -68.286900 -35.292100
1760 +-47.132000 -49.017900 -68.265700 -36.561900
1761 +-46.714800 -48.373100 -67.904000 -37.438300
1762 +-46.348800 -47.647200 -68.946300 -39.004800
1763 +-45.856200 -46.652500 -67.852300 -39.056500
1764 +-45.416600 -45.557600 -69.507400 -40.591900
1765 +-45.216000 -44.518200 -70.100800 -41.252900
1766 +-45.063900 -43.464100 -69.978000 -41.537800
1767 +-44.941900 -42.450100 -69.393700 -41.657800
1768 +-44.970300 -41.618000 -69.266300 -41.599400
1769 +-44.847600 -40.712100 -68.160000 -40.872300
1770 +-44.422000 -39.517600 -68.341500 -40.607700
1771 +-44.090300 -38.312400 -68.442700 -40.301300
1772 +-43.881400 -36.868700 -69.428700 -40.405600
1773 +-43.458900 -36.005300 -70.284800 -40.376100
1774 +-43.132500 -34.726600 -71.277600 -40.178900
1775 +-42.997100 -33.469500 -72.305100 -39.689900
1776 +-42.591000 -31.759600 -73.193500 -38.985000
1777 +-41.987900 -29.614800 -73.576800 -38.277200
1778 +-41.588600 -27.582500 -74.738200 -37.344300
1779 +-41.602900 -25.683900 -74.716700 -35.933200
1780 +-41.681100 -23.871800 -74.841300 -34.759200
1781 +-41.286400 -22.146600 -74.686100 -33.262400
1782 +-40.626300 -20.193900 -75.710900 -32.294300
1783 +-40.255200 -18.328100 -75.866100 -30.629300
1784 +-40.157500 -16.993100 -76.352000 -29.081200
1785 +-39.976900 -15.719100 -77.233900 -27.573700
1786 +-39.740800 -14.253600 -77.750400 -25.992700
1787 +-39.610000 -13.119200 -76.756300 -23.893800
1788 +-39.258500 -12.236800 -77.699700 -22.519000
1789 +-38.778600 -11.288700 -78.980200 -21.214900
1790 +-38.684900 -10.631600 -79.407500 -20.063700
1791 +-38.861200 -10.300400 -80.148000 -19.240300
1792 +-39.107900 -10.043900 -81.002600 -19.003700
1793 +-39.124700 -9.724720 -81.348500 -19.365300
1794 +-38.921300 -9.192830 -81.606100 -19.379600
1795 +-39.167200 -8.920200 -82.273300 -19.618200
1796 +-39.645500 -8.913670 -82.338600 -19.979900
1797 +-39.739800 -8.432630 -82.484300 -20.668400
1798 +-39.629400 -7.752240 -81.493000 -21.219500
1799 +-39.991100 -7.486770 -80.793700 -22.081200
1800 +-40.852700 -7.431340 -80.861900 -23.265200
1801 +-41.416600 -7.189610 -80.571000 -24.431600
1802 +-41.413500 -6.898590 -79.835100 -25.654700
1803 +-42.376300 -7.435880 -78.572900 -26.650600
1804 +-43.205900 -7.945610 -78.297900 -27.809100
1805 +-43.948000 -8.700260 -76.011500 -28.213200
1806 +-44.583800 -9.712640 -74.375200 -28.693200
1807 +-45.006200 -10.794000 -72.927200 -29.005500
1808 +-45.382400 -11.834600 -72.301800 -29.584600
1809 +-46.051500 -13.076600 -70.683200 -29.765700
1810 +-46.671500 -14.376800 -70.182400 -30.181700
1811 +-46.948200 -15.598500 -69.142800 -30.379600
1812 +-47.181500 -16.892400 -68.422600 -30.658000
1813 +-47.447400 -18.107400 -67.711500 -30.880400
1814 +-47.688300 -19.797200 -67.400800 -30.995400
1815 +-48.202400 -21.186400 -66.106100 -31.194200
1816 +-48.788000 -22.721900 -66.021600 -31.499400
1817 +-49.078600 -24.050300 -66.103100 -31.882900
1818 +-49.284700 -25.176800 -64.578800 -31.903400
1819 +-49.715000 -26.419700 -64.553500 -32.464300
1820 +-50.035700 -27.568200 -64.426900 -32.851200
1821 +-50.094200 -28.701500 -64.506800 -33.450900
1822 +-50.472900 -30.051200 -63.609300 -33.806800
1823 +-50.961100 -31.361800 -63.488900 -34.369400
1824 +-51.090800 -32.474100 -63.226500 -34.712900
1825 +-51.086900 -33.393200 -62.975700 -35.039500
1826 +-51.181900 -34.279000 -62.842100 -35.389400
1827 +-51.300600 -35.231800 -62.965500 -35.493700
1828 +-51.471800 -36.227900 -63.330700 -35.787100
1829 +-51.681000 -37.275100 -59.580600 -34.245800
1830 +-51.675000 -38.176900 -61.857700 -35.561100
1831 +-51.349600 -38.868300 -61.631700 -36.030600
1832 +-50.867000 -39.509400 -61.259800 -37.023300
1833 +-50.318100 -40.043500 -60.787100 -37.756500
1834 +-49.399800 -40.068900 -60.448900 -38.886300
1835 +-48.335000 -39.761600 -60.081800 -39.493300
1836 +-47.520800 -39.501000 -61.788000 -41.715500
1837 +-46.746300 -39.100800 -63.273900 -44.071400
1838 +-46.252800 -38.811100 -61.059400 -44.494500
1839 +-46.216900 -38.716900 -59.490200 -44.916600
1840 +-46.200200 -38.457400 -58.654600 -45.614500
1841 +-46.056200 -38.239400 -58.299200 -46.298800
1842 +-45.863500 -38.080400 -57.763200 -46.569700
1843 +-45.425700 -37.759200 -56.870600 -46.516700
1844 +-45.933700 -38.572500 -56.068800 -46.352800
1845 +-45.588200 -38.738500 -55.697200 -46.284300
1846 +-45.403200 -39.218300 -55.785500 -46.618200
1847 +-44.969600 -39.170800 -55.673100 -46.599600
1848 +-45.218700 -39.580300 -56.130300 -46.886200
1849 +-45.610100 -40.364900 -55.993600 -46.576500
1850 +-46.120800 -41.554700 -56.012100 -46.195200
1851 +-46.486200 -42.481400 -55.819500 -45.589900
1852 +-46.713600 -43.077300 -54.631600 -44.203300
1853 +-46.949400 -43.590800 -53.584900 -42.880800
1854 +-47.148900 -44.087300 -52.660100 -41.570300
1855 +-47.269000 -44.524400 -52.356000 -40.742900
1856 +-47.759200 -45.193900 -51.713200 -39.772700
1857 +-47.935500 -45.512100 -50.968900 -38.862000
1858 +-48.212800 -46.003500 -49.528700 -37.454400
1859 +-48.391300 -46.283500 -47.614500 -35.707500
1860 +-48.531500 -46.277200 -46.731400 -34.972700
1861 +-48.992500 -46.527200 -46.598100 -34.982900
1862 +-48.881700 -46.349100 -45.579300 -34.456600
1863 +-48.818000 -46.119400 -44.849500 -34.314000
1864 +-49.052800 -46.194200 -43.871900 -33.979000
1865 +-49.033900 -46.097700 -42.708700 -33.769100
1866 +-49.070400 -45.899900 -41.842600 -33.794200
1867 +-49.381500 -45.961700 -40.953100 -34.076000
1868 +-49.538300 -46.047600 -38.778900 -33.544200
1869 +-49.645900 -46.191300 -39.482900 -34.966700
1870 +-49.738900 -46.226800 -39.069300 -35.880000
1871 +-49.952200 -46.185100 -38.188800 -36.607300
1872 +-50.279800 -46.478800 -37.930600 -37.764600
1873 +-50.401100 -46.701400 -37.643100 -38.898100
1874 +-50.313000 -46.575000 -37.049200 -39.521900
1875 +-50.204800 -46.337900 -36.244900 -39.756000
1876 +-49.996000 -45.925500 -35.506700 -40.095300
1877 +-49.652200 -45.308100 -34.854100 -40.478200
1878 +-50.230100 -45.733200 -33.689600 -39.928700
1879 +-50.318200 -45.791500 -32.949200 -40.234400
1880 +-50.184100 -45.681700 -31.836000 -39.498700
1881 +-50.018600 -45.667100 -30.881200 -38.762200
1882 +-50.008900 -45.860700 -30.152300 -38.269400
1883 +-50.073300 -46.157600 -29.450200 -37.965900
1884 +-49.941900 -46.411200 -28.877700 -37.371100
1885 +-49.690800 -46.542800 -28.340000 -36.876000
1886 +-49.287700 -46.437700 -28.145200 -36.644100
1887 +-48.890800 -46.506600 -28.167000 -36.640400
1888 +-48.456000 -46.686200 -28.521200 -36.929700
1889 +-47.706300 -46.591800 -29.110500 -37.387600
1890 +-47.043600 -46.427600 -29.712800 -37.948300
1891 +-46.560100 -46.422300 -30.333200 -38.568000
1892 +-46.077200 -46.506100 -30.918300 -39.286700
1893 +-45.603400 -46.524000 -31.755800 -40.241100
1894 +-44.925700 -46.280300 -32.750100 -41.356000
1895 +-44.267200 -45.923200 -33.623500 -42.240600
1896 +-43.992900 -45.801100 -34.527300 -43.053800
1897 +-43.639100 -45.707500 -35.547900 -43.983400
1898 +-42.998800 -45.503700 -36.716500 -45.151600
1899 +-42.540700 -45.396900 -38.077200 -46.560400
1900 +-42.131900 -45.271100 -39.326700 -48.109300
1901 +-41.687100 -45.256500 -40.348100 -49.311600
1902 +-40.435400 -44.315400 -41.079300 -50.022000
1903 +-39.691900 -44.034800 -41.097200 -50.317600
1904 +-39.166300 -43.984700 -41.590900 -51.024600
1905 +-38.716400 -44.110900 -43.261900 -52.974700
1906 +-38.512100 -44.484200 -44.387000 -54.146400
1907 +-38.384400 -44.842000 -44.200900 -53.609100
1908 +-38.355000 -45.321700 -43.232800 -52.540300
1909 +-38.060500 -45.182500 -43.113200 -52.596900
1910 +-38.310000 -45.381300 -42.667200 -52.217700
1911 +-38.800700 -45.946900 -42.019200 -51.516400
1912 +-39.262000 -46.654900 -41.175900 -50.552100
1913 +-39.636800 -47.262000 -40.086900 -49.366700
1914 +-39.941200 -47.642600 -38.571900 -47.953500
1915 +-40.382400 -48.059600 -36.785400 -46.345600
1916 +-40.984500 -48.662700 -35.098000 -44.795200
1917 +-41.622300 -49.275400 -33.559000 -43.527400
1918 +-42.472400 -50.057300 -32.237300 -42.408500
1919 +-43.898200 -51.309100 -31.093100 -41.373800
1920 +-43.890700 -51.344500 -30.233400 -40.529300
1921 +-44.237800 -51.782700 -29.630400 -39.682500
1922 +-44.853200 -52.483000 -29.217300 -38.929900
1923 +-45.557200 -52.885300 -28.779500 -38.157900
1924 +-46.016500 -53.265600 -28.370300 -37.318700
1925 +-46.367600 -53.881400 -28.070600 -36.609600
1926 +-46.813600 -54.555500 -27.951200 -36.174900
1927 +-47.096000 -54.899300 -27.888500 -35.922300
1928 +-47.339200 -55.186400 -27.940500 -35.767600
1929 +-47.788400 -55.704000 -28.079000 -35.627700
1930 +-48.049300 -56.102300 -28.226700 -35.542000
1931 +-48.231500 -56.477900 -28.243100 -35.363800
1932 +-48.540500 -56.856400 -28.001200 -34.779700
1933 +-48.864600 -57.040100 -27.790100 -34.213600
1934 +-49.150700 -57.190600 -27.609900 -33.531200
1935 +-49.210100 -57.062000 -27.415900 -32.797000
1936 +-49.393300 -56.866600 -27.123400 -32.063500
1937 +-49.663900 -56.680800 -26.656400 -31.235200
1938 +-49.899300 -56.309800 -26.091800 -30.216400
1939 +-50.497000 -56.016800 -25.610700 -29.233000
1940 +-51.237500 -55.721700 -25.253300 -28.523600
1941 +-51.706500 -55.239300 -25.042500 -27.997600
1942 +-51.648700 -54.313200 -24.335900 -27.066600
1943 +-52.256700 -53.838100 -23.817300 -26.375400
1944 +-52.548200 -53.163000 -23.417600 -25.825300
1945 +-52.707300 -52.752700 -23.371200 -25.547000
1946 +-52.764200 -52.290300 -23.425400 -25.419800
1947 +-52.784000 -51.640700 -23.372800 -25.237700
1948 +-52.786700 -51.190300 -23.422200 -25.185800
1949 +-52.738700 -50.787300 -23.610900 -25.294400
1950 +-52.002600 -49.668300 -23.865500 -25.464300
1951 +-51.381000 -48.800900 -24.161400 -25.580400
1952 +-50.872400 -48.191700 -24.418000 -25.726300
1953 +-50.723300 -47.730400 -24.700800 -25.992100
1954 +-50.825700 -47.367400 -25.185100 -26.362600
1955 +-50.837900 -46.764800 -25.419200 -26.959000
1956 +-50.582800 -45.835100 -25.762000 -27.691800
1957 +-50.216400 -44.986900 -26.035700 -28.512100
1958 +-50.119700 -44.305700 -26.438000 -29.492900
1959 +-50.228400 -43.501800 -27.014700 -30.619200
1960 +-49.456600 -42.037600 -27.768500 -31.992600
1961 +-49.816900 -41.672200 -28.566900 -33.501300
1962 +-49.869200 -41.170000 -29.400500 -34.911300
1963 +-49.670700 -40.484100 -30.615300 -36.174000
1964 +-49.306000 -39.695100 -32.031500 -37.344700
1965 +-48.694800 -38.700300 -33.364400 -38.510900
1966 +-48.130100 -37.725500 -34.739900 -39.806000
1967 +-47.618800 -36.918600 -36.215200 -41.284900
1968 +-47.501000 -36.644700 -37.783200 -42.904000
1969 +-47.165200 -36.056100 -39.977900 -45.246900
1970 +-46.087300 -34.813000 -43.455900 -48.807700
1971 +-45.024100 -33.914300 -47.618200 -52.747600
1972 +-44.102700 -33.112900 -51.133700 -55.972400
1973 +-43.465300 -32.217900 -53.594700 -58.374000
1974 +-42.984200 -31.216100 -55.674800 -60.205600
1975 +-42.467400 -30.083800 -57.428400 -61.641500
1976 +-41.515800 -28.631400 -59.179900 -63.008500
1977 +-40.438100 -27.222200 -61.243600 -64.656000
1978 +-39.785000 -26.185300 -62.150500 -65.252200
1979 +-39.138600 -25.284900 -63.125600 -65.872200
1980 +-38.069500 -24.317500 -63.825800 -66.446500
1981 +-37.803600 -24.699500 -64.431500 -67.106600
1982 +-36.650700 -23.797400 -64.923500 -67.771900
1983 +-35.526000 -23.333800 -65.002200 -68.130600
1984 +-34.582100 -23.310100 -64.623200 -67.940600
1985 +-34.018200 -23.438400 -63.803100 -67.245000
1986 +-33.682400 -23.590800 -62.727100 -66.393500
1987 +-33.303800 -23.428000 -61.735300 -65.616100
1988 +-32.934500 -23.022100 -60.687700 -64.133300
1989 +-32.884800 -22.940400 -59.233000 -62.957100
1990 +-33.196500 -23.188500 -57.932400 -61.701600
1991 +-33.428100 -23.452400 -56.662100 -60.377100
1992 +-33.502100 -23.745500 -55.006300 -58.865900
1993 +-33.696700 -24.156400 -53.538900 -57.397800
1994 +-34.048300 -24.718600 -51.738800 -55.764800
1995 +-34.340100 -25.337500 -49.467900 -53.911600
1996 +-34.678700 -26.017000 -47.178200 -51.989200
1997 +-35.065900 -26.534200 -44.995200 -50.033900
1998 +-35.298000 -26.833700 -42.758400 -48.017800
1999 +-35.690500 -27.247700 -40.596500 -45.825000
2000 +-36.261700 -27.625400 -38.439000 -43.379600
2001 +-36.916500 -27.980700 -36.343000 -40.702300
2002 +-37.628400 -28.305900 -34.367700 -37.500000
2003 +-38.147800 -28.546600 -32.645200 -35.179300
2004 +-38.437800 -28.778300 -31.163700 -32.904600
2005 +-38.752900 -29.083600 -29.987200 -30.733300
2006 +-39.130800 -29.565400 -29.221300 -28.858700
2007 +-39.308400 -30.059000 -28.631400 -27.234800
2008 +-39.132400 -30.459800 -28.004500 -25.849000
2009 +-38.980600 -31.018500 -27.545400 -24.775800
2010 +-39.120300 -31.695000 -27.308100 -23.972100
2011 +-39.269600 -32.262700 -27.187200 -23.385800
2012 +-39.499100 -32.948500 -27.322400 -23.183000
2013 +-39.619200 -33.396100 -27.742400 -23.638400
2014 +-39.290100 -33.210400 -28.181300 -24.560700
2015 +-39.783900 -33.750000 -29.316300 -26.019900
2016 +-39.886400 -34.088300 -29.879500 -27.199400
2017 +-39.927200 -34.265100 -30.183800 -28.506300
2018 +-40.035200 -34.125700 -30.340800 -29.855800
2019 +-40.080700 -33.969000 -30.453200 -31.100100
2020 +-40.004800 -33.900900 -30.261400 -31.982900
2021 +-39.919000 -33.790900 -29.236500 -32.172400
2022 +-39.926300 -33.729400 -28.958800 -32.656600
2023 +-40.047000 -33.730900 -28.695000 -33.006500
2024 +-40.163000 -33.774900 -28.323900 -33.134200
2025 +-40.174000 -33.804600 -27.728500 -33.142600
2026 +-40.128800 -33.681700 -27.167700 -33.000400
2027 +-40.276900 -33.647700 -26.715700 -32.977600
2028 +-40.722400 -33.953500 -26.392600 -32.932200
2029 +-40.368100 -33.571600 -26.071300 -32.733900
2030 +-39.978300 -33.063800 -25.747800 -32.595900
2031 +-39.729700 -32.594000 -25.491700 -32.585500
2032 +-39.536700 -32.301400 -25.437000 -32.611200
2033 +-39.397600 -32.061800 -26.163800 -32.947900
2034 +-38.982100 -31.543500 -26.400300 -32.930400
2035 +-38.528400 -31.054700 -26.476900 -33.247400
2036 +-38.360600 -30.901800 -26.771000 -33.389400
2037 +-38.057500 -30.606900 -27.285600 -33.427600
2038 +-37.583300 -30.098300 -27.875000 -33.487100
2039 +-37.363300 -29.903000 -28.493600 -33.723800
2040 +-37.220700 -29.725600 -29.152500 -33.545700
2041 +-36.657300 -29.195400 -29.717000 -33.594300
2042 +-36.144100 -28.910400 -30.434500 -33.887100
2043 +-35.976700 -28.895200 -31.152500 -34.323500
2044 +-35.721600 -28.599800 -31.875500 -34.668800
2045 +-35.345600 -28.273000 -32.658700 -35.089300
2046 +-34.847700 -28.084600 -33.491700 -35.701900
2047 +-34.172200 -27.704700 -34.496600 -36.654200
2048 +-33.621100 -27.151100 -35.762600 -37.773100
2049 +-33.338500 -26.830300 -37.113900 -38.940200
2050 +-33.157400 -26.912700 -38.567800 -40.374400
2051 +-32.774800 -26.829800 -40.264600 -42.066100
2052 +-32.145000 -26.433800 -42.171500 -43.858100
2053 +-31.679300 -26.200800 -44.147700 -45.577400
2054 +-30.869300 -25.535000 -46.031600 -47.184500
2055 +-30.025600 -24.820600 -48.093100 -48.853100
2056 +-28.871800 -23.883900 -50.538700 -50.698400
2057 +-28.262400 -23.534700 -52.894900 -52.582800
2058 +-27.261100 -22.718100 -55.249900 -54.689400
2059 +-26.215400 -21.896000 -57.990000 -57.215000
2060 +-25.358000 -21.081800 -61.170500 -60.140700
2061 +-24.505100 -20.026700 -64.510300 -63.301000
2062 +-23.453600 -18.872300 -68.061700 -66.901100
2063 +-22.492700 -17.842600 -71.630200 -70.976600
2064 +-21.097400 -16.251800 -75.172800 -75.201800
2065 +-20.275900 -14.994500 -77.646200 -78.293700
2066 +-19.416800 -13.500500 -79.941600 -81.369300
2067 +-18.329800 -11.699100 -82.165700 -84.344900
2068 +-17.526800 -10.509700 -84.168400 -86.721800
2069 +-16.877200 -9.501470 -86.346300 -88.621300
2070 +-15.970900 -8.346490 -88.373700 -90.782500
2071 +-14.992400 -7.268100 -90.793600 -93.170600
2072 +-14.232000 -6.420830 -94.204800 -96.324700
2073 +-13.574800 -5.726080 -97.870900 -99.548400
2074 +-12.696000 -5.039450 -101.341000 -102.717000
2075 +-11.569500 -4.013270 -104.598000 -105.602000
2076 +-10.179100 -2.642160 -107.637000 -108.240000
2077 +-8.672010 -1.512560 -110.478000 -110.705000
2078 +-7.330750 -0.667394 -113.060000 -112.915000
2079 +-5.601150 0.581954 -115.342000 -114.945000
2080 +-4.753910 0.938542 -117.055000 -116.384000
2081 +-2.769780 2.431220 -117.948000 -116.732000
2082 +-1.767180 3.168670 -119.622000 -117.847000
2083 +-0.611763 4.011040 -121.270000 -119.248000
2084 +0.996054 4.903000 -122.323000 -120.005000
2085 +2.491860 5.829000 -123.996000 -121.281000
1 +-50.866900 -35.533800 -29.528400 -22.223000
2 +-53.047500 -35.208400 -31.855000 -20.266000
3 +-54.433100 -33.888600 -34.208700 -18.229300
4 +-56.251200 -33.948700 -36.554400 -16.109900
5 +-58.715100 -34.540300 -38.809600 -13.952600
6 +-59.166200 -32.968600 -40.565700 -11.917200
7 +-59.931600 -32.090000 -42.065500 -9.951200
8 +-58.800400 -29.544300 -42.812100 -7.823050
9 +-62.359000 -31.420600 -43.412100 -5.915800
10 +-63.921200 -31.512000 -43.999400 -4.224250
11 +-65.001900 -31.585600 -44.328800 -2.687510
12 +-65.443300 -31.032300 -44.426200 -1.277770
13 +-65.855200 -30.643000 -44.147600 0.185615
14 +-66.382700 -30.502700 -43.558100 1.673260
15 +-66.560900 -29.811700 -42.652500 3.375960
16 +-66.916000 -29.460200 -41.561000 5.186490
17 +-67.848700 -29.894200 -40.386800 6.819080
18 +-68.563900 -30.524100 -39.225500 8.082520
19 +-68.950700 -30.831800 -38.089400 9.060140
20 +-69.585300 -31.507400 -36.922700 9.792760
21 +-70.271800 -32.127800 -35.870900 10.239600
22 +-70.337800 -32.004700 -34.959800 10.415500
23 +-70.482700 -31.988400 -34.282400 10.484600
24 +-70.613700 -32.148200 -33.580500 10.472900
25 +-70.463900 -32.306600 -32.765200 10.331500
26 +-70.457000 -32.702100 -32.006400 10.063300
27 +-70.354000 -32.955800 -31.480000 9.716070
28 +-69.877100 -32.964400 -30.997500 9.166250
29 +-69.144600 -32.899500 -30.473900 8.450560
30 +-68.414500 -32.979100 -29.971700 7.623240
31 +-68.083000 -33.549600 -29.572000 6.803380
32 +-67.729100 -34.010700 -29.258300 5.821250
33 +-66.827900 -34.115600 -29.129600 4.682270
34 +-65.798200 -34.330800 -29.078600 3.522610
35 +-64.653400 -34.428800 -28.728900 2.161160
36 +-63.284200 -34.268400 -28.453600 0.798256
37 +-61.780500 -34.999000 -28.526900 -0.762297
38 +-60.100900 -35.455700 -27.955500 -2.635380
39 +-58.012000 -35.693000 -27.858300 -5.560320
40 +-55.739900 -36.258500 -26.883300 -8.653080
41 +-53.264500 -36.838400 -26.195900 -11.690500
42 +-50.612400 -37.734200 -25.503300 -14.710400
43 +-48.088200 -38.538700 -24.240400 -17.745600
44 +-45.868700 -39.320400 -23.108800 -20.768000
45 +-43.533300 -40.401600 -21.778900 -23.582800
46 +-41.171400 -41.608500 -20.287900 -26.553900
47 +-39.295800 -42.816100 -18.696400 -29.239000
48 +-37.874200 -43.923900 -17.023400 -31.559200
49 +-36.974400 -45.294100 -14.961200 -33.537500
50 +-36.355900 -46.918900 -12.721200 -35.146100
51 +-35.259500 -48.221400 -10.693300 -36.671100
52 +-34.828600 -50.081100 -8.897120 -38.140000
53 +-35.746000 -52.653300 -6.553890 -39.246500
54 +-32.811000 -51.376100 -4.450600 -40.043700
55 +-32.030300 -52.401200 -2.541920 -40.606200
56 +-31.531500 -53.352200 -1.002710 -41.223200
57 +-31.342300 -54.195300 1.044380 -41.337000
58 +-31.325800 -55.072700 2.726700 -41.363400
59 +-31.344700 -56.061800 4.507540 -41.202200
60 +-31.230800 -56.896100 6.554280 -40.790600
61 +-31.354300 -57.523600 8.931410 -39.923100
62 +-31.691700 -58.001900 9.967580 -39.711900
63 +-32.151600 -58.696400 11.286200 -39.031600
64 +-32.816900 -59.642900 11.924400 -38.453000
65 +-33.431300 -60.258200 12.119700 -37.806700
66 +-34.002800 -60.717500 12.038800 -37.494900
67 +-34.237700 -60.865100 12.031200 -36.983400
68 +-34.273200 -60.654100 12.625300 -36.246400
69 +-34.222900 -59.871900 12.502200 -36.238500
70 +-34.832700 -59.712000 12.007700 -36.301700
71 +-35.070600 -59.367800 11.423400 -36.098700
72 +-35.494100 -58.828400 10.891400 -35.817600
73 +-36.033600 -58.241200 10.291700 -35.398100
74 +-36.420900 -57.590800 9.699270 -34.745500
75 +-36.929100 -56.862200 8.848940 -34.235800
76 +-37.308600 -55.837700 7.680520 -33.805000
77 +-37.310400 -54.641500 6.856280 -32.969800
78 +-37.770000 -53.747800 6.689850 -31.640800
79 +-40.386000 -53.192900 5.182260 -31.305800
80 +-39.788800 -52.205400 3.615790 -30.801200
81 +-39.821200 -50.859600 2.219580 -29.931300
82 +-40.929400 -49.524400 -0.245969 -29.573800
83 +-41.729000 -48.245300 -2.947320 -29.017100
84 +-42.100200 -46.907100 -5.055680 -27.391900
85 +-42.855700 -45.504000 -8.414020 -26.529100
86 +-43.465800 -43.865200 -11.819200 -25.713400
87 +-44.240800 -42.500300 -13.732700 -23.842800
88 +-45.232100 -41.196100 -16.686500 -22.576100
89 +-46.332400 -39.932400 -18.977900 -21.101400
90 +-47.259300 -38.550400 -22.078900 -19.828600
91 +-48.182100 -37.326600 -25.299600 -18.272800
92 +-49.730800 -36.814900 -28.055700 -16.146300
93 +-51.386900 -36.385500 -30.136200 -14.092900
94 +-52.648200 -35.590400 -32.991600 -12.579500
95 +-53.740500 -34.810400 -35.035400 -10.708600
96 +-55.045000 -34.492300 -36.675000 -8.586710
97 +-56.316900 -34.136100 -38.662700 -6.808430
98 +-57.172100 -33.530700 -40.169400 -4.998890
99 +-58.224300 -33.209000 -40.928300 -2.973310
100 +-59.632900 -33.218400 -41.665200 -0.857845
101 +-60.861700 -33.269300 -41.921500 1.292460
102 +-61.928500 -33.380700 -41.725100 3.600010
103 +-63.129300 -33.610800 -41.133600 6.244650
104 +-64.310800 -33.806500 -41.186700 8.119980
105 +-65.270000 -34.044000 -40.943600 9.891990
106 +-66.183000 -34.324800 -40.543800 11.469000
107 +-67.254500 -34.840400 -40.030000 12.742500
108 +-68.398800 -35.699300 -39.194300 13.883800
109 +-69.206000 -36.021800 -38.770900 14.285700
110 +-70.069600 -36.259400 -38.369600 14.483100
111 +-71.107400 -36.793200 -37.913300 14.645000
112 +-71.878600 -37.228600 -37.100900 14.750900
113 +-72.231700 -37.306700 -36.602700 14.612300
114 +-72.343700 -37.182000 -35.668600 14.331400
115 +-72.393600 -37.199200 -34.934000 13.916500
116 +-72.325700 -37.188300 -34.125500 13.571200
117 +-72.174200 -37.098300 -33.154800 13.079400
118 +-71.697900 -36.912300 -32.175800 12.419600
119 +-71.016000 -36.658100 -31.294800 11.557500
120 +-70.475700 -36.452000 -30.482100 10.464000
121 +-69.958100 -36.336000 -29.553800 9.380480
122 +-69.288100 -36.487100 -28.787000 8.361740
123 +-68.790300 -37.145400 -28.551800 7.151780
124 +-68.308400 -37.780200 -28.048000 5.871900
125 +-67.464200 -38.008200 -27.388600 4.692370
126 +-66.357700 -38.256300 -26.909500 3.016740
127 +-64.764100 -38.020700 -26.649000 1.157540
128 +-63.034100 -37.522200 -26.563500 -0.942689
129 +-61.517600 -37.419600 -26.148500 -3.568150
130 +-59.895200 -37.696600 -25.090500 -6.378200
131 +-57.899700 -38.099100 -23.829600 -8.618560
132 +-55.648000 -38.507700 -22.645000 -11.065100
133 +-53.371600 -39.145000 -21.818300 -14.237500
134 +-50.845500 -39.712300 -20.710600 -17.587600
135 +-48.333300 -40.276200 -19.183200 -20.920800
136 +-46.332800 -41.321300 -18.129600 -24.370300
137 +-44.647100 -42.539100 -16.758400 -27.461600
138 +-43.084800 -43.436000 -14.997500 -30.098100
139 +-41.830400 -44.170800 -13.005100 -32.369100
140 +-40.561300 -45.044000 -10.750200 -34.325600
141 +-39.380300 -46.307600 -8.347720 -35.679500
142 +-38.374600 -47.803300 -6.307740 -36.974300
143 +-37.286900 -48.940900 -5.078160 -40.295100
144 +-36.189100 -49.883100 -1.859820 -39.501500
145 +-35.380600 -50.989400 0.161594 -40.196200
146 +-35.153800 -52.702100 2.009620 -40.709900
147 +-35.010200 -54.267000 4.007230 -40.931200
148 +-34.392600 -55.369400 6.061670 -40.868800
149 +-33.698800 -56.572200 8.134270 -40.718100
150 +-33.268000 -57.844500 9.805410 -40.646500
151 +-32.925000 -58.917400 11.309000 -40.273900
152 +-32.636000 -60.062900 12.551800 -39.880700
153 +-32.091800 -61.176100 13.640600 -39.585600
154 +-31.808300 -62.661400 14.658000 -39.225800
155 +-32.432900 -64.736200 15.852600 -38.226500
156 +-31.231600 -65.036700 16.559300 -37.339700
157 +-30.561500 -65.658400 16.665100 -36.791900
158 +-30.449200 -66.504900 16.609300 -36.010700
159 +-30.084800 -67.125700 16.174300 -34.696500
160 +-29.428600 -67.252500 15.219100 -32.902200
161 +-28.653500 -66.960900 14.868600 -33.255500
162 +-30.492300 -68.742100 13.614300 -34.009200
163 +-27.858200 -66.262500 14.729600 -32.620600
164 +-28.887100 -67.082600 14.052300 -31.415600
165 +-29.431900 -67.082100 13.685700 -32.204400
166 +-29.680900 -66.580200 13.002800 -32.644000
167 +-30.580600 -66.412700 11.626100 -32.327400
1 +-52.719600 -40.187700 -26.970100 -17.449200
2 +-53.301300 -37.862500 -29.426600 -15.833500
3 +-54.054400 -36.196600 -31.848200 -13.990400
4 +-54.829600 -34.755200 -33.976200 -11.782200
5 +-57.302500 -35.133800 -35.866600 -9.645910
6 +-58.863200 -34.661500 -37.733800 -7.792320
7 +-59.821700 -33.901800 -39.350200 -5.817330
8 +-60.784100 -33.481800 -40.618700 -3.744720
9 +-61.865600 -33.345100 -41.661900 -1.906510
10 +-63.756000 -34.203000 -42.363000 -0.020984
11 +-64.216900 -33.458700 -42.638800 2.064990
12 +-64.781600 -33.059300 -42.549200 4.172860
13 +-64.893600 -32.548700 -42.173700 6.202050
14 +-65.037600 -32.173400 -41.661000 8.194920
15 +-65.473600 -32.093900 -41.161700 9.984780
16 +-66.391000 -32.536300 -40.815800 11.301800
17 +-67.480200 -33.199100 -40.119100 12.707300
18 +-67.919000 -33.321500 -39.325200 13.848400
19 +-68.014700 -33.373900 -38.638300 14.654800
20 +-68.388000 -33.562300 -38.062500 15.213600
21 +-68.915800 -33.912100 -37.602300 15.288500
22 +-68.946200 -34.014200 -36.974200 15.170600
23 +-69.733800 -35.058900 -36.490500 15.106400
24 +-69.613400 -35.067100 -36.375600 14.906900
25 +-69.174900 -34.846900 -35.710800 14.511400
26 +-68.836300 -34.916500 -35.398700 13.909100
27 +-68.587300 -35.326700 -35.346700 13.241400
28 +-68.098000 -35.517000 -34.856600 12.251500
29 +-67.326100 -35.477600 -34.244900 11.309100
30 +-66.396400 -35.410800 -33.895100 10.325900
31 +-65.326800 -35.452400 -33.285300 9.208280
32 +-64.077500 -35.832900 -32.393600 7.984070
33 +-62.612900 -36.764000 -31.753600 6.412480
34 +-61.360600 -37.611200 -30.924800 4.834770
35 +-60.041000 -37.417000 -29.790500 3.421030
36 +-58.427800 -37.972700 -28.591900 1.619580
37 +-56.344400 -38.355600 -28.017700 -1.330790
38 +-54.128600 -38.512200 -27.591900 -4.828140
39 +-51.959800 -38.997600 -26.683800 -8.016790
40 +-50.306700 -40.166800 -25.282900 -11.086500
41 +-48.524500 -41.362700 -23.922100 -14.270500
42 +-46.426300 -42.567700 -22.826400 -17.445600
43 +-44.426200 -43.913400 -21.452600 -20.423700
44 +-42.231500 -45.229800 -19.927900 -23.590800
45 +-40.007300 -46.422100 -18.253200 -26.765000
46 +-38.215000 -47.627400 -16.537200 -29.594500
47 +-37.029300 -48.881800 -14.855400 -32.216700
48 +-35.881500 -50.072600 -13.162600 -34.935200
49 +-35.117000 -51.614800 -10.781600 -36.798800
50 +-34.660900 -53.387500 -8.383710 -38.424100
51 +-33.833600 -54.646200 -6.302100 -40.034700
52 +-33.129600 -55.564900 -4.458550 -41.493800
53 +-32.197200 -55.932000 -2.064900 -42.486600
54 +-31.241300 -56.414600 0.394302 -43.301900
55 +-30.803500 -57.512300 1.732790 -44.462700
56 +-30.878100 -58.696000 4.217150 -44.380500
57 +-31.154400 -59.602400 5.810960 -44.578800
58 +-31.407800 -60.328000 7.696000 -44.387700
59 +-31.548200 -61.094700 9.010530 -44.343000
60 +-31.453700 -61.544100 11.240000 -43.690600
61 +-31.622100 -61.955700 12.827300 -43.110200
62 +-31.960100 -62.435600 14.037000 -42.357100
63 +-32.200400 -63.108100 14.713300 -42.197200
64 +-32.552600 -63.753900 15.402300 -41.617000
65 +-32.891500 -63.868300 15.859400 -40.871500
66 +-33.480700 -64.032900 15.983900 -40.127200
67 +-33.611600 -63.954300 16.430700 -39.485900
68 +-33.507100 -63.536700 16.480200 -38.988300
69 +-33.736400 -63.307500 16.048100 -38.811400
70 +-34.061700 -63.249900 15.480600 -38.565700
71 +-34.454200 -63.099900 15.469700 -38.205500
72 +-35.038700 -62.875200 14.814100 -37.937000
73 +-35.425100 -62.374000 14.092800 -37.893700
74 +-35.736700 -61.594400 13.097100 -37.566200
75 +-35.872000 -60.524700 12.194100 -36.938200
76 +-36.231900 -59.481900 11.169200 -36.406600
77 +-37.238800 -58.757700 9.922660 -35.883600
78 +-38.216700 -57.789000 8.363540 -35.313200
79 +-38.975900 -56.733200 6.799670 -34.457700
80 +-39.631100 -55.660900 4.990430 -33.755600
81 +-40.022800 -54.279300 2.827630 -33.313100
82 +-40.464400 -52.822800 0.397537 -32.752200
83 +-41.510300 -51.322800 -2.061490 -32.043000
84 +-42.529900 -49.604300 -4.528030 -31.087900
85 +-43.217900 -47.547700 -7.449180 -29.973500
86 +-44.125800 -45.601200 -10.833100 -29.030700
87 +-45.191700 -43.869300 -14.161300 -27.921300
88 +-45.924100 -41.809100 -17.409600 -26.550500
89 +-46.641500 -39.596400 -20.750400 -25.056000
90 +-47.753600 -38.164700 -23.682400 -23.736700
91 +-48.936100 -37.064300 -26.619900 -22.044100
92 +-50.001400 -35.734300 -29.240600 -20.176500
93 +-51.242900 -34.668300 -31.551800 -18.238900
94 +-52.412000 -34.046200 -33.754100 -16.099100
95 +-53.312300 -33.047400 -35.706500 -13.803300
96 +-54.510500 -31.955800 -37.514400 -11.839800
97 +-55.576600 -31.237600 -38.845400 -9.911950
98 +-56.171900 -30.343400 -40.147000 -8.027280
99 +-57.083100 -29.662600 -41.605500 -6.165330
100 +-58.344300 -29.692900 -42.258200 -4.512680
101 +-59.226900 -29.604400 -42.617900 -2.646320
102 +-60.084400 -29.099500 -42.552800 -0.751099
103 +-60.961300 -28.619700 -42.429000 1.367250
104 +-61.682500 -28.532600 -41.872300 3.665520
105 +-62.509200 -28.804400 -40.783600 5.954120
106 +-63.362500 -29.112100 -40.300400 7.493360
107 +-64.153600 -29.252600 -39.624000 9.409360
108 +-65.248900 -29.592100 -38.453200 11.350900
109 +-66.076900 -29.889200 -38.220300 11.965700
110 +-66.499400 -29.770200 -37.592600 13.100400
111 +-66.838800 -29.613300 -36.925200 13.929000
112 +-67.183900 -29.632700 -36.456300 14.484100
113 +-67.530400 -29.839700 -36.017500 15.005800
114 +-67.948600 -30.165900 -35.295500 15.485100
115 +-68.293400 -30.499400 -34.678800 15.879800
116 +-68.451400 -30.647000 -34.384300 16.104000
117 +-68.568400 -30.724200 -33.795200 16.048800
118 +-68.607300 -30.913600 -33.573000 15.552800
119 +-68.350300 -31.101200 -33.359800 15.061800
120 +-67.779100 -31.226000 -32.848200 14.739100
121 +-67.122000 -31.386200 -32.272400 14.202300
122 +-66.774600 -31.768600 -31.852400 13.345600
123 +-66.273900 -32.051000 -31.668300 12.327800
124 +-65.565900 -32.342700 -31.136300 11.462200
125 +-64.775200 -32.984900 -30.355600 10.435000
126 +-63.924800 -33.597200 -29.606800 9.118530
127 +-62.803200 -33.818100 -28.892800 7.389560
128 +-61.240300 -33.889300 -29.048600 5.569380
129 +-59.636200 -34.214300 -28.181700 3.483720
130 +-57.946800 -34.876400 -27.218100 0.909644
131 +-56.050600 -35.738100 -26.184500 -1.827170
132 +-54.086900 -36.745700 -24.707900 -4.182170
133 +-51.949100 -37.682900 -22.665600 -6.257230
134 +-49.622300 -38.698900 -20.796300 -8.605090
135 +-47.307200 -39.769600 -20.326100 -12.366700
136 +-45.212900 -40.947400 -20.965300 -17.412500
137 +-43.074600 -42.159300 -19.678900 -20.504400
138 +-41.291200 -43.549200 -18.106900 -23.542100
139 +-39.941200 -45.086600 -16.718200 -27.029500
140 +-38.594200 -46.385700 -15.173000 -29.877600
141 +-37.338100 -47.446700 -12.581400 -31.396700
142 +-36.247500 -48.597700 -9.632670 -32.375900
143 +-35.570900 -49.990400 -7.556660 -34.244500
144 +-34.960900 -51.260100 -6.681280 -37.232500
145 +-34.234800 -52.600700 -4.798110 -38.762100
146 +-33.871000 -54.126400 -2.799850 -40.023900
147 +-33.634800 -55.662600 -0.965397 -41.114400
148 +-33.311400 -57.046100 0.648774 -41.626500
149 +-32.941500 -58.145300 2.138750 -42.203200
150 +-32.755600 -59.104600 3.668140 -42.478000
151 +-32.741300 -60.211600 5.197560 -42.291900
152 +-32.827600 -61.196200 7.114230 -42.986400
153 +-33.011400 -61.946300 8.613390 -43.216000
154 +-33.149000 -62.578700 9.874270 -43.282200
155 +-33.551800 -63.342800 11.149500 -43.128900
156 +-34.011100 -64.219500 12.577300 -42.741100
157 +-34.064400 -64.723500 13.535900 -42.199600
158 +-34.255600 -65.071500 14.434400 -42.065500
159 +-34.714200 -65.483200 13.746200 -42.489000
160 +-35.243000 -65.955700 14.836200 -41.298600
161 +-34.778000 -65.391900 14.349700 -41.094300
162 +-34.958000 -65.320800 14.427400 -40.526200
163 +-35.158800 -65.216500 14.149400 -40.123200
164 +-35.316000 -64.901100 13.349100 -40.206100
165 +-34.900300 -63.984100 13.466000 -39.413300
166 +-35.728300 -64.089400 13.085900 -38.832600
167 +-36.179500 -63.577500 12.810600 -37.968500
168 +-36.786200 -63.144600 11.959800 -37.509900
169 +-37.766800 -63.145900 11.652900 -36.314100
170 +-38.146200 -62.437500 10.708500 -35.001900
171 +-39.767400 -62.779300 9.710820 -34.181800
172 +-39.824500 -61.456300 7.799830 -33.875200
173 +-40.214700 -60.276700 6.503410 -33.135300
174 +-40.789700 -59.076900 5.154080 -32.966800
175 +-41.337900 -57.580100 0.145218 -36.346800
1 +-49.266200 -45.102800 -22.159600 -22.525500
2 +-49.110300 -42.037900 -25.153400 -21.427900
3 +-50.664500 -41.393200 -29.320700 -20.620100
4 +-51.918200 -40.501300 -32.352200 -19.073700
5 +-56.712100 -44.138100 -34.898700 -17.317100
6 +-55.328600 -39.641400 -37.095900 -15.597600
7 +-57.406900 -40.218200 -38.965800 -13.532200
8 +-59.083000 -40.483900 -40.811700 -11.490200
9 +-59.426800 -38.720800 -42.280500 -9.483690
10 +-61.290200 -39.675700 -42.882100 -7.287770
11 +-61.048700 -38.280300 -43.656700 -5.357000
12 +-61.387900 -37.523200 -44.273000 -3.419660
13 +-62.474800 -37.505400 -43.971500 -0.706449
14 +-64.803200 -39.710400 -43.525900 1.139570
15 +-65.879300 -40.582900 -44.738600 1.626280
16 +-65.993300 -39.907200 -43.666400 3.863470
17 +-66.586200 -40.027300 -42.543500 5.863820
18 +-67.588800 -40.820300 -41.668900 7.571490
19 +-68.406800 -41.206500 -40.692800 9.110530
20 +-69.299700 -41.631200 -39.630800 10.248700
21 +-67.922500 -39.694200 -38.564300 11.072800
22 +-68.755100 -40.742700 -37.664000 11.362100
23 +-69.554000 -41.647800 -36.729000 11.167200
24 +-69.969700 -42.071200 -35.848400 11.175300
25 +-70.085800 -42.267600 -35.263600 11.504300
26 +-69.724400 -42.130200 -34.909300 11.575300
27 +-69.314300 -41.804500 -35.032000 11.173500
28 +-69.221000 -42.010700 -34.796000 9.912150
29 +-69.095600 -42.392400 -34.677100 8.945960
30 +-68.321800 -42.959300 -34.218800 7.645340
31 +-67.027400 -42.407400 -33.868200 6.883250
32 +-65.932800 -42.470400 -33.395800 4.973310
33 +-64.934500 -42.839600 -32.810700 2.850870
34 +-63.923700 -43.185100 -31.897800 0.590771
35 +-62.851900 -43.533500 -30.634200 -1.306790
36 +-61.457100 -43.926500 -29.806500 -3.832300
37 +-59.732500 -44.409400 -28.613900 -6.631160
38 +-57.828200 -44.807700 -27.240800 -9.795000
39 +-55.807600 -45.212400 -26.058600 -13.602600
40 +-53.895000 -45.803900 -24.845400 -17.671300
41 +-51.932100 -46.330800 -23.298800 -21.411900
42 +-49.612300 -46.881200 -21.831700 -25.003000
43 +-47.468900 -47.971800 -20.480600 -28.747900
44 +-45.501200 -49.007700 -18.717600 -32.323100
45 +-43.270800 -49.392600 -16.725800 -35.779400
46 +-41.118200 -50.120800 -14.745400 -38.984200
47 +-40.079500 -51.349600 -12.625000 -41.922800
48 +-39.662900 -52.784500 -10.299100 -44.462700
49 +-39.203900 -54.348400 -8.080220 -46.691800
50 +-38.754000 -55.681700 -5.963830 -48.501900
51 +-38.512400 -56.945600 -4.029350 -50.093000
52 +-38.650500 -58.543100 -2.051600 -51.212500
53 +-38.908900 -60.145100 -0.221889 -52.327900
54 +-38.933800 -61.220600 1.837020 -52.902700
55 +-38.386500 -61.529500 3.710940 -53.340600
56 +-36.305100 -60.519700 5.477420 -53.514000
57 +-36.237600 -61.627700 7.448320 -53.196300
58 +-36.230300 -62.453900 9.334340 -52.595800
59 +-36.414000 -63.070100 10.860400 -52.092000
60 +-36.621900 -63.546900 12.260600 -51.448400
61 +-36.767300 -64.151500 13.527800 -50.620100
62 +-37.022500 -64.758200 14.714800 -49.673200
63 +-37.108900 -65.019500 15.454600 -48.727600
64 +-37.129700 -65.473400 15.855200 -47.660900
65 +-37.526300 -66.006500 16.046500 -46.549400
66 +-37.988100 -65.919900 16.053200 -45.352200
67 +-38.334400 -65.861100 16.695800 -44.286300
68 +-38.563500 -65.943600 16.937400 -43.297300
69 +-38.694700 -65.708900 16.908500 -42.248000
70 +-38.968300 -65.068200 16.406000 -41.465400
71 +-39.169700 -64.432600 15.383000 -40.671400
72 +-39.449700 -63.981900 14.100800 -39.849400
73 +-39.720800 -63.533600 12.753600 -39.008100
74 +-39.999200 -62.754300 11.408900 -38.229800
75 +-39.939900 -61.726200 10.232600 -37.520000
76 +-40.070100 -60.833100 9.316610 -36.704700
77 +-40.475100 -60.202000 8.095610 -35.863600
78 +-40.997200 -59.380000 6.157080 -34.976200
79 +-41.664500 -58.434700 4.439600 -33.742600
80 +-42.235100 -57.520900 2.526290 -32.814600
81 +-42.800500 -56.254100 -0.417344 -32.365300
82 +-43.597300 -54.752000 -3.460970 -31.891400
83 +-44.173000 -52.990000 -6.312180 -31.058700
84 +-44.815100 -51.294100 -8.854810 -29.607800
85 +-46.143900 -49.671700 -11.704800 -28.228700
86 +-47.793100 -48.068000 -14.937500 -26.969600
87 +-49.168200 -46.341500 -18.176400 -25.517700
88 +-50.176900 -44.236300 -21.457400 -23.922600
89 +-50.958800 -42.204700 -24.818500 -22.090900
90 +-51.995600 -40.705800 -28.320500 -20.296600
91 +-53.632700 -39.538600 -31.950500 -17.785800
92 +-55.265300 -38.495100 -34.741100 -15.623000
93 +-56.472100 -37.259300 -37.356500 -13.341800
94 +-57.632200 -35.941500 -39.856600 -11.149600
95 +-59.032500 -35.307700 -41.985800 -8.753950
96 +-60.662000 -35.045500 -43.770700 -6.432030
97 +-62.009500 -34.724600 -44.842500 -4.096040
98 +-63.214900 -34.549300 -45.626300 -1.912100
99 +-64.472800 -34.232900 -46.520100 -0.236623
100 +-65.697500 -33.791000 -46.798700 1.910410
101 +-66.940100 -33.735200 -46.429300 4.427400
102 +-67.908400 -33.598400 -46.063000 6.711520
103 +-68.892700 -33.465400 -45.220800 8.426550
104 +-70.357700 -33.854300 -44.817200 9.405210
105 +-71.809100 -34.259800 -43.631700 10.923900
106 +-72.664100 -34.201500 -42.757700 12.094500
107 +-73.558200 -34.368700 -41.598700 12.898600
108 +-74.663900 -34.803900 -40.542300 13.454200
109 +-75.602500 -34.880700 -39.433600 13.689300
110 +-76.454300 -35.002800 -38.403700 13.484400
111 +-76.847700 -35.146200 -37.564100 13.194100
112 +-76.926700 -35.048400 -36.765900 12.843500
113 +-77.185600 -35.097800 -35.410100 12.483100
114 +-77.183700 -35.122400 -34.376300 11.910900
115 +-77.050400 -35.176200 -33.153200 11.134600
116 +-76.856800 -35.217500 -31.818500 10.232600
117 +-76.491200 -35.145000 -30.853100 9.029930
118 +-75.959200 -35.005500 -29.813000 7.653500
119 +-75.254700 -35.300200 -28.420300 6.406690
120 +-74.568100 -36.625400 -27.470800 5.013950
121 +-73.705700 -37.863400 -26.913900 3.129950
122 +-72.458700 -38.046900 -26.864400 1.368580
123 +-71.117300 -37.901300 -26.568600 -0.163657
124 +-69.735700 -37.984600 -26.111700 -1.945570
125 +-68.310300 -38.697800 -25.414600 -4.088120
126 +-66.701500 -39.514400 -25.068700 -6.603270
127 +-64.658300 -40.089400 -24.464900 -9.511440
128 +-62.468600 -40.602600 -22.675000 -12.049600
129 +-60.074300 -41.049500 -20.707900 -15.066800
130 +-57.636600 -41.736900 -18.988600 -18.364700
131 +-55.001900 -42.544700 -16.893500 -21.232300
132 +-52.331400 -43.438100 -14.514500 -23.278700
133 +-49.781700 -44.551500 -12.646300 -25.875100
134 +-47.137400 -45.628200 -12.396900 -30.723600
135 +-44.670000 -46.767000 -10.603900 -33.529600
136 +-42.782000 -48.114600 -8.549260 -35.621700
137 +-40.954600 -49.067000 -6.777390 -38.158900
138 +-39.150100 -49.812000 -5.060410 -40.094900
139 +-38.016200 -50.944900 -3.044350 -41.643200
140 +-37.147600 -52.200000 -0.862569 -43.012300
141 +-36.286000 -53.339900 1.217850 -44.470300
142 +-35.604700 -54.422900 3.326950 -45.434300
143 +-35.295800 -55.389600 5.143590 -46.189300
144 +-35.294400 -56.546300 6.912070 -46.598200
145 +-35.328100 -57.648800 8.753950 -46.654600
146 +-35.182900 -58.532200 10.791200 -46.440000
147 +-34.606800 -58.907000 12.922600 -46.173100
148 +-35.419300 -60.763400 15.105900 -45.611600
149 +-35.425600 -61.678900 16.799400 -44.874800
150 +-35.198300 -62.082200 17.459200 -44.530100
151 +-35.481300 -62.998900 17.867100 -44.007800
152 +-35.368100 -63.673600 18.534800 -43.045800
153 +-34.663300 -63.684900 19.275000 -41.830600
154 +-36.862500 -66.338300 19.504600 -41.072700
155 +-36.346400 -66.125800 19.342400 -40.545300
156 +-35.892100 -65.850200 19.021700 -39.448600
157 +-35.976800 -65.744700 18.434600 -38.614700
158 +-36.024700 -65.788000 17.244900 -38.228900
159 +-36.095800 -65.562600 16.610600 -37.237800
160 +-36.100000 -65.009100 15.830300 -36.393200
1 +-50.128700 -46.340300 -12.075000 -21.250700
2 +-50.426400 -43.818800 -19.155900 -22.379300
3 +-49.957500 -41.071900 -22.159000 -20.670700
4 +-51.395300 -39.938300 -25.318000 -19.092500
5 +-53.535600 -39.627300 -28.475800 -17.337400
6 +-53.635900 -37.007200 -31.402800 -15.279200
7 +-53.985300 -34.906800 -34.484200 -13.311100
8 +-56.944800 -36.014200 -37.043100 -11.224600
9 +-58.509100 -35.790900 -39.009400 -9.099560
10 +-59.597700 -34.970200 -40.667300 -6.947130
11 +-61.023500 -34.532000 -42.169400 -4.781730
12 +-62.529700 -34.603700 -43.308800 -2.579610
13 +-63.851200 -34.722200 -43.950400 -0.227517
14 +-65.262100 -34.931500 -44.500300 2.043080
15 +-66.101500 -34.809900 -44.648400 4.316000
16 +-66.383500 -34.367400 -44.706600 6.498660
17 +-62.937800 -30.185200 -44.489400 8.647060
18 +-67.174000 -34.036300 -43.834300 10.839300
19 +-67.871600 -34.515100 -43.032800 12.794500
20 +-68.708300 -35.878000 -42.126900 14.362000
21 +-69.280700 -36.110000 -41.123100 15.629300
22 +-69.800500 -36.929100 -40.157600 16.557500
23 +-70.149500 -37.449200 -39.339400 17.019000
24 +-70.406600 -38.376700 -38.416200 17.111400
25 +-70.831300 -38.547300 -37.584500 16.881200
26 +-71.386200 -39.492700 -36.833200 16.472600
27 +-70.943700 -39.885800 -35.781800 16.137100
28 +-69.779700 -39.550400 -35.202200 15.756400
29 +-68.816300 -39.306900 -34.532700 15.094400
30 +-68.719100 -40.350500 -33.897900 14.165000
31 +-67.959400 -40.974800 -33.346700 13.180400
32 +-67.168500 -41.658200 -32.886500 11.957600
33 +-66.423800 -42.355200 -32.172200 10.659600
34 +-65.220600 -42.691600 -32.179600 9.317610
35 +-63.799600 -43.082300 -31.667200 7.893230
36 +-62.546500 -43.673600 -31.212800 6.206990
37 +-61.442500 -44.236200 -31.018800 4.095400
38 +-59.978700 -44.550300 -30.473500 1.954020
39 +-58.073600 -44.695500 -29.474300 0.078169
40 +-56.132600 -44.999300 -28.304800 -2.378950
41 +-54.282400 -45.739000 -27.237700 -5.644380
42 +-52.238900 -46.617900 -25.909100 -8.983530
43 +-50.230100 -47.525800 -24.277400 -12.314900
44 +-48.369100 -48.530600 -22.894600 -15.987500
45 +-46.498000 -49.726300 -20.671500 -19.175200
46 +-44.721100 -51.152500 -18.938800 -22.647800
47 +-42.955200 -52.279700 -17.460400 -26.128200
48 +-41.856600 -53.483600 -15.266200 -28.766000
49 +-41.363900 -55.071100 -12.858000 -31.252400
50 +-40.247900 -56.036800 -10.787000 -33.703300
51 +-38.562400 -56.318100 -9.386120 -36.627200
52 +-37.626800 -57.186600 -7.838200 -39.319900
53 +-37.095900 -58.306600 -5.661800 -41.031400
54 +-36.645400 -59.144300 -3.142400 -42.104400
55 +-36.332500 -59.903600 -0.680409 -43.128100
56 +-35.985500 -60.765300 1.724930 -43.883400
57 +-35.722100 -61.681300 3.829650 -44.605800
58 +-35.753800 -62.553900 6.063630 -44.943300
59 +-35.848700 -63.411900 8.202440 -45.005000
60 +-35.728300 -63.769400 10.120000 -45.037500
61 +-35.987000 -64.075300 11.948700 -44.917800
62 +-36.709200 -65.021300 13.721300 -44.614200
63 +-37.079400 -65.849700 15.119700 -44.351100
64 +-37.620200 -66.491700 16.139800 -44.119300
65 +-38.066200 -66.930700 17.026900 -43.646700
66 +-38.109100 -66.969500 17.986700 -42.915600
67 +-38.321700 -67.061200 18.904300 -42.185500
68 +-38.688500 -66.870600 19.485900 -41.214800
69 +-38.856000 -66.526500 19.316300 -40.300700
70 +-39.179900 -66.306700 18.216000 -39.742600
71 +-39.385300 -65.889900 17.316400 -38.788400
72 +-39.489700 -65.189700 16.216100 -37.888500
73 +-39.709100 -64.360800 15.515200 -37.231600
74 +-39.870900 -63.530400 14.751400 -36.485400
75 +-40.030000 -62.814700 13.736400 -35.864300
76 +-40.678000 -62.329700 12.597100 -35.210200
77 +-41.223100 -61.492200 11.350300 -34.571000
78 +-41.412700 -60.392900 10.072000 -34.038500
79 +-41.881100 -59.550500 8.661520 -33.460100
80 +-42.542900 -58.429500 7.103500 -32.810600
81 +-43.051100 -57.450800 5.481880 -32.062800
82 +-43.283700 -56.457400 3.351590 -31.582600
83 +-43.893300 -54.792100 1.269170 -30.892300
84 +-44.554700 -53.122300 -0.915799 -30.215300
85 +-45.087100 -51.503800 -3.535610 -28.742700
86 +-45.783000 -49.655700 -6.263190 -27.264400
87 +-46.885000 -47.967500 -9.101860 -25.787600
88 +-48.009100 -46.208900 -12.694900 -24.461700
89 +-49.052600 -44.255900 -17.138700 -23.217900
90 +-49.969300 -42.469500 -20.762200 -21.923000
91 +-50.689500 -41.084500 -23.426200 -20.542700
92 +-51.522800 -39.703300 -26.510700 -18.838100
93 +-52.634200 -38.410900 -29.638600 -16.676000
94 +-53.614600 -37.609000 -32.667600 -14.333100
95 +-54.580900 -37.362900 -35.544400 -12.039200
96 +-55.270000 -36.545200 -38.193700 -10.014500
97 +-56.106700 -35.752000 -40.486500 -7.883410
98 +-57.288400 -35.572800 -42.464200 -5.529890
99 +-58.227300 -35.262300 -44.072200 -3.296370
100 +-58.822100 -34.741600 -45.594100 -1.212000
101 +-59.427300 -34.549400 -46.672700 1.014670
102 +-60.295900 -34.770800 -46.915500 2.901840
103 +-61.370000 -35.171500 -47.034100 4.750760
104 +-62.521900 -35.603200 -46.775100 6.955180
105 +-63.647400 -36.261600 -46.092800 9.363390
106 +-64.319800 -36.842000 -45.385600 11.511700
107 +-64.983500 -37.479600 -44.596800 13.225600
108 +-65.952200 -38.156500 -43.606100 14.608300
109 +-66.658700 -38.539000 -42.535000 15.557500
110 +-67.113200 -38.703100 -41.554300 16.018500
111 +-67.626100 -39.019400 -40.630500 16.177800
112 +-68.118800 -39.483700 -39.837400 16.074900
113 +-68.437000 -39.793300 -38.455000 15.845900
114 +-68.564900 -40.066600 -37.007700 15.528300
115 +-68.574400 -40.205500 -35.838400 14.950100
116 +-68.453900 -40.282100 -34.573300 14.261000
117 +-67.928400 -40.353500 -33.185200 13.510600
118 +-67.186600 -40.244000 -31.984700 12.521500
119 +-66.639100 -40.280700 -30.895700 11.310200
120 +-66.214000 -40.671300 -29.751900 10.146800
121 +-65.629100 -41.245200 -28.458100 9.032860
122 +-64.892900 -41.998500 -27.424100 7.683440
123 +-63.882000 -42.507700 -26.577500 6.436670
124 +-62.552400 -42.790300 -25.951800 5.232320
125 +-61.491100 -43.465000 -25.435600 3.433470
126 +-60.357300 -44.232200 -24.855000 0.700681
127 +-58.904400 -44.770500 -24.215100 -2.363430
128 +-57.212700 -45.237100 -23.875700 -4.272690
129 +-55.210900 -45.684800 -23.209800 -6.523470
130 +-53.151900 -46.249200 -21.990000 -9.473040
131 +-51.304500 -47.056600 -20.750100 -12.870600
132 +-49.268900 -47.816800 -19.231800 -16.006300
133 +-47.241300 -48.519800 -17.734400 -19.143200
134 +-44.963300 -49.494000 -15.734400 -22.410200
135 +-42.714300 -50.705400 -14.071000 -26.086800
136 +-40.951400 -51.828200 -9.864020 -25.969600
137 +-39.474200 -52.615400 -10.997500 -32.583900
138 +-38.091200 -53.345000 -8.652000 -34.748000
139 +-36.979100 -54.272300 -6.540840 -36.819900
140 +-36.089800 -55.222200 -4.424570 -39.200800
141 +-35.228200 -56.101700 -2.339880 -41.420100
142 +-34.639800 -57.100300 -0.096319 -43.322800
143 +-34.208800 -58.150100 2.319940 -44.618200
144 +-33.713500 -59.018600 4.845170 -45.174300
145 +-33.687100 -59.959900 7.025090 -45.756300
146 +-33.985500 -60.993300 8.853330 -46.592700
147 +-34.224000 -61.774400 10.605800 -46.976100
148 +-34.479200 -62.613300 12.550800 -46.904700
149 +-34.885400 -63.627900 14.447900 -46.696000
150 +-35.431300 -64.614300 16.395100 -46.267900
151 +-35.862900 -65.377500 18.024100 -45.607200
152 +-36.157600 -66.062300 19.128200 -45.188200
153 +-36.545800 -66.671700 19.268700 -45.068700
154 +-36.930200 -67.043600 20.511800 -43.721600
155 +-37.176800 -67.439500 20.389400 -42.972800
156 +-37.847000 -68.138600 20.425300 -42.168300
157 +-37.545800 -67.577200 20.371400 -41.082700
158 +-36.965200 -66.752000 20.314300 -39.784100
159 +-38.314200 -67.823600 20.158400 -38.521400
160 +-37.703900 -66.947300 19.508900 -37.772900
161 +-37.490500 -66.307100 18.278900 -37.125900
162 +-37.909300 -66.192500 18.115700 -35.487900
163 +-37.290300 -65.055400 16.102800 -34.949400
1 +-52.440500 -37.915500 -25.867800 -22.146600
2 +-54.395900 -38.406400 -28.458700 -19.793900
3 +-55.903400 -38.574300 -30.741700 -17.293100
4 +-57.686500 -39.239500 -32.905500 -14.822900
5 +-59.622200 -40.070900 -34.540200 -12.361500
6 +-60.252600 -39.381200 -35.658000 -10.023400
7 +-61.301100 -39.096600 -36.763200 -7.817440
8 +-62.474000 -39.388300 -37.659600 -5.524030
9 +-63.694100 -39.978900 -38.344600 -3.309510
10 +-63.072500 -38.303400 -38.812600 -1.217550
11 +-66.135500 -40.880300 -39.004800 0.828386
12 +-66.054500 -40.071000 -38.894000 2.693040
13 +-66.643100 -40.154800 -38.549600 4.519290
14 +-67.605000 -40.663900 -38.286900 6.245040
15 +-68.306300 -40.693300 -37.896700 7.930720
16 +-68.954900 -40.842900 -37.117800 9.390240
17 +-70.131800 -41.814400 -36.361100 10.467800
18 +-71.468200 -42.919300 -35.547200 11.316600
19 +-72.630800 -43.876900 -34.708000 11.851000
20 +-71.015200 -41.916900 -33.849700 12.158700
21 +-73.031700 -43.907000 -32.931100 12.275100
22 +-73.678200 -44.647900 -31.967200 12.205500
23 +-73.390400 -44.683800 -31.118600 11.935000
24 +-73.484400 -45.152000 -30.317400 11.619400
25 +-74.090100 -46.378200 -29.694600 11.024200
26 +-72.885900 -45.765800 -28.772500 10.202400
27 +-71.940500 -45.290900 -28.233500 9.117060
28 +-71.431900 -45.198700 -27.484200 7.854540
29 +-70.610600 -45.273800 -26.662000 6.425150
30 +-69.585700 -45.465300 -26.218700 4.987010
31 +-68.944000 -45.968200 -25.651500 3.254180
32 +-68.338700 -46.694100 -25.229700 1.753250
33 +-67.328600 -47.394800 -25.112800 0.261913
34 +-65.961900 -47.879700 -24.916200 -1.442340
35 +-64.457700 -48.257800 -25.086300 -3.473550
36 +-62.882000 -48.472900 -24.475000 -5.550630
37 +-61.084700 -48.454300 -23.751500 -7.638070
38 +-59.053900 -48.859900 -23.045700 -10.057900
39 +-56.908800 -49.237300 -22.372300 -13.307700
40 +-54.975300 -49.711700 -20.576500 -16.737900
41 +-52.913200 -50.485600 -18.361400 -19.622600
42 +-50.557900 -51.119200 -17.032800 -23.031700
43 +-48.181300 -51.897100 -15.819500 -27.274800
44 +-45.618300 -52.520700 -14.563400 -31.221200
45 +-43.110400 -53.387100 -12.855800 -34.635600
46 +-40.728900 -54.339000 -10.778500 -37.734300
47 +-38.442800 -55.041900 -8.353930 -40.178600
48 +-36.524100 -55.968100 -6.042070 -42.238000
49 +-35.010400 -57.025400 -3.833980 -44.328300
50 +-33.871200 -58.159300 -1.384300 -46.009400
51 +-32.911700 -59.271900 0.882352 -47.424300
52 +-32.052900 -60.138600 2.733890 -48.867000
53 +-31.447900 -60.765400 4.472450 -50.127400
54 +-31.005500 -61.239500 6.451860 -50.790200
55 +-30.795500 -61.742200 8.510710 -51.276200
56 +-30.732800 -62.317500 10.549500 -51.282100
57 +-31.002100 -62.982800 11.410200 -51.709300
58 +-31.552300 -63.933100 12.819600 -51.696600
59 +-32.363300 -65.004100 14.708000 -51.043900
60 +-32.410100 -65.225300 16.422700 -50.093800
61 +-33.385600 -65.966200 17.482600 -49.291100
62 +-34.277300 -66.222700 18.070200 -48.605900
63 +-34.639100 -66.159800 18.664500 -47.609700
64 +-34.613200 -65.908900 19.124700 -46.386500
65 +-34.565600 -65.261900 19.005000 -45.555600
66 +-35.014300 -64.763400 18.453100 -44.926600
67 +-35.622800 -64.428700 17.788900 -44.060500
68 +-36.344300 -64.139100 17.343600 -43.381500
69 +-37.009800 -63.471200 16.571800 -42.715500
70 +-37.066600 -62.377200 15.409000 -42.304400
71 +-37.346300 -61.278200 14.479900 -41.545500
72 +-38.319600 -60.516200 13.170500 -40.718300
73 +-39.063000 -59.733100 11.763000 -39.836200
74 +-39.540300 -58.791700 10.570300 -38.970300
75 +-40.069700 -57.802700 9.258360 -38.291900
76 +-40.847500 -56.961200 7.780170 -37.607100
77 +-41.617700 -55.952900 5.780350 -36.869300
78 +-42.378600 -54.966200 3.553400 -36.242600
79 +-42.883000 -53.631100 1.458430 -35.658100
80 +-43.147000 -51.480300 -0.528172 -34.755100
81 +-43.706400 -49.338600 -2.924430 -33.566700
82 +-44.799300 -47.725500 -5.344040 -31.905000
83 +-46.299300 -46.632800 -8.327190 -30.362200
84 +-47.598400 -45.522700 -11.528700 -28.742900
85 +-48.577800 -44.000200 -14.697900 -27.000800
86 +-49.325500 -42.193600 -17.793700 -25.280700
87 +-50.370500 -40.523800 -20.943700 -23.612300
88 +-51.841600 -39.309100 -24.433200 -21.796200
89 +-53.176700 -38.394700 -27.819700 -19.648700
90 +-54.143200 -37.431600 -30.759500 -17.316800
91 +-55.266100 -37.403200 -33.451100 -14.993200
92 +-56.739500 -36.129500 -36.093500 -12.812700
93 +-58.218200 -36.456600 -38.582200 -10.514100
94 +-59.489000 -36.864000 -40.676000 -8.168960
95 +-60.459100 -36.599000 -42.175900 -5.953880
96 +-61.404400 -36.440000 -43.479000 -3.856710
97 +-62.773900 -36.738700 -44.379000 -1.764770
98 +-63.777400 -36.700400 -44.845500 0.478836
99 +-64.304000 -36.479100 -45.114100 2.959130
100 +-65.310600 -36.669700 -44.062000 5.346330
101 +-66.569000 -36.899500 -43.993900 7.954580
102 +-67.768400 -37.382600 -43.760900 9.915220
103 +-68.775800 -37.828300 -43.383100 11.804800
104 +-69.480400 -37.941000 -42.595300 13.459900
105 +-70.258100 -38.303300 -41.866700 14.737000
106 +-71.110800 -38.850100 -41.487500 15.563200
107 +-71.629600 -39.288900 -40.759200 16.079800
108 +-71.873000 -39.510400 -40.023600 16.316600
109 +-71.957400 -39.879400 -39.475400 16.225600
110 +-71.743000 -40.257800 -38.942500 15.823200
111 +-71.513300 -40.646100 -38.372100 15.197700
112 +-71.176200 -41.083300 -37.665500 14.544100
113 +-70.479100 -41.414700 -36.754700 14.071100
114 +-69.556600 -41.544100 -36.065800 13.264700
115 +-68.608000 -41.768600 -35.625500 11.992400
116 +-67.434500 -42.153400 -35.245300 10.413500
117 +-66.164800 -42.494700 -35.057800 8.836410
118 +-64.927100 -42.702600 -34.876000 7.651390
119 +-63.602000 -42.985200 -34.552700 6.471210
120 +-62.193800 -43.619100 -34.067300 4.705800
121 +-60.770300 -44.207000 -33.716800 2.546010
122 +-59.239400 -44.701300 -33.129700 0.289762
123 +-57.577800 -45.374500 -32.564200 -2.592810
124 +-55.464900 -45.974700 -31.399500 -5.463460
125 +-52.901200 -46.545700 -29.783400 -8.537060
126 +-50.220800 -47.303400 -28.254100 -11.996100
127 +-47.779600 -48.224000 -26.676500 -15.585200
128 +-45.378500 -49.277000 -24.979800 -19.235000
129 +-42.768600 -50.277100 -23.191500 -22.869800
130 +-40.068500 -51.211900 -21.162600 -26.436200
131 +-37.550800 -51.993500 -18.836500 -29.733700
132 +-35.448000 -52.774700 -16.361500 -33.010900
133 +-34.336000 -53.998700 -13.925000 -36.103300
134 +-33.993800 -55.758200 -11.556500 -38.820100
135 +-33.537500 -57.324000 -8.863130 -41.409100
136 +-32.945700 -58.533100 -6.460000 -43.314100
137 +-32.006800 -58.871900 -4.201090 -44.993200
138 +-31.960300 -59.859100 -2.167910 -46.801400
139 +-31.972100 -61.157800 -0.242491 -48.328000
140 +-31.619800 -62.079500 2.240910 -48.714800
141 +-31.667200 -62.871200 4.610240 -49.004200
142 +-32.065000 -63.762100 6.877830 -49.268900
143 +-32.405700 -64.430300 8.575770 -49.875700
144 +-32.646400 -65.056600 11.009900 -49.624800
145 +-33.848200 -66.471600 12.683500 -49.250200
146 +-34.548700 -67.246300 14.312200 -48.877500
147 +-34.618600 -67.380800 15.582700 -48.580000
148 +-34.182500 -67.366800 16.911700 -48.171400
149 +-34.468000 -67.985900 18.132300 -47.454200
150 +-35.056200 -68.723000 18.871100 -46.742200
151 +-34.952200 -68.798600 19.299600 -45.897300
152 +-35.571500 -69.375000 19.533100 -44.942000
153 +-35.228400 -68.980000 19.508800 -44.041300
154 +-35.852300 -69.371700 20.063200 -42.851900
155 +-34.437400 -67.816000 20.108000 -41.759400
156 +-35.001800 -67.734100 20.001600 -41.072800
157 +-35.506700 -67.372900 18.740900 -40.953100
158 +-35.423900 -66.487200 17.689000 -40.589900
159 +-35.139400 -65.479300 15.881200 -39.871000
160 +-35.800700 -65.112500 14.741400 -38.814100
161 +-36.303900 -64.428300 13.191900 -37.941100
1 +-41.173300 -67.261700 15.857400 -40.995200
2 +-42.299500 -67.324200 15.145700 -40.629600
3 +-41.376500 -65.369500 14.144400 -40.377800
4 +-40.395900 -63.503600 13.149300 -39.778700
5 +-40.276300 -62.463100 11.940800 -39.248000
6 +-41.417100 -62.362000 10.588700 -38.913500
7 +-41.209900 -60.893500 9.258720 -38.634200
8 +-40.284100 -58.651600 7.804550 -38.392800
9 +-41.476500 -58.572500 6.025590 -38.345000
10 +-42.831700 -58.625800 4.392330 -38.208100
11 +-43.778500 -58.066500 2.889870 -37.847500
12 +-44.370700 -56.830200 1.291630 -37.427900
13 +-44.465900 -55.067700 -0.590818 -36.797800
14 +-43.748400 -52.518300 -2.863210 -36.003200
15 +-44.794100 -51.509600 -5.589420 -34.857400
16 +-45.541200 -49.939400 -8.784880 -33.673200
17 +-45.922100 -47.898400 -12.146800 -32.392300
18 +-46.496100 -46.035500 -15.616400 -30.969000
19 +-47.047600 -44.037700 -19.174400 -29.293400
20 +-47.973900 -42.481900 -22.767600 -27.436100
21 +-49.427300 -41.677500 -26.083000 -25.496000
22 +-50.917500 -41.262600 -29.374700 -23.328700
23 +-52.462400 -41.214400 -32.344100 -20.878900
24 +-53.849400 -40.886600 -35.360100 -18.286000
25 +-54.308000 -39.586600 -37.667300 -15.682200
26 +-57.135000 -41.196600 -39.769500 -12.964600
27 +-57.377100 -39.988100 -41.135000 -10.281700
28 +-59.163100 -40.777800 -41.899900 -7.542070
29 +-60.028700 -40.644900 -42.619400 -4.990500
30 +-60.475500 -40.206200 -42.901800 -2.734410
31 +-60.959400 -39.957000 -43.310700 -0.489703
32 +-61.486900 -39.891300 -43.320100 1.646260
33 +-62.071100 -40.033300 -43.145800 3.580040
34 +-62.288000 -40.072300 -42.836900 5.370620
35 +-62.281200 -39.932800 -42.055700 7.339210
36 +-66.091100 -43.457300 -41.028200 9.299100
37 +-67.235500 -44.040300 -39.821300 11.074300
38 +-68.242700 -44.829100 -38.536100 12.499700
39 +-69.302900 -45.756800 -37.366300 13.473500
40 +-70.103500 -46.300200 -36.211400 14.074400
41 +-70.839600 -47.165100 -34.980000 14.561200
42 +-71.782600 -48.075000 -34.235600 14.583700
43 +-72.439400 -48.766100 -33.181200 14.259500
44 +-72.465200 -48.787800 -32.226800 13.777600
45 +-72.150700 -48.472000 -31.680200 13.229500
46 +-72.013200 -48.525000 -31.328800 12.563500
47 +-71.805700 -48.629700 -30.372200 11.727300
48 +-71.286700 -48.563800 -29.516000 10.749100
49 +-70.549600 -48.175800 -28.832400 9.646730
50 +-69.563300 -47.760800 -28.046200 8.357560
51 +-68.427100 -48.111600 -27.461700 6.855740
52 +-67.203200 -48.866000 -27.032700 5.432890
53 +-65.785800 -48.974200 -26.776100 3.906080
54 +-64.365500 -48.688100 -26.858200 2.127190
55 +-62.976600 -48.707600 -26.987100 0.225952
56 +-61.383000 -49.045200 -26.870900 -1.925670
57 +-59.536500 -49.328600 -26.597200 -4.451240
58 +-57.350300 -49.199900 -26.723400 -7.238470
59 +-54.821700 -48.886800 -26.444000 -9.861250
60 +-52.490200 -49.081200 -25.620000 -12.757700
61 +-50.240300 -49.516700 -24.129500 -15.964300
62 +-47.537300 -49.354200 -22.316500 -19.209300
63 +-44.635600 -50.013100 -20.594400 -22.545300
64 +-41.880800 -50.742300 -18.974400 -26.091100
65 +-39.324300 -51.551100 -17.432900 -29.471000
66 +-36.814000 -52.331900 -15.471200 -32.618900
67 +-34.735200 -53.113600 -13.366900 -35.406500
68 +-33.179800 -54.070500 -11.128600 -37.805400
69 +-31.982400 -55.155900 -8.870120 -39.900900
70 +-30.634500 -55.897100 -6.601370 -41.707300
71 +-29.439100 -56.396100 -4.107280 -42.929400
72 +-28.918600 -57.466400 -1.689330 -43.863800
73 +-28.886400 -58.719600 0.214757 -45.143400
74 +-29.335500 -59.719300 1.805480 -46.105800
75 +-29.990900 -60.749600 3.483090 -46.707900
76 +-30.411600 -61.672000 5.359200 -47.201200
77 +-30.959300 -62.532800 7.280410 -47.126200
78 +-31.877700 -63.548900 9.124480 -46.691600
79 +-32.097700 -64.692600 11.172200 -45.929800
80 +-33.072900 -65.712000 12.833800 -45.293900
81 +-33.824200 -66.408800 13.942000 -44.677200
82 +-34.674900 -66.816800 14.748400 -44.009100
83 +-35.420800 -66.697500 15.575900 -43.147400
84 +-34.998400 -65.973100 16.190700 -42.227000
85 +-35.037600 -65.470500 16.640000 -41.303600
86 +-35.459500 -65.318600 16.947700 -40.448600
87 +-36.133100 -65.120600 16.954200 -39.441600
88 +-37.191000 -64.970400 16.269400 -38.534600
89 +-37.997200 -64.633200 15.300800 -37.439000
90 +-38.517700 -64.078500 14.403200 -36.180700
91 +-38.750200 -63.335300 13.845600 -34.923900
92 +-38.869300 -62.491700 13.213800 -34.122600
93 +-39.120700 -61.441700 12.393000 -33.660100
94 +-39.774000 -60.465900 11.528600 -33.120900
95 +-40.426600 -59.552400 10.057000 -32.575000
96 +-40.822800 -58.545100 8.234360 -32.357600
97 +-41.478800 -57.584700 6.706930 -32.296200
98 +-42.366700 -56.576900 5.255750 -32.279300
99 +-43.124500 -55.381800 3.590300 -32.333100
100 +-43.928000 -54.248200 1.414190 -32.382200
101 +-44.212700 -52.549800 -0.500694 -31.951900
102 +-44.803200 -50.733700 -2.679550 -31.393200
103 +-45.418800 -48.480300 -5.224860 -30.549500
104 +-46.239600 -46.347400 -8.062250 -29.629200
105 +-47.311400 -44.261200 -10.805600 -28.312700
106 +-48.666400 -42.530700 -13.429000 -26.699700
107 +-50.166400 -41.447400 -16.386200 -25.126000
108 +-51.373200 -40.433800 -19.538400 -23.487400
109 +-52.576000 -39.227800 -22.228900 -21.370200
110 +-53.766100 -38.286600 -25.728300 -19.441100
111 +-55.097800 -37.893000 -29.432800 -17.045100
112 +-56.342800 -37.686900 -31.817000 -14.535000
113 +-57.415200 -37.252100 -34.044200 -12.092200
114 +-58.620900 -37.170700 -36.027800 -9.668370
115 +-59.820200 -37.417700 -38.163100 -7.878310
116 +-60.631100 -37.407000 -40.562200 -6.751010
117 +-61.396400 -37.467700 -41.481800 -4.585590
118 +-62.497600 -37.893400 -40.771400 -1.123480
119 +-63.380800 -38.276100 -40.968900 0.829294
120 +-63.750400 -38.526200 -41.071700 2.726330
121 +-64.619100 -39.127800 -40.944200 4.549920
122 +-65.831800 -40.043900 -40.704700 6.404080
123 +-66.387200 -40.380600 -40.674900 8.102890
124 +-66.733100 -40.693600 -39.343500 10.185200
125 +-67.318400 -41.222800 -38.488200 11.403400
126 +-68.087300 -42.085100 -37.742900 12.236900
127 +-68.710200 -42.908300 -37.155700 12.571000
128 +-68.899300 -43.401900 -36.668000 12.594100
129 +-68.929300 -43.692600 -35.827300 12.740700
130 +-69.218700 -44.027100 -34.806800 12.854200
131 +-69.300100 -44.292400 -33.901900 12.689500
132 +-68.912000 -44.414400 -32.732700 12.552600
133 +-68.489100 -44.768000 -31.711600 12.415600
134 +-68.163000 -45.087200 -31.255700 11.950600
135 +-67.789300 -45.340500 -30.516600 11.238200
136 +-67.105700 -45.360700 -29.802400 10.509400
137 +-65.815900 -45.016300 -29.055500 9.690970
138 +-64.652500 -44.936700 -28.406200 8.411250
139 +-63.874800 -45.366500 -27.847000 6.929150
140 +-63.077400 -45.926100 -27.570000 5.681970
141 +-61.752200 -46.259500 -27.823800 4.575360
142 +-59.877300 -46.304300 -27.395500 2.882260
143 +-58.185400 -46.364500 -27.478500 0.878855
144 +-56.314900 -46.368200 -26.911900 -1.081310
145 +-53.979900 -46.256500 -26.534000 -3.199400
146 +-51.368000 -46.119800 -25.919200 -5.564440
147 +-48.815900 -46.156500 -24.834000 -8.685660
148 +-46.453100 -46.552500 -23.404100 -12.369800
149 +-43.914100 -46.862100 -22.199300 -15.722800
150 +-41.147100 -47.067900 -21.177300 -18.808400
151 +-38.572500 -47.609700 -19.912000 -22.594300
152 +-36.600500 -48.503200 -18.694600 -26.938000
153 +-35.157000 -49.500300 -17.206100 -29.925700
154 +-34.309900 -50.574100 -14.763800 -32.239100
155 +-33.756800 -51.603800 -12.611200 -34.511800
156 +-32.685400 -51.894500 -9.818470 -37.305700
157 +-32.685400 -51.894500 -9.818470 -37.305700
158 +-32.685400 -51.894500 -9.818470 -37.305700
159 +-32.685400 -51.894500 -9.818470 -37.305700
160 +-32.685400 -51.894500 -9.818470 -37.305700
161 +-32.685400 -51.894500 -9.818470 -37.305700
162 +-32.685400 -51.894500 -9.818470 -37.305700
163 +-32.685400 -51.894500 -9.818470 -37.305700
164 +-32.685400 -51.894500 -9.818470 -37.305700
165 +-32.685400 -51.894500 -9.818470 -37.305700
166 +-32.685400 -51.894500 -9.818470 -37.305700
167 +-32.685400 -51.894500 -9.818470 -37.305700
1 +-41.454900 -58.367600 -1.652660 -35.012500
2 +-42.010900 -56.772300 -3.914310 -34.676200
3 +-42.058100 -54.234700 -6.235040 -33.652000
4 +-41.679100 -51.153100 -8.929150 -32.688400
5 +-41.891800 -48.828300 -11.922100 -31.506000
6 +-41.981200 -45.923100 -15.338000 -30.253400
7 +-43.026100 -43.927100 -18.731900 -28.825400
8 +-44.503400 -42.626600 -22.070500 -27.486900
9 +-45.508600 -40.805800 -24.912300 -25.941300
10 +-46.815500 -39.354300 -27.775500 -23.936900
11 +-48.925400 -39.171400 -30.688000 -21.589600
12 +-50.539700 -38.682000 -32.668100 -18.970200
13 +-51.161900 -36.932000 -35.079000 -16.381400
14 +-54.066000 -37.885700 -37.590900 -13.923500
15 +-54.218600 -36.254900 -39.488300 -11.639700
16 +-54.857600 -35.634800 -40.622000 -9.201970
17 +-56.040200 -35.557100 -41.737800 -6.969300
18 +-56.832800 -35.143400 -42.745000 -5.027330
19 +-57.573300 -34.819800 -43.198000 -2.908600
20 +-63.718200 -40.794400 -43.392100 -0.693418
21 +-59.730700 -34.872400 -43.396500 1.710500
22 +-59.956300 -34.539900 -43.082800 4.204450
23 +-59.593400 -33.780100 -42.562200 6.581880
24 +-60.985800 -34.813200 -41.941200 8.791040
25 +-62.162300 -35.408000 -41.141400 10.871900
26 +-64.428400 -37.233900 -40.205700 12.586100
27 +-65.594000 -37.977700 -39.394400 13.790300
28 +-66.728900 -38.383400 -39.018100 14.124600
29 +-67.475200 -38.756200 -37.004600 15.420000
30 +-68.001400 -39.391600 -37.044700 14.842300
31 +-68.392500 -40.217100 -36.412900 14.646600
32 +-68.694900 -40.380800 -35.086100 14.597800
33 +-69.036900 -40.098500 -33.788500 14.463100
34 +-69.110700 -40.490900 -32.634300 14.056000
35 +-68.738100 -40.398800 -31.349000 13.378400
36 +-68.381100 -40.531800 -30.257200 12.519800
37 +-68.003900 -41.167400 -29.278100 11.610100
38 +-67.457900 -41.489700 -28.074700 10.440100
39 +-66.752000 -41.980200 -27.168100 9.034470
40 +-65.836700 -42.026200 -26.893900 7.459660
41 +-64.557700 -41.897200 -26.704800 5.801300
42 +-61.383000 -40.079400 -26.168500 4.228310
43 +-62.097800 -42.524300 -26.084100 2.725500
44 +-60.772000 -42.799200 -26.042600 1.320960
45 +-59.255200 -43.001500 -25.857600 -0.405124
46 +-57.845500 -43.627100 -25.626400 -2.450270
47 +-56.207900 -43.603700 -24.973700 -4.662280
48 +-54.054800 -43.328000 -24.601900 -7.557310
49 +-51.651700 -43.212800 -23.768800 -10.728100
50 +-49.481700 -44.281700 -22.384100 -14.071800
51 +-47.520300 -44.668000 -20.367100 -17.113000
52 +-45.199900 -45.556900 -18.258300 -20.111700
53 +-42.195300 -45.860000 -16.639500 -23.638400
54 +-40.506100 -47.406600 -15.495000 -27.150300
55 +-38.740100 -48.693700 -14.259200 -30.231400
56 +-37.104700 -49.886800 -12.878600 -33.083300
57 +-35.778800 -51.098300 -11.494400 -35.710500
58 +-34.851500 -52.599800 -9.436390 -37.579700
59 +-33.968300 -54.169600 -7.240100 -39.334800
60 +-33.435300 -55.624300 -5.512910 -41.296300
61 +-33.188600 -56.888600 -3.715630 -42.815100
62 +-32.945200 -57.888000 -1.778440 -43.793200
63 +-32.743000 -58.842200 -0.200546 -44.895400
64 +-32.933300 -60.222300 1.614500 -45.722600
65 +-34.188700 -62.430500 4.028820 -45.789900
66 +-36.192900 -65.263200 6.320660 -45.384900
67 +-34.358400 -64.085800 8.214840 -44.919200
68 +-34.698500 -65.113800 10.344900 -44.606600
69 +-34.993600 -66.152700 12.134200 -43.986900
70 +-35.493000 -67.227400 13.750600 -43.136500
71 +-36.496400 -68.492800 15.046800 -42.345900
72 +-37.601800 -69.780700 15.943300 -41.532900
73 +-38.125600 -70.414800 16.417900 -40.597800
74 +-38.307000 -70.797600 16.743200 -39.595200
75 +-38.484800 -71.145700 17.525900 -38.600000
76 +-38.486700 -71.326000 17.961500 -37.616500
77 +-38.521900 -71.436300 17.515700 -36.857500
78 +-38.534000 -71.335700 16.388600 -36.247600
79 +-38.374200 -71.069300 15.775000 -35.787200
80 +-38.050700 -70.534700 14.973600 -35.291600
81 +-37.824100 -69.704100 14.133100 -34.838700
82 +-38.450400 -69.496300 13.301300 -34.218700
83 +-38.342300 -68.539000 12.033200 -33.348300
84 +-38.191100 -67.222400 10.862400 -32.471300
85 +-38.372700 -66.145300 8.835550 -32.203900
86 +-38.949100 -65.213000 8.156470 -31.121400
87 +-40.160700 -64.490400 6.649320 -30.592400
88 +-41.215000 -63.607700 5.056740 -30.311100
89 +-41.526500 -62.008400 3.009610 -29.935400
90 +-41.566200 -59.857500 0.820073 -29.677300
91 +-42.318700 -58.080300 -1.257150 -29.439100
92 +-42.918800 -55.947300 -3.182880 -28.508200
93 +-43.589000 -53.651700 -5.077920 -27.192400
94 +-44.290900 -51.213300 -7.341320 -25.669800
95 +-44.968600 -48.893400 -10.215900 -24.383900
96 +-45.890100 -46.523000 -13.092700 -23.197300
97 +-47.207000 -44.140600 -16.041700 -21.795100
98 +-48.454300 -41.940100 -18.929000 -19.907500
99 +-49.405600 -39.858900 -22.073800 -18.128100
100 +-50.531300 -37.910200 -25.577500 -16.400500
101 +-51.924300 -36.611500 -28.541400 -14.450700
102 +-53.043200 -35.842500 -30.785900 -12.445700
103 +-53.846300 -35.104200 -33.041400 -10.406800
104 +-54.743900 -34.444000 -35.411600 -8.783920
105 +-56.038200 -34.166700 -37.647200 -7.355740
106 +-57.527900 -34.123500 -40.090700 -6.127160
107 +-58.523500 -34.036100 -40.004200 -3.019720
108 +-59.296400 -33.973000 -40.562300 -0.958393
109 +-60.549000 -34.201200 -41.012600 0.774199
110 +-61.944200 -34.512400 -41.582800 2.418510
111 +-63.044300 -34.709200 -40.871300 4.502080
112 +-63.988500 -35.124000 -40.307400 6.455820
113 +-65.071600 -35.705200 -39.533600 8.339520
114 +-66.153200 -36.366800 -38.799400 10.031200
115 +-67.026500 -36.993000 -37.745700 11.601700
116 +-67.756100 -37.600100 -36.523500 12.833700
117 +-68.470300 -38.098000 -35.579900 13.517600
118 +-68.936200 -38.214400 -34.895800 13.868200
119 +-69.137100 -38.339800 -33.722000 13.836800
120 +-69.265200 -38.804100 -32.640800 13.670100
121 +-69.443100 -39.425500 -31.346200 13.685000
122 +-69.246600 -39.860500 -29.937400 13.918900
123 +-68.852800 -40.335700 -28.937000 13.751000
124 +-68.506200 -41.088200 -28.338700 13.095300
125 +-67.836100 -41.636900 -27.861800 12.518200
126 +-66.869300 -42.024800 -27.624900 11.773300
127 +-65.997100 -42.877000 -27.650500 11.021900
128 +-64.891400 -43.762800 -27.717900 10.393900
129 +-63.178200 -44.134900 -27.867400 9.355630
130 +-61.434700 -44.661500 -28.172000 7.950230
131 +-59.573000 -45.450900 -28.235600 6.625380
132 +-57.318900 -45.968300 -27.923300 5.300080
133 +-54.769500 -46.266200 -27.394000 3.828200
134 +-51.928000 -46.629300 -26.537700 2.038920
135 +-49.060100 -47.323500 -25.279700 -0.044911
136 +-45.999000 -47.902700 -23.823300 -2.750520
137 +-42.822700 -48.408500 -23.646100 -7.092390
138 +-40.152800 -49.595600 -20.636800 -8.157440
139 +-37.216600 -50.444500 -20.349600 -12.605600
140 +-34.606000 -51.388700 -19.874500 -17.014500
141 +-32.355600 -52.390100 -18.925700 -21.122500
142 +-30.501100 -53.058600 -16.960800 -24.180100
143 +-29.398500 -53.947600 -14.602700 -26.691000
144 +-28.829800 -55.025300 -12.296900 -29.164000
145 +-28.312300 -55.892600 -10.166600 -31.630400
146 +-27.789600 -56.808400 -7.915830 -34.017000
147 +-27.774900 -58.156700 -5.408090 -36.056800
148 +-28.057200 -59.446600 -3.290260 -37.747300
149 +-27.996600 -59.958600 -1.444860 -38.907300
150 +-28.303300 -60.478800 0.460954 -39.875900
151 +-29.230900 -61.631100 2.380990 -40.695300
152 +-29.017300 -62.161000 3.908580 -41.050200
153 +-30.060300 -64.198400 5.599120 -41.118300
154 +-29.988200 -64.577000 7.077560 -41.336600
155 +-30.633600 -65.184900 8.376350 -41.701300
156 +-31.260300 -65.853000 10.584400 -41.224100
157 +-31.834700 -66.800500 12.496600 -40.685900
158 +-32.057100 -67.629900 14.799800 -39.531500
159 +-31.566100 -67.260000 16.138600 -39.126000
160 +-33.296100 -68.638200 16.236800 -38.999400
161 +-35.572600 -69.947100 16.912400 -38.301900
162 +-34.597800 -69.394400 15.982400 -37.994100
1 +-45.789500 -48.713400 -13.855300 -30.298600
2 +-47.746600 -48.329000 -17.598400 -28.966400
3 +-48.675200 -45.968000 -21.046300 -27.556000
4 +-49.265800 -43.582900 -24.235300 -25.856300
5 +-50.131600 -41.544100 -27.537500 -23.893600
6 +-51.648900 -39.222100 -30.559900 -21.892100
7 +-53.618900 -38.116000 -33.645200 -19.859300
8 +-55.420500 -36.210300 -36.569600 -17.792500
9 +-56.815200 -34.502000 -39.360200 -15.637700
10 +-57.957600 -32.970900 -42.077200 -13.495800
11 +-59.291300 -31.672800 -44.009100 -10.979000
12 +-60.589800 -30.522600 -45.772700 -8.722900
13 +-61.405200 -29.214900 -47.409200 -6.568900
14 +-62.385600 -28.169300 -48.574600 -4.368400
15 +-63.069000 -26.860800 -49.388000 -2.107290
16 +-64.717100 -26.623700 -49.763400 0.376491
17 +-64.456800 -24.630800 -49.799200 2.699020
18 +-64.914800 -23.538900 -49.287700 5.657680
19 +-66.144000 -23.258300 -48.957600 7.896070
20 +-68.667000 -24.593400 -48.242500 10.574600
21 +-69.043200 -23.816900 -47.331800 13.237200
22 +-69.812900 -23.583900 -45.130300 16.454200
23 +-70.824100 -23.702000 -43.555100 18.368700
24 +-71.799900 -23.830600 -42.905600 19.700500
25 +-72.617400 -24.027200 -42.687700 19.706700
26 +-73.288900 -24.413200 -43.042600 18.606700
27 +-73.984000 -25.078300 -42.338100 18.352800
28 +-74.341400 -25.571400 -41.177900 18.077400
29 +-74.297900 -25.889300 -40.322900 17.342900
30 +-74.118300 -26.340000 -39.590400 16.485700
31 +-73.688600 -26.895700 -38.340600 15.690600
32 +-72.944400 -27.467100 -37.335200 14.585400
33 +-72.150800 -28.404100 -36.371300 13.282500
34 +-71.192000 -29.218400 -35.589100 11.853300
35 +-69.982200 -30.015600 -34.927600 10.247500
36 +-68.626200 -30.833200 -34.474700 8.286440
37 +-67.444200 -32.191600 -34.264100 6.374350
38 +-66.215800 -33.816000 -33.354500 4.514370
39 +-64.683800 -35.018400 -32.491700 2.584450
40 +-62.878200 -35.263900 -31.701300 0.598955
41 +-60.612500 -35.948000 -30.550600 -1.506550
42 +-58.158600 -36.931300 -29.684100 -4.451210
43 +-55.614800 -38.268200 -28.845700 -7.985100
44 +-52.773300 -39.517400 -27.182500 -11.461100
45 +-49.877900 -40.433600 -26.279200 -15.375500
46 +-47.292400 -41.907600 -24.743900 -19.281000
47 +-44.698600 -43.752600 -23.297100 -23.339800
48 +-42.051300 -45.425400 -22.221800 -27.569700
49 +-39.855600 -47.179900 -20.766200 -32.115100
50 +-38.466500 -49.431200 -19.315400 -36.912300
51 +-37.156600 -51.136200 -17.510800 -40.780600
52 +-35.433200 -52.237000 -13.966300 -39.737100
53 +-34.108700 -53.291900 -11.472800 -42.780300
54 +-33.311600 -54.454800 -9.130520 -45.268200
55 +-32.920300 -56.100100 -7.205470 -47.847300
56 +-32.885900 -58.062700 -6.156390 -51.199800
57 +-32.997000 -59.682400 -3.288910 -51.434800
58 +-33.353300 -61.207200 -0.497246 -51.850800
59 +-34.035900 -63.091400 2.255830 -52.050900
60 +-34.509200 -64.795400 5.020620 -51.998000
61 +-35.003600 -66.143700 7.586040 -51.907100
62 +-35.840800 -67.694900 10.002400 -51.649800
63 +-36.460500 -69.048900 12.252700 -51.227600
64 +-36.981700 -70.277300 14.192500 -50.812500
65 +-37.572700 -71.395200 15.867600 -50.166500
66 +-37.939700 -72.339400 17.101500 -49.382200
67 +-38.569000 -73.097000 17.899200 -48.538500
68 +-39.602300 -73.705700 18.443400 -47.516900
69 +-40.492300 -74.016000 18.700700 -46.462000
70 +-41.097100 -73.931400 18.676900 -45.496700
71 +-41.633000 -73.642300 18.486100 -44.298200
72 +-42.171300 -73.136300 18.039400 -43.120400
73 +-42.916200 -72.450600 17.453000 -41.955300
74 +-43.513200 -71.686100 16.835100 -40.775300
75 +-43.731100 -70.694000 16.055900 -39.661300
76 +-43.583500 -69.313900 14.954400 -38.797700
77 +-43.548000 -68.032900 13.891300 -37.841600
78 +-43.957900 -67.057000 13.023700 -36.665900
79 +-44.221700 -65.786100 11.697300 -35.830900
80 +-44.663500 -64.548700 10.021200 -35.230700
81 +-45.318000 -63.296700 8.587740 -34.565500
82 +-45.810900 -61.899900 7.193430 -34.083000
83 +-46.366300 -60.611100 5.566170 -33.825300
84 +-46.843100 -59.094300 3.628750 -33.693400
85 +-46.972200 -57.064300 1.810720 -33.429900
86 +-47.006500 -54.809400 0.020591 -33.004200
87 +-46.848400 -52.445600 -2.375780 -32.326800
88 +-46.878600 -50.213300 -5.046020 -31.444200
89 +-47.132700 -48.107500 -7.793020 -30.271200
90 +-46.959900 -45.806900 -11.312800 -29.411900
91 +-46.580700 -43.504600 -14.497200 -27.938600
92 +-46.502800 -41.257400 -17.882100 -26.470100
93 +-46.575800 -39.085700 -21.766800 -24.954500
94 +-47.010400 -37.207800 -24.311800 -23.124100
95 +-47.658400 -35.443200 -26.905300 -20.881100
96 +-48.527900 -33.839300 -30.013700 -18.570800
97 +-49.664800 -32.913000 -33.099600 -16.404500
98 +-50.847000 -32.665300 -35.442400 -14.024000
99 +-52.005400 -29.960100 -37.539800 -11.500800
100 +-53.198900 -29.750000 -39.571900 -9.120010
101 +-54.322700 -28.868200 -41.543800 -7.302620
102 +-55.297300 -27.951600 -43.347500 -5.613110
103 +-56.398000 -27.505800 -44.547300 -3.604250
104 +-57.635600 -27.526700 -45.186200 -1.412780
105 +-58.843200 -28.118800 -45.528600 0.924600
106 +-60.056900 -29.040400 -45.480700 3.331020
107 +-61.199800 -29.500800 -44.946500 5.809470
108 +-62.084800 -29.038600 -44.295800 8.234880
109 +-62.937600 -28.904100 -43.583900 10.541100
110 +-63.982300 -29.519700 -42.562100 12.695600
111 +-65.176500 -30.121900 -41.720400 14.273200
112 +-66.443200 -30.625900 -41.069100 15.251500
113 +-67.563200 -31.195400 -40.286300 15.723400
114 +-68.539800 -32.321000 -39.564000 15.846500
115 +-69.280900 -33.206800 -38.619900 15.948100
116 +-69.870500 -33.624300 -37.607900 15.873800
117 +-70.436700 -33.506800 -36.538700 15.778500
118 +-70.914500 -34.121900 -35.478600 15.640700
119 +-71.040300 -34.675400 -34.825900 15.277300
120 +-70.827200 -35.243000 -33.967400 14.808300
121 +-70.386500 -35.952200 -32.968400 14.385500
122 +-69.832300 -36.650500 -32.253000 13.633800
123 +-68.981000 -37.285900 -31.670600 12.667500
124 +-68.184100 -38.114000 -31.160800 11.451200
125 +-67.609000 -39.207500 -30.828100 9.992510
126 +-66.600200 -40.068500 -30.713000 8.421280
127 +-65.322300 -40.846600 -30.846000 6.654440
128 +-63.928300 -41.419600 -31.328200 4.315790
129 +-62.232100 -41.759000 -31.204000 2.030190
130 +-60.414100 -42.424000 -30.788900 0.101841
131 +-58.250500 -42.863900 -29.363000 -1.498310
132 +-55.654500 -43.099600 -29.579400 -5.974910
133 +-53.145700 -43.795700 -25.883600 -5.634480
134 +-50.774300 -44.699400 -26.368200 -11.373300
135 +-48.237400 -45.400300 -25.033800 -14.888400
136 +-45.660900 -46.191600 -23.573600 -18.145700
137 +-43.328900 -47.335000 -22.437100 -22.159300
138 +-41.627400 -49.000400 -20.958200 -26.047600
139 +-40.395500 -50.685300 -18.896500 -29.183100
140 +-39.190600 -51.891500 -16.724100 -32.361200
141 +-38.192100 -52.935700 -14.493000 -35.339500
142 +-37.817900 -54.439000 -11.484200 -35.683600
143 +-37.755600 -56.033100 -9.616940 -39.162600
144 +-37.281800 -56.963200 -7.559390 -42.098300
145 +-36.939200 -57.885700 -5.120370 -43.563500
146 +-37.111900 -59.123800 -2.878740 -45.080800
147 +-36.232600 -59.180200 -0.606644 -46.254000
148 +-37.026700 -60.804600 1.769550 -46.898300
149 +-38.016400 -62.665300 4.156210 -47.041200
150 +-38.325300 -63.859400 6.213280 -47.171400
1 +-61.895100 -35.815500 -38.672900 2.947940
2 +-63.041500 -36.098700 -38.277200 5.018050
3 +-63.997100 -36.494900 -37.594900 7.020800
4 +-64.545300 -36.555100 -36.740600 8.963620
5 +-64.404100 -35.784500 -36.110200 10.232600
6 +-68.875800 -40.006700 -35.465300 11.028500
7 +-69.181700 -39.556900 -34.830100 11.525800
8 +-69.907600 -39.774600 -34.257000 11.750000
9 +-70.820000 -40.515000 -33.581900 11.849400
10 +-72.443300 -42.366800 -32.861400 11.887900
11 +-72.343800 -42.211700 -32.187300 11.893900
12 +-72.193700 -42.087300 -31.568300 11.678300
13 +-71.596900 -41.625000 -30.849400 11.317700
14 +-70.433200 -40.988800 -30.334900 10.726400
15 +-71.645900 -43.164800 -29.476000 10.029400
16 +-70.205700 -42.648100 -28.509200 9.158760
17 +-68.726900 -42.265000 -27.951400 7.861200
18 +-67.641300 -42.548500 -27.120700 6.497630
19 +-66.779500 -42.908600 -26.695600 5.151010
20 +-65.711800 -43.370500 -26.321400 3.651700
21 +-64.321100 -43.931500 -26.180400 1.850520
22 +-62.410600 -44.010400 -25.714900 -0.036797
23 +-60.627200 -44.679000 -25.331400 -2.112240
24 +-58.598200 -45.399400 -25.177500 -4.625050
25 +-56.168900 -45.334900 -24.681900 -7.437990
26 +-54.163400 -45.856000 -23.609900 -10.329900
27 +-52.108600 -46.938200 -22.034800 -13.476700
28 +-49.363700 -47.542700 -20.250500 -16.890000
29 +-46.613500 -48.175100 -18.420900 -19.981700
30 +-44.382200 -49.574600 -17.485900 -23.830900
31 +-42.823200 -51.926700 -16.052900 -27.515000
32 +-39.681300 -51.621100 -14.423300 -30.721900
33 +-37.784800 -53.224100 -12.451900 -33.643000
34 +-36.121200 -54.472700 -10.151600 -36.205300
35 +-34.758900 -55.492900 -7.715740 -38.405700
36 +-33.452100 -56.456400 -5.616480 -40.490600
37 +-32.701600 -57.785800 -3.854990 -42.413000
38 +-31.915000 -58.996900 -2.213440 -44.163600
39 +-30.836600 -59.809800 -0.507558 -45.474300
40 +-30.644400 -60.547800 1.529830 -46.264200
41 +-30.607900 -61.535100 3.346000 -47.071400
42 +-30.822000 -62.442300 5.014130 -47.561800
43 +-30.941300 -63.328900 7.198660 -47.747300
44 +-31.185700 -64.269900 9.375820 -47.306400
45 +-31.736800 -65.143400 11.939700 -46.678500
46 +-32.416000 -65.854800 13.984900 -46.016900
47 +-33.121500 -66.585900 15.353700 -45.433900
48 +-33.967500 -67.261100 16.254700 -44.861700
49 +-34.985100 -67.842300 17.171400 -43.924700
50 +-35.834400 -68.327500 17.930500 -42.763000
51 +-36.604500 -68.673100 18.259700 -41.556100
52 +-37.153300 -68.795300 18.520700 -40.245600
53 +-37.591200 -68.763900 18.700900 -38.978300
54 +-38.268300 -68.679800 18.712600 -37.783900
55 +-38.897600 -68.225000 18.408200 -36.549900
56 +-39.316700 -67.550000 17.737800 -35.361800
57 +-39.891200 -67.190900 16.736900 -34.482000
58 +-40.544200 -66.797200 15.552200 -33.962900
59 +-40.862100 -65.922600 14.256200 -33.476500
60 +-40.971900 -64.678900 12.915400 -32.843600
61 +-41.196000 -63.436300 11.480300 -32.182100
62 +-41.467600 -62.523100 10.134100 -31.515800
63 +-41.834400 -61.530500 8.690720 -31.026100
64 +-42.100300 -60.212000 7.111630 -30.540100
65 +-42.542900 -58.736700 5.434760 -29.830500
66 +-43.218400 -57.198300 3.461250 -29.220100
67 +-43.651200 -55.570200 1.206890 -28.774800
68 +-43.669000 -53.790900 -0.774405 -28.262800
69 +-43.914500 -51.884700 -2.815010 -27.366600
70 +-44.534500 -49.777600 -5.819950 -26.429700
71 +-44.936600 -47.215000 -9.375690 -24.948800
72 +-45.728600 -44.691700 -12.292900 -23.513700
73 +-47.503200 -42.791800 -14.919100 -21.938400
74 +-49.084900 -41.189600 -18.153000 -20.346900
75 +-50.261200 -39.694500 -21.865300 -18.425200
76 +-51.792100 -38.250000 -25.053300 -16.395500
77 +-53.484900 -36.482100 -27.808800 -14.144100
78 +-54.857300 -34.957800 -30.251300 -11.709400
79 +-56.425800 -34.143500 -32.675400 -9.401850
80 +-58.099200 -33.440100 -35.033300 -7.309360
81 +-59.343100 -32.303600 -37.362500 -5.269520
82 +-60.643200 -31.214500 -39.186300 -3.007030
83 +-62.099600 -30.384400 -40.463900 -0.664058
84 +-63.557000 -29.760200 -41.626900 1.504390
85 +-64.910700 -29.678700 -42.370400 3.474850
86 +-66.018600 -29.600800 -42.232200 6.141140
87 +-66.854400 -28.991700 -42.345500 8.131110
88 +-67.642100 -28.681400 -42.341900 10.029400
89 +-68.415600 -28.374300 -41.910000 12.216700
90 +-69.297600 -28.785300 -41.320100 14.364900
91 +-70.499800 -29.728800 -40.423900 16.515300
92 +-71.564500 -30.734700 -39.459100 18.223000
93 +-72.195400 -31.686000 -38.595800 19.320700
94 +-72.599400 -32.076000 -37.593300 20.066800
95 +-72.121600 -31.676500 -36.723800 20.490100
96 +-69.952100 -29.467500 -36.045700 20.587000
97 +-72.154500 -32.182700 -35.342100 20.493500
98 +-72.824000 -33.240400 -34.653800 20.147400
99 +-73.662400 -34.986600 -34.034000 19.394700
100 +-70.783800 -32.925700 -33.377000 18.297900
101 +-70.111200 -33.335000 -32.878900 16.796400
102 +-69.619800 -34.095400 -32.552300 15.035400
103 +-69.009600 -34.838500 -31.732500 13.585500
104 +-67.717700 -35.498600 -30.931800 11.918300
105 +-66.184500 -36.269000 -30.107800 10.083300
106 +-64.556700 -36.711300 -29.417000 8.263250
107 +-62.933600 -36.992100 -28.872400 6.260700
108 +-61.284600 -37.430200 -28.403800 3.785150
109 +-59.468400 -37.965300 -27.881000 1.192180
110 +-57.835200 -38.698300 -27.309200 -1.464280
111 +-56.196600 -39.682300 -26.653600 -4.169620
112 +-53.893600 -40.775800 -25.628400 -7.125980
113 +-51.051000 -41.346800 -24.285300 -10.586100
114 +-48.008300 -42.760100 -22.491800 -14.121000
115 +-45.284100 -44.350400 -20.853900 -17.307800
116 +-43.044100 -46.160900 -19.513100 -20.961100
117 +-40.674600 -47.507100 -18.412700 -24.865100
118 +-38.328700 -48.576400 -17.391000 -29.090900
119 +-36.747200 -50.103200 -16.448400 -33.781300
120 +-35.546900 -51.687200 -14.451800 -36.599100
121 +-34.530200 -52.985700 -10.495400 -36.739400
122 +-34.075400 -54.409900 -8.233500 -39.019300
123 +-33.779500 -55.673800 -5.928620 -40.809800
124 +-33.290500 -56.696200 -3.925730 -42.126000
125 +-33.115100 -58.039900 -1.813770 -43.070200
126 +-33.237000 -59.572300 0.328884 -44.018900
127 +-33.093700 -60.689700 2.171780 -45.350100
128 +-32.812800 -61.638700 3.084120 -45.961400
129 +-32.923000 -62.797800 5.023900 -45.978100
130 +-33.514400 -64.088900 7.569270 -45.552200
131 +-34.314100 -65.398100 9.927270 -44.951600
132 +-34.998600 -66.583100 11.685100 -44.223200
133 +-35.716500 -67.910200 13.106400 -43.389500
134 +-36.357600 -68.957200 14.263000 -42.454500
135 +-36.775700 -69.659000 15.175700 -41.487200
136 +-37.529700 -70.526100 15.830700 -40.476700
137 +-37.708900 -71.045000 16.243100 -39.293400
138 +-37.928900 -71.108800 16.429600 -38.035000
139 +-37.575800 -70.403700 16.517400 -36.850200
140 +-39.239400 -71.639900 16.234100 -35.985300
141 +-39.011000 -70.926000 16.034500 -34.900400
142 +-39.481500 -70.616000 15.805700 -33.788400
143 +-39.566200 -69.894300 15.068800 -33.013700
144 +-40.037100 -69.490100 13.996000 -32.140400
145 +-40.178800 -68.742300 12.709700 -31.012100
146 +-40.640100 -68.028800 10.929700 -29.922900
147 +-40.834200 -67.033600 9.531450 -28.209700
148 +-41.137600 -66.121500 7.867020 -26.975700
149 +-41.353900 -64.845100 5.544470 -26.593800
150 +-42.317000 -64.113100 4.424070 -25.759200
151 +-42.032300 -62.058700 2.509590 -26.023600
152 +-41.804300 -59.920300 1.972510 -24.886300
153 +-42.201800 -58.295500 -0.888060 -25.217400
154 +-43.151500 -57.030600 -3.770310 -25.434500
155 +-42.032600 -53.693400 -5.841790 -25.084300
156 +-42.291600 -51.433400 -7.895040 -23.701500
157 +-42.240600 -48.466700 -10.906100 -22.817300
158 +-42.953300 -46.147600 -14.020300 -21.804000
159 +-43.120800 -43.195300 -17.750500 -21.186900
160 +-42.906200 -39.630000 -20.233700 -19.437900
161 +-44.708900 -38.008900 -24.108600 -18.673100
162 +-46.097100 -36.296600 -26.077900 -16.469900
163 +-47.230800 -32.834200 -27.734900 -14.336300
164 +-48.878400 -32.639100 -30.465000 -12.770700
165 +-50.441000 -31.725300 -33.220600 -11.454500
1 +-37.651400 -55.422700 -10.639300 -36.118700
2 +-36.109900 -57.528600 -8.875250 -39.100700
3 +-36.444200 -60.482900 -6.933730 -41.368500
4 +-34.080800 -60.080600 -5.632510 -43.155300
5 +-32.986200 -60.819100 -3.830690 -44.695000
6 +-32.672000 -62.212000 -1.839290 -45.931900
7 +-32.057600 -63.212100 0.194777 -46.867000
8 +-31.605500 -63.991200 2.115090 -47.626100
9 +-31.580400 -64.945100 3.876120 -48.361800
10 +-30.879200 -65.147400 5.624690 -48.814500
11 +-31.991500 -67.141400 7.665010 -48.594900
12 +-32.382700 -68.195000 9.657920 -48.074100
13 +-32.298600 -68.759200 11.606500 -47.406400
14 +-32.422400 -69.189100 13.397900 -46.593400
15 +-33.255000 -69.894300 14.753500 -45.855900
16 +-34.211600 -70.569700 15.669200 -45.009000
17 +-34.886100 -70.879100 16.103000 -44.096900
18 +-35.202900 -70.925200 16.423800 -42.917500
19 +-35.294100 -70.645700 16.473700 -41.601700
20 +-35.602400 -70.348000 16.298400 -40.356000
21 +-36.295800 -70.229500 16.141800 -39.065000
22 +-36.919600 -69.713900 15.582200 -37.875200
23 +-37.263100 -68.668700 14.782300 -36.715700
24 +-37.792100 -67.629400 13.905400 -35.630700
25 +-38.466400 -66.658200 13.004000 -34.629600
26 +-38.920200 -65.518700 11.930600 -33.686100
27 +-39.027400 -64.077800 10.547200 -32.841600
28 +-39.300700 -62.604500 9.224570 -32.005500
29 +-40.050900 -61.312500 7.624580 -31.667800
30 +-40.657700 -59.762400 5.851510 -31.398600
31 +-41.169600 -57.974000 4.230660 -31.054000
32 +-42.065200 -56.560400 2.412030 -30.678800
33 +-42.878900 -55.013700 0.365286 -30.362200
34 +-43.443300 -52.878500 -1.653220 -29.647600
35 +-44.152700 -50.815700 -3.931760 -28.686400
36 +-45.178100 -48.871500 -6.924890 -27.903100
37 +-46.189800 -46.581200 -10.465100 -26.780000
38 +-47.056900 -44.022100 -13.221200 -25.724100
39 +-48.253100 -41.712500 -16.299700 -24.693600
40 +-49.664500 -39.539500 -19.395200 -23.176000
41 +-51.006000 -37.253100 -22.157700 -21.143100
42 +-52.513200 -36.122700 -25.267600 -19.154200
43 +-54.045500 -34.807500 -28.752500 -17.109400
44 +-55.628700 -33.605500 -31.417000 -14.907500
45 +-57.077400 -32.703300 -33.922600 -12.399900
46 +-58.203100 -31.733400 -36.532000 -9.795580
47 +-59.520900 -30.603500 -38.966000 -7.448160
48 +-61.088700 -29.542800 -40.726500 -5.219440
49 +-62.435000 -29.519400 -42.099200 -3.219450
50 +-63.119000 -28.866600 -43.597400 -1.458740
51 +-63.611100 -27.876700 -44.836900 0.302837
52 +-64.554800 -27.776400 -45.536100 2.249410
53 +-65.660100 -27.851700 -45.410300 4.237910
54 +-66.487300 -28.203500 -44.966500 6.230090
55 +-66.997000 -28.398200 -44.535800 8.284750
56 +-67.537000 -29.249400 -43.410800 10.248900
57 +-68.330900 -29.612200 -42.811100 12.286900
58 +-69.044600 -30.305900 -41.917900 13.785600
59 +-69.484900 -30.639800 -41.356000 14.537600
60 +-69.971700 -30.868700 -40.765500 14.783500
61 +-70.400200 -31.264600 -40.033200 15.031800
62 +-70.388100 -31.372000 -38.995400 15.147800
63 +-70.184800 -31.381600 -38.035300 15.042100
64 +-70.123900 -31.852700 -37.043800 14.905900
65 +-70.060500 -32.455300 -35.978600 14.574000
66 +-69.613400 -32.597400 -34.778800 14.122000
67 +-68.928400 -33.052200 -33.815700 13.525700
68 +-68.141000 -33.663800 -33.212600 12.677300
69 +-67.274000 -34.266500 -32.177800 11.670100
70 +-66.090100 -34.913800 -31.197500 10.576500
71 +-65.400500 -36.157700 -30.491300 9.148260
72 +-64.965600 -37.376300 -29.697500 7.589500
73 +-63.849400 -38.016700 -28.957200 5.902650
74 +-62.222900 -38.420500 -28.670500 3.918020
75 +-60.320700 -38.682900 -28.239700 1.841460
76 +-58.371100 -38.634200 -27.542400 -0.307134
77 +-56.554100 -39.227000 -26.476000 -2.455510
78 +-54.642900 -40.228600 -25.321900 -4.909540
79 +-52.269300 -41.188600 -23.890600 -7.837940
80 +-49.500800 -42.067100 -22.440300 -11.192900
81 +-46.923600 -43.391500 -20.696400 -14.434800
82 +-44.637100 -45.303800 -19.171900 -17.953400
83 +-41.917600 -46.961600 -17.599900 -21.606700
84 +-39.404200 -48.692600 -15.755400 -24.885800
85 +-37.083400 -50.434200 -13.561900 -27.572900
86 +-35.026500 -52.011000 -11.297900 -30.149400
87 +-33.663500 -53.733100 -8.934640 -32.749400
88 +-32.891600 -55.400700 -6.555450 -35.065300
89 +-31.890600 -56.793300 -4.306720 -36.913100
90 +-30.714000 -57.844500 -1.902320 -38.396200
91 +-29.861000 -58.839500 0.776047 -39.621700
92 +-29.731500 -60.243700 3.521710 -40.414200
93 +-30.203500 -61.849300 6.066350 -41.039100
94 +-30.514300 -63.096900 8.010570 -41.972700
95 +-30.614900 -64.092300 9.094140 -43.900800
96 +-30.953700 -65.047400 11.073500 -43.793600
97 +-31.796900 -66.232900 12.769500 -43.775000
98 +-31.924000 -67.083000 14.200700 -43.795200
99 +-32.532700 -67.710300 15.432700 -43.648100
100 +-33.398900 -68.508400 16.438400 -43.254300
101 +-34.178100 -69.075500 17.051800 -42.909100
102 +-34.330700 -69.021500 17.625500 -42.246800
103 +-34.492900 -68.893300 18.168400 -41.182100
104 +-35.327600 -68.977600 18.386600 -40.020700
105 +-36.549500 -69.024100 18.362900 -38.724800
106 +-37.334900 -68.510600 18.258600 -37.376300
107 +-37.775600 -67.587600 17.906700 -36.017900
108 +-38.595000 -66.800200 17.357900 -34.711700
109 +-39.333400 -65.994400 16.592900 -33.607100
110 +-39.937000 -65.010200 15.589600 -32.317600
111 +-40.403800 -63.926600 14.379800 -31.489100
112 +-40.515100 -62.488500 13.201000 -30.270300
113 +-40.767700 -61.143000 11.920200 -29.413200
114 +-41.301000 -59.881900 10.370500 -28.766800
115 +-41.940800 -58.640300 8.857410 -28.617200
116 +-42.739700 -57.568000 7.615790 -28.166600
117 +-43.411300 -56.359900 6.318820 -28.080600
118 +-43.895100 -54.735900 4.962810 -27.853700
119 +-44.405800 -52.959700 2.829070 -27.890100
120 +-44.904300 -50.872800 0.532147 -27.690000
121 +-45.560500 -48.894100 -1.673320 -27.163600
122 +-46.249500 -46.889200 -4.249180 -26.424200
123 +-46.776200 -44.671600 -7.151340 -25.306900
124 +-47.491700 -42.624200 -10.286500 -23.991300
125 +-48.391200 -40.471400 -13.277000 -22.361900
126 +-49.296300 -38.148600 -15.469900 -19.994000
127 +-50.121200 -35.899100 -20.392200 -19.859300
128 +-51.076300 -34.156900 -23.203100 -17.770400
129 +-52.260800 -32.956500 -26.731000 -15.956500
130 +-53.410100 -32.069900 -29.742100 -13.735600
131 +-54.388500 -31.148300 -31.948000 -10.978900
132 +-55.935700 -30.851300 -33.442200 -8.115030
133 +-56.906400 -29.899600 -34.907700 -5.765930
134 +-58.313400 -29.706800 -37.109100 -4.126790
135 +-59.755500 -29.847400 -38.862200 -2.411910
136 +-60.464000 -29.234600 -38.790800 -0.178166
137 +-61.243300 -27.458500 -40.896700 0.574894
138 +-62.008800 -28.518100 -42.210900 1.563280
1 +-35.902300 -22.145700 -27.993600 3.636740
2 +-35.568000 -21.583500 -27.912700 4.234710
3 +-35.603700 -21.304400 -27.863400 4.749140
4 +-35.794800 -21.148200 -27.679700 5.467730
5 +-35.983000 -21.041000 -27.224700 6.188870
6 +-36.093900 -20.996300 -26.759600 6.447730
7 +-35.399100 -20.352500 -26.607000 6.566870
8 +-34.436100 -19.520800 -26.966600 6.839470
9 +-36.703200 -21.294900 -26.747500 7.228420
10 +-36.117000 -20.639300 -26.693500 7.745410
11 +-36.086000 -20.411300 -26.900300 8.397120
12 +-36.051600 -20.241500 -25.371900 9.869540
13 +-35.924900 -20.360500 -27.179200 8.777410
14 +-36.354100 -20.871400 -26.817100 9.114990
15 +-36.441800 -20.931600 -26.286700 9.319530
16 +-36.543200 -21.249100 -25.907200 9.413300
17 +-37.433300 -22.125800 -25.574600 9.490280
18 +-37.605300 -22.419400 -25.204700 9.536650
19 +-36.978500 -22.185200 -24.999800 9.189960
20 +-38.363200 -23.835300 -24.819500 8.609920
21 +-38.018400 -23.833200 -24.551900 7.990020
22 +-38.010800 -24.136900 -24.307100 7.277440
23 +-37.998500 -24.745300 -23.928200 6.500830
24 +-37.717100 -25.279700 -23.497400 5.701290
25 +-37.621800 -25.970500 -23.259200 4.638610
26 +-37.413000 -26.526800 -22.790700 3.487670
27 +-37.207500 -26.780600 -22.116900 2.345820
28 +-37.352400 -27.293100 -21.501500 1.066910
29 +-37.282900 -27.593900 -20.936300 -0.276148
30 +-37.220600 -27.872400 -20.219300 -1.481360
31 +-37.470900 -28.354100 -19.428500 -2.701300
32 +-37.165900 -28.471600 -18.720200 -4.102050
33 +-36.974800 -28.669600 -18.006500 -5.440150
34 +-36.900200 -28.978500 -17.215000 -6.682770
35 +-36.473100 -29.024700 -16.448400 -7.941440
36 +-36.118600 -28.985700 -15.871300 -9.340790
37 +-36.073500 -29.187500 -15.457200 -10.854100
38 +-35.951700 -29.306500 -14.886200 -12.170400
39 +-35.665800 -29.314200 -14.039500 -13.248200
40 +-35.509300 -29.609800 -13.383900 -14.597900
41 +-35.498900 -30.145200 -12.853700 -15.936600
42 +-35.621200 -30.593500 -12.214100 -17.136900
43 +-34.751800 -29.972100 -11.613600 -18.354300
44 +-34.610900 -30.151400 -11.027300 -19.586300
45 +-34.476400 -30.718400 -10.458400 -20.700100
46 +-34.274700 -31.008600 -9.956590 -21.857900
47 +-34.243500 -31.225300 -9.459110 -23.053300
48 +-34.202400 -31.395000 -8.863600 -24.087400
49 +-34.211600 -31.734400 -8.253710 -25.080600
50 +-33.848700 -31.986400 -7.672510 -26.036800
51 +-33.329900 -32.019800 -7.186730 -26.988800
52 +-32.970100 -31.976800 -6.664810 -27.925300
53 +-32.691900 -32.013600 -6.137670 -28.871400
54 +-32.281000 -32.146400 -5.588690 -29.683500
55 +-31.963900 -32.136100 -4.902920 -30.294400
56 +-31.429500 -31.996200 -4.231130 -30.988800
57 +-30.923300 -32.291400 -3.505300 -31.644600
58 +-30.742000 -32.703000 -2.644400 -32.088000
59 +-30.888000 -32.839800 -1.848810 -32.632200
60 +-30.722300 -32.810400 -0.946618 -32.911200
61 +-30.350800 -32.820700 -0.181510 -33.133400
62 +-29.899200 -32.814400 0.585288 -33.315300
63 +-29.414400 -32.640400 1.481000 -33.357500
64 +-29.325900 -32.718500 2.371310 -33.459200
65 +-29.268400 -32.977500 3.307560 -33.432700
66 +-29.110500 -33.333300 4.172030 -33.260900
67 +-28.604100 -33.259200 4.860140 -33.110200
68 +-28.336400 -33.299900 5.609980 -32.983000
69 +-28.258400 -33.432300 6.612520 -32.567800
70 +-28.046400 -33.404200 7.425690 -32.201000
71 +-27.469900 -33.277800 8.166430 -31.860300
72 +-27.019800 -33.329000 9.193880 -31.355100
73 +-27.006300 -33.436200 10.035700 -31.025200
74 +-26.960400 -33.695700 10.692800 -30.760800
75 +-26.859000 -33.836800 11.277800 -30.603300
76 +-26.840800 -33.889300 11.709300 -30.666600
77 +-26.871100 -34.139100 12.167500 -30.709400
78 +-27.269000 -34.445400 12.462000 -30.769600
79 +-26.735300 -34.093000 12.846600 -30.812800
80 +-26.657500 -34.389300 13.340200 -30.979500
81 +-26.679200 -34.611100 13.883300 -30.931400
82 +-26.785000 -34.641600 14.186500 -30.917800
83 +-26.995800 -34.802200 14.396500 -31.110700
84 +-27.197600 -35.118900 14.521000 -31.093300
85 +-27.431700 -35.323800 14.440600 -30.863200
86 +-27.578200 -35.323900 14.348200 -30.483900
87 +-27.857500 -35.359500 14.030100 -30.043500
88 +-28.232100 -35.306200 13.554400 -29.424600
89 +-28.395900 -35.430000 12.661100 -29.008000
90 +-28.681600 -35.649500 11.146700 -29.045500
91 +-29.297800 -36.043300 10.984300 -28.877700
92 +-29.778300 -36.363300 11.183600 -28.683000
93 +-30.133900 -36.232100 8.978850 -27.840800
94 +-30.496500 -36.068400 7.376170 -27.097500
95 +-31.014300 -36.215700 6.697960 -26.847300
96 +-31.563000 -36.385900 6.572070 -26.702400
97 +-31.952400 -36.137700 6.845170 -26.906000
98 +-32.134200 -35.841200 5.803410 -26.034100
99 +-32.427300 -35.747000 3.181490 -24.806400
100 +-32.589400 -35.535800 -0.743533 -23.261700
101 +-32.546200 -35.040500 -1.026030 -22.253000
102 +-32.747000 -34.667300 -0.984581 -21.442000
103 +-33.085800 -34.406400 -4.005050 -20.423300
104 +-33.145400 -34.041500 -6.506710 -19.580100
105 +-33.049900 -33.478900 -7.767210 -18.616800
106 +-33.094100 -33.001700 -8.677020 -17.777600
107 +-33.217900 -32.801400 -10.074000 -17.197100
108 +-33.512100 -32.571800 -11.516900 -16.388100
109 +-33.659000 -32.196500 -12.556400 -15.734100
110 +-33.644100 -31.767900 -13.987200 -15.061700
111 +-33.823000 -31.352100 -14.798600 -14.467300
112 +-34.061100 -30.996100 -16.082600 -13.982100
113 +-34.319000 -30.697000 -17.156400 -13.228200
114 +-34.417100 -30.363700 -18.245500 -12.528100
115 +-34.518500 -30.100200 -19.203400 -11.753700
116 +-34.717800 -29.962800 -20.324800 -11.097700
117 +-34.868400 -29.592300 -21.443200 -10.512800
118 +-34.857000 -29.025300 -22.503800 -10.011400
119 +-35.158900 -28.760200 -23.446500 -9.386170
120 +-35.767100 -28.808500 -24.142900 -8.585260
121 +-35.904800 -28.417200 -24.755300 -7.867940
122 +-35.752600 -27.618600 -25.317700 -7.151020
123 +-36.000800 -27.318700 -25.888800 -6.404980
124 +-36.236700 -27.182700 -26.357500 -5.727730
125 +-36.229900 -26.678000 -26.913300 -5.053500
126 +-36.400000 -26.422000 -27.491000 -4.452520
127 +-36.610900 -26.185300 -27.702600 -3.703110
128 +-36.802800 -25.757200 -28.032000 -3.039150
129 +-37.022600 -25.241100 -28.037700 -2.252560
130 +-37.086100 -24.783500 -28.231300 -1.574690
131 +-36.897400 -24.709400 -28.237500 -0.660082
132 +-37.142600 -24.743800 -28.137900 0.188177
133 +-37.263100 -24.435800 -27.860800 1.070900
134 +-37.522300 -23.931000 -27.480600 2.014430
135 +-37.681900 -23.402800 -27.267300 2.906170
136 +-38.047600 -23.162700 -27.100500 3.766260
137 +-38.341900 -23.189900 -26.795400 4.650480
138 +-38.414900 -22.896700 -26.558600 5.545640
139 +-38.608300 -22.397300 -26.551600 6.266870
140 +-38.494700 -22.119300 -26.313000 6.879500
141 +-38.463900 -22.175900 -25.875100 7.488950
142 +-38.716100 -22.162700 -25.726100 8.073280
143 +-38.868500 -22.273500 -25.731700 8.544260
144 +-38.996200 -22.221200 -25.611800 8.856800
145 +-39.029700 -21.925400 -25.470900 9.309720
146 +-39.028900 -21.739900 -25.355300 9.890760
147 +-39.038900 -21.688500 -25.209800 10.455900
148 +-39.177100 -21.890700 -24.927600 10.937700
149 +-39.227700 -22.145800 -24.894400 11.140800
150 +-39.318900 -22.199300 -24.880400 11.460800
151 +-39.506000 -22.441200 -24.614900 11.906200
152 +-39.204500 -22.488700 -24.440100 12.093500
153 +-38.924600 -22.455000 -24.403900 12.050900
154 +-39.245100 -22.765900 -24.148800 11.872000
155 +-39.597300 -23.422500 -23.714600 11.610500
156 +-39.750500 -23.886500 -23.235200 11.210300
157 +-39.919900 -24.416300 -22.918200 10.427300
158 +-39.776400 -24.912900 -22.594200 9.470560
159 +-39.538200 -25.468300 -22.332100 8.313200
160 +-39.689200 -26.237200 -22.082400 6.972580
161 +-39.818500 -26.495600 -21.634600 5.752590
162 +-39.693200 -26.554500 -20.911100 4.561420
163 +-39.594300 -26.956400 -20.052100 3.251370
164 +-39.762000 -27.405500 -19.121000 1.887640
165 +-40.130000 -27.951200 -18.207100 0.345701
166 +-40.249200 -28.333200 -17.359500 -1.200860
167 +-39.801300 -28.336300 -16.681200 -2.720160
168 +-39.225600 -28.015700 -16.074200 -4.342880
169 +-38.847200 -27.907900 -15.388500 -5.794320
170 +-38.586600 -27.991000 -14.441900 -6.804680
171 +-38.487200 -28.175800 -14.075900 -8.616970
172 +-38.430000 -28.404800 -13.198800 -9.909400
173 +-38.077900 -28.514400 -12.218700 -10.874700
174 +-37.727500 -28.806000 -11.385100 -12.058700
175 +-37.447100 -29.222400 -10.666000 -13.381400
176 +-36.984400 -29.496100 -9.766330 -14.468000
177 +-36.750500 -29.766500 -9.049130 -15.604700
178 +-36.474900 -30.124200 -8.546690 -16.809000
179 +-36.006200 -30.491300 -7.953280 -17.885200
180 +-35.731800 -30.915600 -7.438800 -19.122000
181 +-35.267500 -31.123700 -6.901160 -20.298200
182 +-34.912400 -31.081500 -6.237000 -21.284300
183 +-34.860000 -31.492200 -5.655350 -22.456200
184 +-35.011200 -31.889400 -4.940220 -23.386300
185 +-34.399200 -31.893200 -4.203050 -24.144700
186 +-33.798100 -31.889500 -3.711520 -25.130900
187 +-33.571300 -32.026300 -3.294560 -26.091200
188 +-33.202400 -32.167200 -2.676110 -26.932000
189 +-32.805900 -32.285500 -1.885550 -27.721600
190 +-32.536200 -32.591600 -1.077290 -28.385300
191 +-32.240800 -33.006600 -0.205766 -28.803100
192 +-32.133800 -33.453500 0.506920 -29.302900
193 +-31.830700 -33.660500 1.207970 -29.799400
194 +-31.457200 -34.016400 1.974080 -30.224100
195 +-31.096600 -34.251500 2.777840 -30.591700
196 +-30.530300 -34.120700 3.680970 -30.810400
197 +-29.869400 -34.025700 4.456610 -31.087800
198 +-29.328500 -34.218300 5.222600 -31.272800
199 +-28.861500 -34.504900 6.077140 -31.314500
200 +-28.467300 -34.744900 6.949580 -31.301100
201 +-28.270400 -34.852600 7.820080 -31.272400
202 +-28.049000 -34.936300 8.680520 -31.278300
203 +-27.566700 -34.944400 9.781430 -31.031500
204 +-26.927200 -34.845000 11.021500 -30.686400
205 +-26.593800 -34.944500 12.155800 -30.378100
206 +-26.565900 -35.284300 12.899500 -30.183800
207 +-26.340200 -35.418500 13.358800 -30.001500
208 +-26.039300 -35.540300 13.841600 -29.682000
209 +-25.637900 -35.725600 14.314800 -29.479100
210 +-25.275700 -35.955200 14.907000 -29.262400
211 +-25.410500 -36.199800 15.721600 -29.219000
212 +-25.438000 -36.230100 16.426400 -29.421800
213 +-24.959100 -35.973500 16.841400 -29.601700
214 +-24.752000 -35.992700 16.856900 -29.899300
215 +-24.927000 -36.288100 16.921900 -30.117400
216 +-24.998100 -36.496700 17.327700 -29.963700
217 +-24.955500 -36.491400 17.702300 -29.953300
218 +-25.040800 -36.412100 17.786800 -30.164100
219 +-25.433700 -36.649500 17.735300 -30.397600
220 +-25.773400 -36.804800 17.464800 -30.393700
221 +-26.019300 -36.850900 17.663100 -29.680900
222 +-26.457800 -37.163900 17.489900 -29.332800
223 +-26.710700 -37.335900 16.675400 -29.015500
224 +-26.941100 -37.261400 15.165900 -28.715400
225 +-27.518000 -37.444300 14.556200 -28.414000
226 +-28.088100 -37.670400 13.621800 -27.972700
227 +-28.435100 -37.768300 12.385300 -27.471900
228 +-28.708100 -37.677700 11.007100 -26.776500
229 +-29.181700 -37.555200 9.658180 -25.861900
230 +-29.783700 -37.534400 8.305750 -24.965500
231 +-30.157200 -37.511200 6.825870 -24.215500
232 +-30.281400 -37.293800 5.263730 -23.398500
233 +-30.323300 -36.995900 3.758630 -22.516000
234 +-30.429300 -36.539300 2.378760 -21.633500
235 +-30.710700 -36.089500 1.020810 -20.753100
236 +-30.934600 -35.821200 -0.302539 -19.882300
237 +-31.125200 -35.575200 -1.757480 -19.112600
238 +-31.174200 -35.096500 -3.125130 -18.195700
239 +-31.498700 -34.527900 -4.581560 -17.357600
240 +-32.026200 -33.951600 -5.953340 -16.434000
241 +-32.327400 -33.563500 -7.312820 -15.538000
242 +-32.424400 -33.253000 -8.683470 -14.822500
243 +-32.427400 -32.662000 -9.827740 -13.995500
244 +-32.664500 -32.064000 -10.992200 -13.000600
245 +-33.047500 -31.759100 -12.591200 -12.042400
246 +-33.502100 -31.463200 -14.516300 -11.128400
247 +-33.936800 -31.100900 -16.028100 -10.362600
248 +-34.329100 -30.941000 -17.262200 -9.859940
249 +-34.527500 -30.780600 -18.039600 -9.338820
250 +-34.890600 -30.577400 -18.747600 -8.788780
251 +-35.291200 -30.434200 -19.898500 -8.446400
252 +-35.633300 -30.082400 -20.912100 -7.867250
253 +-35.903700 -29.551200 -21.576600 -7.111370
254 +-36.076500 -29.000900 -22.492500 -6.503890
255 +-36.021900 -28.394200 -23.748600 -6.204970
256 +-35.962500 -27.992400 -24.766300 -5.839970
257 +-36.023300 -27.495400 -25.399800 -5.276750
258 +-36.430800 -27.131100 -26.084700 -4.688230
259 +-36.976400 -26.941700 -26.665800 -4.057350
260 +-37.342200 -26.697100 -27.170100 -3.420840
261 +-37.401200 -26.135600 -27.636100 -2.667110
262 +-37.141300 -25.591200 -28.191500 -1.914120
263 +-37.282500 -25.463900 -28.621900 -1.145400
264 +-37.539100 -25.210900 -28.979200 -0.552326
265 +-37.608400 -24.614700 -29.158100 0.088262
266 +-37.654400 -24.187000 -29.176700 0.799620
267 +-37.772800 -23.961200 -29.190100 1.561000
268 +-37.814300 -23.487600 -29.163600 2.249800
269 +-37.718000 -22.874200 -28.982600 3.123440
270 +-37.898900 -22.452500 -28.892800 4.022450
271 +-38.223400 -22.212200 -28.743800 4.779160
272 +-38.417900 -21.842300 -28.338300 5.443400
273 +-38.417600 -21.420400 -27.990600 6.076990
274 +-38.708000 -21.181900 -27.515600 6.817480
275 +-39.166000 -21.131800 -26.873400 7.599500
276 +-39.337100 -20.836900 -26.590100 8.165430
277 +-39.589900 -20.607500 -26.484500 8.721570
278 +-39.864200 -20.359000 -26.107200 9.261090
279 +-40.074900 -20.109200 -25.840700 9.743190
280 +-40.549400 -20.218900 -25.870400 10.175900
281 +-40.728800 -20.176300 -25.850400 10.631500
282 +-40.591800 -19.979400 -25.704600 11.092600
283 +-40.714900 -19.976600 -25.896000 11.673400
284 +-41.091500 -20.051700 -26.173700 12.209500
285 +-41.210800 -20.060600 -26.291500 12.571900
286 +-41.052900 -20.097700 -26.236700 12.994800
287 +-41.253800 -20.564200 -26.005300 13.495000
288 +-41.383600 -20.986000 -25.838500 13.625700
289 +-41.420300 -21.362200 -25.836300 13.232300
290 +-41.422900 -21.953600 -25.580700 12.719600
291 +-41.321800 -22.421300 -25.033600 12.374200
292 +-41.282700 -22.897200 -24.721400 11.749000
293 +-41.311300 -23.493700 -24.531000 10.763500
294 +-41.284300 -23.973100 -24.276600 9.680990
295 +-41.151100 -24.242400 -23.901000 8.534870
296 +-41.333600 -24.747000 -23.234000 7.416550
297 +-41.693800 -25.224400 -22.458400 6.116970
298 +-41.719600 -25.412600 -21.565200 4.664540
299 +-41.749900 -25.731800 -20.876000 2.992410
300 +-41.708300 -25.936500 -20.282800 1.280110
301 +-41.466900 -25.920400 -19.624200 -0.417741
302 +-41.172400 -25.925100 -18.907700 -2.034780
303 +-40.832700 -25.896700 -18.020300 -3.442740
304 +-40.523800 -25.903700 -17.015900 -4.797380
305 +-40.263000 -25.856000 -16.459900 -6.546490
306 +-39.942400 -25.862600 -16.012500 -8.253260
307 +-39.602100 -26.050300 -15.009900 -9.469270
308 +-39.415500 -26.365100 -13.824600 -10.530300
309 +-38.969000 -26.374700 -13.254000 -12.160500
310 +-38.270100 -26.131300 -12.830500 -13.924600
311 +-37.830600 -26.219500 -11.742700 -14.903200
312 +-37.543600 -26.448500 -10.946000 -16.190000
313 +-37.075400 -26.823600 -10.569700 -17.973200
314 +-36.465000 -27.307100 -9.861070 -19.448000
315 +-35.878900 -27.385000 -8.843450 -20.447500
316 +-35.569000 -27.619200 -8.115440 -21.553400
317 +-35.271800 -28.263400 -7.615060 -22.669200
318 +-34.677900 -28.691700 -7.294740 -23.927500
319 +-33.987900 -28.772000 -7.091120 -25.390900
320 +-33.393700 -28.833600 -6.536050 -26.470500
321 +-32.957500 -29.216900 -5.624370 -27.266900
322 +-32.294200 -29.375200 -4.859650 -28.232300
323 +-31.267100 -29.252600 -4.114000 -29.127300
324 +-30.776900 -29.718300 -3.245200 -29.673000
325 +-30.435400 -30.268200 -2.588440 -30.133700
326 +-29.726600 -30.730100 -1.959620 -30.850200
327 +-28.910700 -31.089800 -1.326730 -31.512600
328 +-28.179700 -30.975300 -0.308379 -31.957700
329 +-27.767500 -30.875600 0.756211 -32.309300
330 +-27.254500 -30.902900 1.717210 -32.536900
331 +-26.596000 -31.070700 2.420300 -32.845400
332 +-26.374900 -31.317900 2.915530 -33.191200
333 +-25.741800 -31.611200 3.415040 -33.398600
334 +-24.920300 -31.788300 4.252910 -33.249800
335 +-24.207000 -31.629900 5.373830 -32.818500
336 +-23.939900 -31.671300 6.381270 -32.384300
337 +-22.633800 -30.906200 7.348180 -32.063700
338 +-22.710800 -31.901600 8.422620 -31.756500
339 +-22.358000 -32.313200 9.601950 -31.331400
340 +-22.296300 -32.889900 10.617000 -30.799400
341 +-21.859200 -32.996200 11.532700 -30.509800
342 +-21.405100 -33.146200 12.077100 -30.247900
343 +-20.776200 -33.140900 12.614700 -29.829600
344 +-19.781500 -32.782700 13.092400 -29.609300
345 +-19.770900 -33.553600 13.498200 -29.760800
346 +-19.532900 -34.251100 13.942300 -30.017100
347 +-19.385200 -34.403900 14.433600 -30.243500
348 +-19.206300 -34.516000 14.791200 -30.567200
349 +-18.740500 -34.575700 15.127200 -30.648600
350 +-18.975300 -35.110000 15.322400 -30.596800
351 +-18.748100 -34.892200 15.666300 -30.845600
352 +-19.658200 -35.667300 15.709300 -31.070700
353 +-19.407500 -35.339800 15.794600 -31.195700
354 +-19.717600 -35.413200 15.819900 -31.210400
355 +-20.089200 -35.635100 14.862200 -31.008200
356 +-19.902200 -35.159000 14.212000 -30.524300
357 +-20.819700 -35.592200 13.616200 -29.812500
358 +-21.844500 -36.200000 12.423100 -29.540500
1 +-24.993400 -32.921700 12.094100 -28.104400
2 +-25.361900 -33.181200 11.274700 -27.552900
3 +-26.978100 -34.379300 9.755650 -27.103100
4 +-25.324100 -32.816700 8.808530 -26.509100
5 +-26.143700 -33.243200 7.052150 -25.795100
6 +-26.428600 -33.323400 6.531060 -25.167800
7 +-26.078200 -32.946300 5.025740 -24.424300
8 +-26.282200 -32.744500 3.502150 -23.828600
9 +-27.719300 -33.424000 1.832250 -23.165500
10 +-29.439300 -34.319400 0.188259 -22.450900
11 +-26.395400 -32.055100 -1.506350 -21.889000
12 +-25.256300 -30.803900 -2.830750 -21.118300
13 +-24.783600 -29.871400 -4.219360 -20.459700
14 +-25.133100 -29.649200 -5.650680 -19.755200
15 +-26.819600 -30.563100 -7.073740 -18.981100
16 +-30.600200 -32.758700 -8.551660 -18.321700
17 +-29.202700 -31.445300 -9.878110 -17.482400
18 +-30.630700 -31.831500 -11.099700 -16.629300
19 +-28.805300 -30.280500 -12.160600 -15.777500
20 +-31.364600 -31.614500 -13.358000 -15.062600
21 +-30.774200 -30.630800 -14.576000 -14.406300
22 +-30.055600 -29.679900 -15.794600 -13.855600
23 +-28.959100 -28.419000 -17.100600 -13.249100
24 +-30.381100 -28.970700 -18.313400 -12.582200
25 +-29.735600 -28.003500 -19.233500 -11.751300
26 +-29.846000 -27.609400 -20.063400 -11.061500
27 +-29.555700 -26.965600 -20.978500 -10.397300
28 +-31.214500 -27.623700 -22.076700 -9.951040
29 +-31.981900 -27.492100 -23.168100 -9.549350
30 +-31.755700 -26.793400 -23.996000 -9.064760
31 +-31.755700 -26.242400 -24.584200 -8.399380
32 +-31.559400 -25.614000 -25.312800 -7.827590
33 +-31.222000 -25.084400 -26.090600 -7.285750
34 +-33.348400 -26.157900 -26.543500 -6.565650
35 +-33.081100 -25.339300 -27.109100 -5.957490
36 +-33.398800 -24.995800 -27.631300 -5.291030
37 +-33.751700 -24.936600 -28.072900 -4.770180
38 +-34.133500 -25.002300 -28.241700 -4.098140
39 +-34.395600 -24.733100 -28.376700 -3.365370
40 +-34.560500 -24.371700 -28.699100 -2.744340
41 +-35.127600 -24.402100 -28.947800 -2.073140
42 +-33.175400 -22.626200 -29.177200 -1.496790
43 +-34.522700 -23.280000 -29.161300 -0.778359
44 +-35.108000 -23.285600 -28.924900 -0.079854
45 +-34.808400 -22.820200 -28.709700 0.558426
46 +-34.902300 -22.768100 -28.503900 1.170020
47 +-35.344800 -22.877400 -28.290300 1.748570
48 +-35.207100 -22.480200 -27.902700 2.372610
49 +-35.052800 -22.015300 -27.516000 3.045750
50 +-35.456000 -22.100100 -27.219200 3.707070
51 +-35.849100 -22.332700 -26.761300 4.384530
52 +-35.437700 -21.682500 -26.103800 4.974180
53 +-35.205100 -21.201700 -25.782500 5.508560
54 +-35.666500 -21.482500 -25.562000 6.097070
55 +-35.710700 -21.473000 -25.477700 6.468960
56 +-35.183600 -20.791100 -25.990700 6.563700
57 +-35.094600 -20.526300 -26.857500 6.823530
58 +-35.383600 -20.780400 -27.605300 7.355010
59 +-35.369000 -20.729500 -28.224300 8.112140
60 +-35.226900 -20.716500 -28.522500 9.086650
61 +-35.448500 -21.002400 -28.645300 9.807030
62 +-35.382800 -21.006400 -28.675100 10.214500
63 +-35.533400 -21.082700 -28.747500 10.655400
64 +-36.210700 -21.578100 -28.755800 10.803000
65 +-36.334700 -21.498900 -26.778400 12.295900
66 +-35.911400 -21.308100 -28.365600 11.117200
67 +-36.047600 -21.579100 -28.836200 10.140200
68 +-36.231500 -21.936400 -28.303300 9.770440
69 +-36.202200 -22.400300 -28.012600 9.188370
70 +-36.366300 -23.064300 -27.746000 8.465450
71 +-36.392700 -23.509200 -27.323700 7.602380
72 +-36.043100 -23.631900 -26.657500 6.619410
73 +-36.045300 -23.956100 -25.818200 5.553320
74 +-36.261100 -24.408600 -25.004900 4.253970
75 +-36.144800 -24.579500 -24.158000 2.767470
76 +-35.759900 -24.539600 -23.323900 1.159010
77 +-35.640300 -24.608600 -22.669900 -0.691849
78 +-35.292000 -24.686300 -21.879900 -2.367730
79 +-34.969700 -24.746200 -21.007700 -3.852690
80 +-34.919900 -24.883600 -20.154100 -5.254040
81 +-34.926600 -24.993400 -19.348200 -6.766270
82 +-34.920300 -25.145400 -18.488300 -8.217320
83 +-35.253800 -25.654800 -17.520500 -9.463330
84 +-35.192600 -25.940200 -16.600600 -10.777900
85 +-34.778900 -25.918200 -15.906200 -12.257000
86 +-34.187500 -25.714900 -15.328900 -13.762300
87 +-33.968600 -25.944900 -14.593100 -15.077300
88 +-33.750400 -26.180000 -13.868600 -16.441500
89 +-33.298000 -26.252700 -13.073600 -17.649600
90 +-32.857300 -26.327300 -12.197900 -18.712900
91 +-32.534500 -26.598900 -11.325000 -19.743900
92 +-32.182600 -26.974700 -10.586800 -20.904900
93 +-31.936400 -27.368700 -10.015500 -22.141700
94 +-31.553000 -27.423600 -9.297210 -23.230500
95 +-30.748600 -26.982000 -8.638310 -24.266300
96 +-31.524600 -28.120500 -8.047450 -25.277300
97 +-31.299900 -28.481000 -7.533290 -26.329400
98 +-30.906800 -28.657000 -7.132130 -27.426600
99 +-30.962500 -29.130900 -6.695290 -28.492900
100 +-30.757100 -29.492600 -6.015690 -29.251100
101 +-30.243200 -29.716400 -5.180480 -29.813400
102 +-30.012100 -29.981100 -4.597970 -30.583200
103 +-29.952300 -30.130900 -3.999710 -31.232400
104 +-29.450500 -30.024500 -3.305550 -31.794900
105 +-29.020000 -30.180700 -2.343460 -32.153700
106 +-28.872500 -30.528000 -1.390920 -32.504900
107 +-29.007300 -30.918500 -0.555791 -32.832700
108 +-29.051400 -31.094900 0.120957 -33.079300
109 +-28.659000 -31.071600 0.934806 -33.102200
110 +-27.850200 -30.827800 2.007500 -32.944400
111 +-27.347900 -30.700100 3.146420 -32.732100
112 +-27.218000 -30.780200 4.192480 -32.465500
113 +-27.160000 -31.040600 5.106980 -32.285800
114 +-27.073500 -31.282700 6.125980 -32.035900
115 +-26.840300 -31.445400 7.018070 -31.786700
116 +-26.618500 -31.601200 7.995240 -31.476800
117 +-26.383200 -31.730700 9.062130 -31.047800
118 +-26.128700 -31.809800 9.994560 -30.746100
119 +-25.865200 -31.896600 10.862200 -30.357600
120 +-25.590700 -32.055800 11.299600 -29.962600
121 +-25.581300 -32.362300 11.669400 -29.721300
122 +-25.736400 -32.828500 12.452100 -29.509800
123 +-25.680400 -33.340400 12.724200 -29.511800
124 +-25.120400 -33.315200 13.371000 -29.605200
125 +-25.105900 -33.666800 13.700300 -29.747700
126 +-24.879500 -33.783400 14.220600 -29.997900
127 +-24.725100 -33.883100 14.633200 -29.949400
128 +-24.804700 -34.184500 15.150000 -29.766300
129 +-25.104000 -34.628400 15.625600 -29.544900
130 +-25.452200 -34.980100 16.010400 -29.273200
131 +-25.614500 -35.225300 16.417700 -28.884900
132 +-25.926600 -35.923600 16.539000 -28.697200
133 +-26.461700 -36.632900 16.502400 -28.306300
134 +-26.872600 -37.077400 16.343900 -27.654700
135 +-27.198600 -37.655500 15.756300 -26.814400
136 +-27.391800 -38.387500 15.275100 -26.272800
137 +-27.747500 -39.093000 13.983900 -25.738900
138 +-28.427500 -39.854400 13.419700 -25.152800
139 +-29.130600 -40.555400 12.925200 -24.588600
140 +-29.724600 -40.377100 12.022500 -23.960100
141 +-30.525100 -40.428000 10.755900 -23.237300
142 +-30.924500 -40.471700 9.316470 -22.482600
143 +-31.283600 -39.856900 7.862440 -21.519100
144 +-31.748600 -39.219500 6.265060 -20.599200
145 +-32.018800 -39.118700 4.875470 -19.522600
146 +-32.248500 -38.967500 3.328240 -18.496600
147 +-32.695500 -38.591700 1.693450 -17.543500
148 +-33.000000 -38.153100 0.189866 -16.826400
149 +-33.122200 -38.087100 -1.298960 -16.110100
150 +-33.256400 -37.959700 -2.691620 -15.260600
151 +-33.343700 -37.524900 -4.075030 -14.385700
152 +-33.339500 -36.842100 -5.469980 -13.539000
153 +-33.215700 -35.979200 -6.981710 -12.966200
154 +-33.055000 -35.232200 -8.348860 -12.315200
155 +-32.953900 -34.801400 -9.401820 -11.568400
156 +-33.131900 -34.632000 -10.341600 -10.788200
157 +-33.426300 -34.397400 -11.590400 -10.110400
158 +-33.336600 -34.192400 -12.881100 -9.423020
159 +-33.990800 -33.720600 -14.052500 -8.752930
160 +-33.937000 -32.933500 -15.245900 -8.128670
161 +-33.989100 -32.412400 -16.468800 -7.583110
162 +-34.235800 -32.100600 -17.684000 -6.981720
163 +-34.270000 -31.417000 -19.024100 -6.564710
164 +-34.332300 -30.535200 -20.088800 -6.093240
165 +-34.806900 -29.880000 -21.039800 -5.534290
166 +-35.401500 -29.523200 -22.053400 -4.910060
167 +-35.358100 -28.998500 -22.724200 -4.344260
168 +-35.184000 -28.137800 -23.443500 -3.800030
169 +-35.692800 -27.721700 -24.326900 -3.237030
170 +-36.156300 -27.357900 -25.022900 -2.656230
171 +-36.019000 -26.735300 -25.557600 -2.096130
172 +-36.126100 -26.361800 -26.076600 -1.514410
173 +-36.392600 -25.713900 -26.596800 -0.934965
174 +-36.487100 -24.922800 -27.049400 -0.303437
175 +-36.503500 -24.113000 -27.534300 0.239967
176 +-36.618800 -23.523700 -27.883500 0.709714
177 +-36.625800 -23.269100 -28.232000 1.148020
178 +-36.688500 -23.054700 -28.543900 1.673910
179 +-37.134400 -22.912900 -28.742000 2.213400
180 +-37.289200 -22.475700 -28.833100 2.767940
181 +-37.111500 -22.093900 -28.749300 3.547030
182 +-37.123500 -21.765500 -28.695900 4.228970
183 +-37.178900 -21.478800 -28.571200 4.793690
184 +-37.327300 -21.136400 -28.225500 5.409400
185 +-37.344700 -20.717100 -27.622600 6.220780
186 +-37.462800 -20.389500 -27.113500 6.999120
187 +-37.613500 -20.094600 -26.782600 7.684180
188 +-37.690700 -19.724000 -26.396500 8.408800
189 +-37.948600 -19.660100 -26.079700 9.132000
190 +-38.265000 -19.933300 -25.842000 9.728000
191 +-38.553000 -19.797700 -25.920600 10.239900
192 +-38.688400 -19.480100 -25.881300 10.715100
193 +-38.735600 -19.345200 -25.705100 11.567900
194 +-38.727000 -19.434100 -25.640200 11.746500
195 +-38.660700 -19.480600 -25.817400 11.628800
196 +-38.665200 -19.527400 -25.823500 11.675300
197 +-38.748100 -19.719300 -25.936100 11.895100
198 +-38.441000 -19.930400 -26.063500 12.196300
199 +-38.353200 -20.185200 -26.175600 12.483800
200 +-38.682200 -20.524900 -26.357000 12.600500
201 +-38.860500 -20.660100 -26.117800 12.772800
202 +-38.682400 -21.024800 -25.414000 12.874100
203 +-38.629600 -21.678000 -24.717400 12.620000
204 +-38.593500 -22.510200 -24.491600 11.858400
205 +-38.537000 -23.253900 -24.413900 11.026100
206 +-38.416900 -23.664800 -23.956100 10.071500
207 +-38.263800 -24.235900 -23.516200 9.213470
208 +-38.390900 -24.876600 -23.095300 8.271430
209 +-38.546700 -25.317900 -22.627500 7.097780
210 +-38.397600 -25.742500 -21.914800 5.847590
211 +-38.285500 -26.136400 -20.882200 4.718900
212 +-38.524400 -26.344600 -19.986000 3.382790
213 +-38.504300 -26.311600 -19.149100 1.817770
214 +-38.141800 -26.350000 -18.287600 0.197114
215 +-37.924000 -26.684600 -17.511000 -1.227380
216 +-37.867400 -27.053100 -16.972300 -2.628440
217 +-37.493200 -27.279100 -16.059900 -3.938590
218 +-37.132900 -27.161200 -15.297500 -5.259650
219 +-37.128200 -27.146700 -14.627800 -6.617850
220 +-36.931900 -27.201800 -13.747400 -7.977270
221 +-36.395700 -27.255700 -12.965200 -9.356620
222 +-36.043400 -27.672800 -12.031100 -10.576400
223 +-35.485600 -27.964700 -11.114000 -11.724000
224 +-34.789500 -28.157500 -10.211100 -12.833300
225 +-34.609400 -28.556500 -9.686300 -14.179900
226 +-34.683700 -29.130400 -9.110050 -15.553900
227 +-34.339100 -29.456700 -8.356200 -16.753000
228 +-34.075600 -29.570900 -7.637810 -17.774200
229 +-33.736400 -29.510200 -6.851270 -18.741200
230 +-33.152700 -29.631200 -6.474690 -20.176800
231 +-32.840300 -30.029300 -6.128810 -21.461700
232 +-32.611900 -30.458200 -5.491430 -22.187600
233 +-32.326000 -30.929300 -4.739680 -22.936600
234 +-31.959700 -31.143100 -4.456480 -24.169100
235 +-31.236300 -31.110100 -4.223160 -25.465400
236 +-30.858000 -31.335700 -3.449240 -26.388900
237 +-30.562500 -31.479600 -2.786270 -27.272800
238 +-29.805000 -31.484000 -2.255000 -28.078600
239 +-29.061700 -31.627800 -1.579690 -28.755200
240 +-28.650700 -31.744400 -0.828230 -29.211200
241 +-28.466300 -32.177100 -0.157265 -29.756200
242 +-28.100100 -32.730400 0.699973 -30.134200
243 +-27.280000 -32.910600 1.770190 -30.337400
244 +-26.696100 -32.841500 2.759280 -30.664800
245 +-26.470300 -32.916000 3.792840 -30.852000
246 +-26.046300 -33.002700 4.715870 -31.070100
247 +-25.657000 -33.214800 5.420580 -31.320600
248 +-25.471800 -33.684200 6.091400 -31.539900
249 +-25.310000 -34.227100 6.794760 -31.706900
250 +-25.027000 -34.523100 7.821030 -31.603900
251 +-24.611000 -34.625300 9.097060 -31.217400
252 +-24.252000 -34.506000 10.217700 -31.043200
253 +-24.050700 -34.605400 11.066000 -31.072300
254 +-23.892500 -34.922800 12.064100 -30.853800
255 +-23.554500 -35.011600 12.959800 -30.524200
256 +-23.184300 -35.232900 13.853600 -29.888900
257 +-23.159500 -35.872400 14.354900 -29.329200
258 +-22.925400 -36.137800 15.074800 -29.066300
259 +-22.548000 -36.005700 15.345900 -28.767500
260 +-22.615400 -36.315600 15.363900 -28.369600
261 +-22.694800 -36.630400 15.722800 -28.428600
262 +-22.512900 -36.661500 16.363600 -28.558700
263 +-22.200300 -36.492100 17.037800 -28.607300
264 +-22.159800 -36.570800 17.319800 -28.622600
265 +-22.293800 -36.761500 17.839400 -28.767700
266 +-22.466300 -36.941100 17.674900 -29.238300
267 +-22.655900 -37.224400 17.400500 -29.518200
268 +-22.697400 -37.223700 17.195400 -29.136600
269 +-22.919500 -37.261800 16.873800 -28.653000
270 +-23.180300 -37.196700 16.430200 -28.334500
271 +-23.301000 -37.201900 15.530900 -27.980900
272 +-23.758500 -37.618200 14.306300 -27.617000
273 +-23.893500 -37.606300 13.465100 -27.400400
274 +-24.104100 -37.551200 11.958900 -26.823900
275 +-24.449700 -37.761400 11.896600 -26.175900
276 +-24.522500 -37.793600 11.002800 -25.701500
277 +-24.573200 -37.595500 9.698250 -25.199400
278 +-24.659700 -37.389500 8.328860 -24.347300
279 +-24.841100 -37.234200 6.606110 -23.735100
280 +-24.970000 -36.987900 5.034030 -23.023700
281 +-25.045400 -36.619900 3.933310 -21.963600
282 +-25.221100 -36.455300 2.537900 -21.200700
283 +-25.487500 -36.409900 0.901105 -20.643200
284 +-25.578400 -36.084300 -0.408482 -19.808800
285 +-25.587300 -35.639000 -1.821990 -19.080500
286 +-25.633600 -35.328100 -3.557370 -18.601100
287 +-25.821600 -34.917800 -5.116580 -18.028100
288 +-26.199600 -34.310900 -6.241140 -17.142500
289 +-26.761900 -33.962100 -7.350080 -16.086500
290 +-27.070500 -33.685200 -8.583470 -15.143000
291 +-27.220800 -33.195100 -10.010700 -14.595100
292 +-27.456400 -32.711300 -11.396900 -13.962300
293 +-27.734200 -32.185800 -12.979200 -13.322400
294 +-27.958100 -31.789900 -14.655000 -12.661100
295 +-28.243000 -31.574600 -15.929100 -11.917100
296 +-28.726800 -31.555000 -16.726300 -11.249300
297 +-29.121700 -31.321700 -18.287900 -10.746200
298 +-29.551700 -30.982400 -19.271300 -10.193200
299 +-29.992600 -30.646400 -20.140600 -9.620250
300 +-30.283400 -30.409400 -21.200200 -9.172640
301 +-30.386600 -29.870500 -22.166600 -8.543120
302 +-30.482100 -29.363900 -22.935600 -7.936140
303 +-30.650000 -28.920800 -23.953500 -7.470200
304 +-30.959200 -28.549800 -24.867700 -6.788590
305 +-31.129600 -28.002600 -25.787000 -6.337290
306 +-31.259200 -27.586400 -26.766100 -5.960470
307 +-31.560000 -27.386000 -27.146800 -5.253540
308 +-31.569400 -26.965300 -27.664400 -4.589210
309 +-31.749300 -26.344900 -28.362500 -4.020160
310 +-32.074400 -25.895300 -28.848200 -3.440710
311 +-32.248400 -25.636500 -29.193100 -2.914100
312 +-32.225000 -25.044000 -29.405900 -2.288160
313 +-32.368500 -24.340800 -29.413900 -1.560660
314 +-32.656900 -24.184600 -29.552200 -0.913995
315 +-32.903000 -23.949500 -29.975300 -0.499190
316 +-32.933800 -23.430800 -30.192500 -0.008221
317 +-32.689400 -23.062100 -29.983800 0.673578
318 +-32.555300 -22.657200 -29.658000 1.342480
319 +-32.846100 -22.271200 -29.752500 1.971000
320 +-33.303200 -22.379600 -29.228300 2.824220
321 +-33.759900 -22.468600 -28.708700 3.767340
322 +-33.727800 -22.031600 -28.437000 4.701410
323 +-33.365000 -21.657000 -28.013900 5.623920
324 +-33.398400 -21.590000 -27.770000 6.246150
325 +-33.656800 -21.589600 -27.317800 6.751200
326 +-34.057900 -21.569300 -26.631100 7.417050
327 +-34.541600 -21.669700 -26.464800 7.686570
328 +-34.724200 -21.600700 -26.256800 8.111940
329 +-34.318100 -21.260900 -26.354400 8.367180
330 +-34.392400 -21.449100 -26.600300 8.717980
331 +-35.114400 -22.001600 -26.684400 9.196880
332 +-35.473700 -22.248400 -26.748000 9.644470
333 +-35.584400 -22.197400 -26.961500 9.822880
334 +-35.909400 -22.514600 -27.021900 10.039900
335 +-36.232100 -22.847300 -27.078700 10.262800
336 +-36.178700 -22.769500 -26.986900 10.274900
337 +-36.183100 -23.088500 -26.144200 10.530700
338 +-36.471100 -23.813200 -26.054800 9.779960
339 +-36.724700 -24.205600 -25.552400 9.304220
340 +-36.511900 -24.299800 -24.957100 8.788920
341 +-36.528500 -24.820500 -24.600800 7.993440
342 +-36.947000 -25.694300 -24.337500 7.097560
343 +-37.183600 -26.251200 -23.981300 6.090590
344 +-37.253900 -26.564000 -23.565300 5.016810
345 +-37.456200 -26.975400 -22.954900 3.769450
346 +-37.458600 -27.171700 -22.195500 2.315830
347 +-37.380600 -27.216300 -21.253800 0.882404
348 +-37.435900 -27.631100 -20.433100 -0.750849
349 +-37.820100 -28.233300 -19.626700 -2.391880
350 +-37.432900 -27.825300 -18.787300 -3.964810
351 +-37.121900 -27.704900 -17.926900 -5.396910
352 +-36.853500 -27.972300 -17.110500 -6.669700
353 +-36.424200 -27.886300 -16.361900 -8.121230
354 +-36.228000 -27.775700 -15.736400 -9.548200
355 +-36.149100 -27.924100 -14.858900 -10.723500
356 +-35.943100 -28.227600 -13.850900 -11.922100
357 +-35.613900 -28.503700 -12.851000 -13.080300
358 +-35.271900 -28.576200 -12.163300 -14.396600
359 +-34.841100 -28.257100 -11.545300 -15.931600
360 +-34.518300 -28.194100 -10.651900 -17.233400
361 +-34.526100 -28.792200 -9.689800 -18.203700
362 +-34.407400 -29.252000 -8.964230 -19.289300
363 +-34.033500 -29.431400 -8.239950 -20.447700
364 +-33.510200 -29.527400 -7.519530 -21.483200
365 +-33.036900 -29.805700 -7.034940 -22.496400
366 +-32.638400 -30.207500 -6.621270 -23.453400
367 +-32.170800 -30.464800 -6.157700 -24.524500
368 +-32.067800 -30.645000 -5.704420 -25.657200
369 +-32.057300 -30.854300 -5.001220 -26.537300
370 +-31.248300 -30.528000 -4.186230 -27.244500
371 +-30.919700 -31.077600 -3.537510 -28.074900
372 +-30.795800 -31.613600 -3.061270 -28.841100
373 +-30.490900 -31.825100 -2.803960 -29.721500
374 +-30.121500 -31.982200 -2.387620 -30.545100
375 +-29.731000 -32.048300 -1.711440 -31.120200
376 +-29.341000 -31.920200 -0.799964 -31.494300
377 +-28.557200 -31.805200 0.181921 -31.698800
378 +-28.664100 -32.157400 1.056510 -31.908000
379 +-28.597600 -32.605000 1.900840 -32.090200
380 +-28.186600 -32.812000 2.664720 -32.306300
381 +-27.580000 -32.671400 3.470570 -32.422500
382 +-26.775900 -32.318100 4.579550 -32.313300
383 +-26.068900 -32.088500 5.816360 -32.125900
384 +-25.844400 -32.090800 6.931060 -32.112900
385 +-25.857100 -32.263500 8.030170 -32.000900
386 +-25.717000 -32.433700 9.395590 -31.592900
387 +-25.490800 -32.685800 10.654500 -31.172400
388 +-25.209900 -32.784900 11.601600 -30.868100
389 +-24.819000 -32.779200 12.524600 -30.509300
390 +-24.577500 -32.871200 13.027300 -30.321500
391 +-24.614900 -33.270200 13.474000 -30.047600
392 +-23.996500 -33.182500 14.090400 -29.912400
393 +-24.178200 -33.630200 15.078200 -29.716400
394 +-24.413300 -34.192400 15.848900 -29.369300
395 +-24.469000 -34.680600 15.910100 -29.422600
396 +-24.123700 -34.653700 15.649300 -29.763900
397 +-23.794600 -34.665900 15.599500 -29.778300
398 +-23.873300 -34.890500 15.959100 -29.563600
399 +-23.900700 -35.094800 16.477600 -29.115100
400 +-24.209500 -35.454700 16.527000 -29.758400
401 +-24.518000 -35.840800 16.833900 -29.937100
402 +-24.742200 -35.976700 16.789500 -30.154600
403 +-24.873100 -36.062600 16.362800 -30.007600
404 +-25.131100 -36.305800 15.771200 -29.628500
405 +-25.639600 -37.050500 15.008000 -29.103900
406 +-25.962900 -37.539900 14.158600 -28.390800
1 +-25.526800 -41.251000 10.254500 -30.840200
2 +-22.850500 -40.954800 9.544780 -30.347400
3 +-23.713200 -41.302600 8.609060 -29.887500
4 +-23.737600 -40.900200 7.779080 -29.202000
5 +-26.569900 -41.534500 6.214230 -28.208500
6 +-25.664100 -41.546500 4.609670 -27.373100
7 +-25.481900 -41.336900 2.777050 -26.607300
8 +-25.474900 -40.864700 0.975073 -25.967200
9 +-27.563100 -40.564300 -1.001530 -25.048000
10 +-27.734600 -39.933000 -2.673860 -24.166000
11 +-27.606900 -39.159900 -4.200370 -23.417900
12 +-27.157900 -38.401900 -5.384530 -22.652300
13 +-27.673900 -38.064300 -6.135390 -21.984900
14 +-29.344900 -37.912600 -7.835260 -21.148800
15 +-26.942100 -36.348400 -9.691750 -20.393500
16 +-28.083400 -35.920100 -10.997400 -19.529400
17 +-29.372800 -35.653700 -11.867800 -18.662500
18 +-28.585100 -34.478300 -12.903500 -17.869000
19 +-28.279500 -33.540100 -14.635100 -17.101500
20 +-28.366900 -32.889700 -15.756700 -16.430800
21 +-28.904400 -32.481000 -16.524800 -15.660900
22 +-29.367300 -31.947600 -17.452800 -14.957300
23 +-29.763600 -31.449800 -18.553100 -14.277300
24 +-30.262900 -30.904000 -19.885100 -13.529100
25 +-30.716400 -30.199700 -20.997300 -12.682900
26 +-31.037100 -29.583000 -21.996700 -11.947300
27 +-31.760900 -29.311200 -22.923500 -11.167300
28 +-32.132600 -28.907800 -23.752000 -10.393800
29 +-31.299500 -27.427900 -24.546500 -9.709920
30 +-32.621500 -27.553900 -25.149200 -8.948860
31 +-33.051000 -27.173300 -25.856500 -8.293950
32 +-33.079200 -26.503400 -26.751400 -7.730280
33 +-33.283600 -25.921100 -27.537000 -7.102230
34 +-33.799200 -25.508100 -28.126400 -6.438370
35 +-34.791400 -25.471000 -28.600200 -5.843760
36 +-36.736500 -26.148600 -29.086000 -5.174740
37 +-34.705700 -24.422300 -29.481500 -4.326440
38 +-36.198300 -25.007300 -29.526700 -3.440020
39 +-35.279100 -24.138700 -29.709000 -2.842760
40 +-35.048400 -23.425300 -30.005300 -2.167510
41 +-35.335700 -22.773000 -30.409100 -1.499420
42 +-35.729800 -22.432200 -30.146600 -0.734247
43 +-35.575000 -22.050300 -30.243600 -0.033192
44 +-38.827600 -23.772900 -30.351200 0.814321
45 +-36.042700 -21.458000 -29.908700 1.599660
46 +-36.644200 -21.762500 -29.557700 2.441300
47 +-36.685900 -21.541400 -29.226700 3.356570
48 +-36.360500 -20.967600 -28.624000 4.230020
49 +-36.573800 -20.669600 -28.250100 5.059380
50 +-36.849500 -20.561300 -28.082600 5.939010
51 +-36.963200 -20.466300 -27.652700 6.760890
52 +-37.435000 -20.473900 -27.151400 7.345960
53 +-37.828600 -20.557600 -26.969500 7.759060
54 +-37.702700 -20.412700 -26.995900 8.155360
55 +-37.391200 -19.917300 -26.801500 8.629970
56 +-37.386300 -19.693700 -26.540300 9.065000
57 +-37.608300 -19.849600 -26.663600 9.378640
58 +-37.518600 -19.790300 -26.963000 9.609010
59 +-37.305800 -19.592200 -27.088900 9.862470
60 +-37.342500 -19.676100 -27.201000 10.050900
61 +-37.545400 -19.838900 -27.474300 10.046100
62 +-38.061100 -20.463100 -27.654700 10.041200
63 +-38.510700 -21.262400 -27.538600 10.093600
64 +-38.623400 -21.715300 -27.171500 9.969330
65 +-38.317500 -21.868100 -26.817700 9.691700
66 +-37.988300 -22.048900 -26.504200 9.290070
67 +-37.875000 -22.362600 -26.114900 8.676740
68 +-37.803900 -22.644900 -25.823400 7.672970
69 +-37.851800 -23.150200 -25.669600 6.508610
70 +-37.951600 -23.805500 -25.327100 5.367850
71 +-38.009000 -24.452000 -24.867800 4.210240
72 +-38.340200 -25.187200 -24.349300 2.908320
73 +-38.190800 -25.143300 -23.318200 1.436070
74 +-38.145300 -25.348800 -22.334200 -0.046647
75 +-37.912100 -25.395900 -21.466500 -1.641240
76 +-37.703000 -25.388300 -20.767000 -3.437770
77 +-37.525800 -25.512300 -20.061000 -5.066020
78 +-37.296700 -25.554600 -19.176200 -6.582870
79 +-36.951000 -25.474500 -18.156000 -7.997390
80 +-36.700600 -25.543900 -17.567600 -9.472280
81 +-36.564500 -25.768400 -17.117200 -10.994500
82 +-36.527300 -26.169600 -16.100800 -12.401200
83 +-36.270500 -26.488800 -15.347800 -13.751200
84 +-35.910000 -26.629100 -14.437900 -15.124700
85 +-35.404000 -26.582900 -13.995600 -16.556600
86 +-35.064800 -26.634800 -13.163600 -17.940100
87 +-34.828000 -26.920500 -12.381000 -19.263500
88 +-34.320500 -27.035300 -11.639300 -20.359000
89 +-33.948700 -27.221400 -11.131900 -21.514600
90 +-33.743200 -27.571700 -10.550100 -22.611700
91 +-33.612000 -27.880500 -9.641320 -23.622200
92 +-33.462400 -28.268100 -8.760000 -24.692300
93 +-33.201800 -28.499500 -8.404660 -25.926500
94 +-32.854600 -28.700600 -7.610300 -26.994500
95 +-32.771900 -29.105600 -6.415950 -27.781000
96 +-32.730100 -29.698100 -5.501280 -28.598900
97 +-32.491800 -30.118400 -4.850500 -29.489100
98 +-31.983300 -30.422700 -4.050250 -30.196200
99 +-31.531200 -30.696300 -3.251490 -30.836800
100 +-30.976200 -30.876500 -2.563450 -31.365100
101 +-30.490700 -31.197800 -1.820620 -31.775700
102 +-30.290600 -31.707700 -1.060060 -32.192500
103 +-30.026800 -32.205200 -0.413511 -32.579200
104 +-29.536700 -32.635800 0.279889 -32.691100
105 +-29.095500 -32.888300 1.070760 -32.746200
106 +-28.511500 -33.076400 1.976230 -32.979300
107 +-27.879300 -33.230500 3.315860 -32.946900
108 +-27.401900 -33.384500 4.605510 -32.614900
109 +-27.048300 -33.794400 5.658840 -33.201500
110 +-26.772800 -34.364100 6.592590 -32.580500
111 +-26.486600 -34.718500 7.314880 -32.215100
112 +-26.168900 -34.950800 7.748690 -31.864000
113 +-25.847700 -35.236600 8.955510 -31.410300
114 +-25.489400 -35.572100 9.953210 -30.964300
115 +-25.133300 -35.850800 10.898700 -30.480200
116 +-24.778000 -36.135100 11.932500 -29.973200
117 +-24.312800 -36.451400 12.959200 -29.417800
118 +-23.965000 -36.786400 13.634100 -29.080700
119 +-23.807700 -37.063400 14.084700 -28.925000
120 +-23.507600 -37.314800 14.592800 -28.879600
121 +-23.379900 -37.685200 15.008500 -28.943600
122 +-23.443600 -37.959400 15.611900 -28.981100
123 +-22.901800 -37.792400 16.162700 -29.195600
124 +-22.527200 -37.664400 16.430000 -29.618700
125 +-22.540700 -37.886100 16.684600 -29.963700
126 +-22.788800 -38.398200 16.984500 -30.290800
127 +-23.059700 -38.670100 17.097500 -30.370400
128 +-23.147400 -38.742600 16.852300 -30.485300
129 +-23.444000 -38.818000 16.738500 -30.367700
130 +-23.745900 -39.073000 16.491000 -30.203800
131 +-23.767700 -39.082300 15.951400 -30.060800
132 +-24.008300 -39.144500 15.411400 -29.929900
133 +-24.545700 -39.211400 14.909000 -29.831200
134 +-24.981200 -39.358800 14.373300 -29.628700
135 +-25.312700 -39.565900 13.723500 -29.352500
136 +-25.516700 -39.597000 13.015000 -29.068100
137 +-25.847300 -39.431800 12.298100 -28.627900
138 +-26.198800 -39.381400 11.430200 -28.059700
139 +-26.364400 -39.154200 10.321000 -27.390000
140 +-26.465200 -38.834100 8.805920 -26.542000
141 +-26.430000 -38.485400 6.540500 -25.604300
142 +-26.618200 -38.074700 3.639360 -24.548500
143 +-27.036100 -37.627000 1.420680 -23.724300
144 +-27.216100 -37.305300 -0.240706 -22.831200
145 +-27.235300 -36.919700 -1.853810 -21.947200
146 +-27.443900 -36.438700 -3.100060 -21.131800
147 +-27.627900 -35.964000 -4.573340 -20.362500
148 +-27.702300 -35.259600 -6.010430 -19.647500
149 +-27.875200 -34.440000 -7.497230 -19.012800
150 +-28.080200 -33.890700 -9.030150 -18.295300
151 +-27.949200 -33.338600 -10.252600 -17.322500
152 +-27.980400 -32.740500 -11.354600 -16.472300
153 +-28.308300 -32.200100 -12.445800 -15.671400
154 +-28.528400 -31.489800 -13.780200 -15.010100
155 +-28.482400 -30.565900 -15.193100 -14.365600
156 +-28.687100 -30.014200 -16.464800 -13.753600
157 +-29.058500 -29.516600 -17.524500 -13.014100
158 +-29.282400 -28.731700 -18.816800 -12.462700
159 +-29.457300 -27.932700 -19.776500 -11.616100
160 +-29.639600 -27.280100 -20.895800 -10.967600
161 +-29.912800 -26.998900 -22.069700 -10.402000
162 +-30.130500 -26.596400 -23.285500 -9.948190
163 +-30.522800 -25.990800 -24.505100 -9.592150
164 +-31.033100 -25.483900 -25.269900 -9.107710
165 +-31.528500 -25.088100 -25.945800 -8.452710
166 +-31.813600 -24.492900 -26.889600 -7.862750
167 +-32.239100 -23.909600 -27.809300 -7.295910
168 +-32.900400 -23.472600 -28.560800 -6.694880
169 +-33.479300 -23.068500 -29.211900 -6.072960
170 +-33.756900 -22.558200 -29.617700 -5.269690
171 +-34.079900 -22.219000 -30.042800 -4.337640
172 +-34.584100 -21.899900 -30.297100 -3.327170
173 +-34.769200 -21.401300 -30.329800 -2.534680
174 +-35.224100 -21.110400 -31.312700 -1.746800
175 +-35.880600 -20.987600 -30.859900 -1.167050
176 +-36.088300 -20.704500 -30.658000 -0.602742
177 +-36.355700 -20.276300 -30.590800 -0.026702
178 +-36.590100 -19.852500 -30.329500 0.846185
179 +-36.981800 -19.479100 -29.923000 1.704300
180 +-36.963400 -19.053500 -29.584100 2.281020
181 +-37.208500 -18.984400 -29.109200 2.971210
182 +-37.354800 -18.883600 -28.601100 3.774990
183 +-37.463700 -18.443800 -28.280200 4.449400
184 +-37.703200 -18.097900 -27.710700 5.260320
185 +-37.919200 -17.973600 -27.117700 6.118710
186 +-37.947300 -17.861000 -26.607600 6.875620
187 +-38.062200 -17.909600 -26.385500 7.363740
188 +-38.056400 -17.774700 -26.337800 7.773900
189 +-38.053300 -17.539100 -26.341300 8.136900
190 +-38.272800 -17.576800 -26.498700 8.486690
191 +-38.512200 -17.646300 -26.829800 8.778380
192 +-38.764600 -17.640000 -27.078400 9.140250
193 +-38.841900 -17.609500 -27.186800 9.525330
194 +-38.864800 -17.909000 -27.237600 9.892860
195 +-38.601700 -18.158200 -27.198400 10.239700
196 +-38.253400 -18.300100 -27.059900 10.606600
197 +-38.267000 -18.649200 -26.970400 10.930000
198 +-38.336600 -19.005700 -26.721900 11.277600
199 +-38.520500 -19.678100 -26.648800 11.264300
200 +-38.533000 -20.213400 -26.396600 11.078100
201 +-38.450900 -20.578300 -25.969900 10.891600
202 +-38.524300 -21.080900 -25.426700 10.552900
203 +-38.674200 -21.584400 -25.177000 9.760450
204 +-38.637300 -22.031000 -24.975000 8.822350
205 +-38.692200 -22.592900 -24.631000 7.890960
206 +-38.868400 -23.079800 -24.035600 6.966710
207 +-38.983000 -23.561800 -23.500800 5.798590
208 +-38.859100 -24.004000 -22.927500 4.466260
209 +-38.755500 -24.246900 -22.054500 3.152780
210 +-38.954400 -24.640500 -21.284400 1.660260
211 +-39.041400 -25.018600 -20.237000 0.179236
212 +-38.863000 -25.141100 -19.359000 -1.433990
213 +-38.679400 -25.252600 -18.553300 -2.885150
214 +-38.588700 -25.406900 -17.705000 -4.229460
215 +-38.324600 -25.511300 -16.738800 -5.548810
216 +-37.998900 -25.716700 -15.868800 -6.954720
217 +-37.657800 -26.043700 -14.998900 -8.349760
218 +-37.316400 -26.254300 -14.202800 -9.810690
219 +-37.237300 -26.412100 -13.416700 -11.265600
220 +-37.103800 -26.551900 -12.536100 -12.543900
221 +-36.793700 -26.803800 -11.671700 -13.805400
222 +-36.279300 -27.018600 -10.986600 -15.236700
223 +-35.484600 -27.277600 -10.272800 -16.500500
224 +-35.043400 -27.663900 -9.579540 -17.637000
225 +-34.621900 -28.137600 -8.817900 -18.809600
226 +-34.363500 -28.720500 -8.046170 -20.035300
227 +-34.001400 -29.165500 -7.241700 -21.128600
228 +-33.187000 -29.308500 -6.560360 -22.183600
229 +-32.740100 -29.671600 -6.031590 -23.214200
230 +-32.599500 -29.932700 -5.498190 -24.370400
231 +-32.059600 -30.059900 -5.005290 -25.606400
232 +-31.381100 -30.534100 -4.447200 -26.576700
233 +-30.963600 -30.979200 -3.748890 -27.350400
234 +-30.424000 -31.243100 -2.960330 -28.118500
235 +-29.686200 -31.505500 -2.092480 -28.799000
236 +-28.925700 -31.737700 -1.289270 -29.492500
237 +-28.401000 -32.193800 -0.675771 -30.205300
238 +-28.072100 -32.788100 -0.125456 -30.828200
239 +-27.278500 -33.056900 0.616945 -31.222200
240 +-26.476200 -33.183800 1.549440 -31.413500
241 +-26.064600 -33.608100 2.541810 -31.608100
242 +-25.602100 -34.017600 3.534160 -31.723500
243 +-24.909000 -34.116300 4.328890 -31.928100
244 +-24.236600 -34.136400 5.163300 -32.027100
245 +-23.929000 -34.417800 5.830640 -32.123500
246 +-23.425300 -34.682600 6.978150 -32.097500
247 +-22.763300 -34.907500 8.167660 -31.858900
248 +-22.438800 -35.503400 9.095510 -31.645900
249 +-22.376700 -36.267900 10.007100 -31.456700
250 +-22.184600 -36.684700 11.094400 -31.064400
251 +-21.942100 -36.991000 12.090300 -30.536500
252 +-21.738800 -37.500100 12.835800 -30.168500
253 +-21.445000 -37.889900 13.391000 -29.871500
254 +-20.934800 -37.961600 13.688100 -29.502500
255 +-20.078100 -37.743800 13.709800 -29.235300
256 +-19.478800 -37.903500 14.357200 -29.139100
257 +-19.295500 -38.121200 15.361800 -29.244700
258 +-19.200500 -38.229900 16.410700 -29.479500
259 +-19.229600 -38.643600 17.064100 -29.764300
260 +-19.208200 -39.026700 17.364400 -30.049400
261 +-19.179700 -39.250200 16.965400 -30.201000
262 +-19.128500 -39.351300 17.222200 -30.399200
263 +-19.086200 -39.566600 17.274700 -30.679500
264 +-19.396300 -40.148900 17.549400 -30.912200
265 +-19.939700 -40.519700 17.597100 -31.075200
266 +-20.386700 -40.747300 17.261500 -31.121600
267 +-20.612900 -40.910600 16.737100 -30.876300
268 +-20.785100 -40.964500 16.073600 -30.413100
269 +-21.061400 -41.146400 15.440700 -29.749800
270 +-21.601100 -41.600200 14.557000 -29.255300
271 +-22.202700 -41.934000 13.416800 -28.783300
272 +-22.736100 -42.245200 12.171500 -28.092700
273 +-23.096300 -42.252500 10.884400 -27.158000
274 +-23.382500 -41.962200 9.577350 -26.180500
275 +-23.713900 -41.778200 7.939990 -25.433500
276 +-23.920700 -41.543000 6.324060 -24.661300
277 +-24.131500 -41.037300 4.783380 -23.849200
278 +-24.562500 -40.584000 3.249540 -22.973200
279 +-24.823500 -40.349100 1.780390 -22.117200
280 +-24.767700 -39.750500 0.231773 -21.330800
281 +-24.665700 -38.958500 -1.264300 -20.418300
282 +-24.976800 -38.335900 -2.894360 -19.583700
283 +-25.382500 -37.827600 -4.447840 -18.800400
284 +-25.740700 -37.444200 -5.770350 -17.878900
285 +-26.068200 -36.669700 -7.136540 -16.980400
286 +-26.436900 -35.871300 -8.627850 -16.104900
287 +-26.771900 -35.277600 -9.962490 -15.153000
288 +-27.143600 -34.769500 -10.990400 -14.101900
289 +-27.309300 -33.951400 -12.247400 -13.356800
290 +-27.351700 -33.008700 -13.759800 -12.870800
291 +-27.699400 -32.311700 -15.118400 -12.309900
292 +-28.313700 -31.995600 -16.213500 -11.413900
293 +-28.666000 -31.209200 -17.240400 -10.484000
294 +-29.017500 -30.231300 -18.507400 -9.811990
295 +-29.361100 -29.663000 -19.789400 -9.317780
296 +-29.398500 -29.171400 -20.636100 -8.866370
297 +-29.385700 -28.703800 -21.361600 -8.392760
298 +-29.831400 -28.275700 -21.901500 -7.949730
299 +-30.560600 -27.766000 -24.079400 -7.015130
300 +-30.846100 -27.011200 -24.692400 -6.321280
301 +-31.204500 -26.382600 -25.852600 -5.390930
302 +-31.525000 -25.765600 -26.609400 -4.769530
303 +-31.748800 -25.097300 -26.940300 -4.363730
304 +-31.926000 -24.641600 -27.996100 -3.732170
305 +-31.975200 -24.089700 -28.170200 -2.902160
306 +-32.067000 -23.516500 -28.325300 -2.090430
307 +-32.478300 -23.191300 -28.574200 -1.463260
308 +-32.929200 -22.703500 -28.781700 -0.971855
309 +-33.014800 -21.854700 -28.912900 -0.395540
310 +-33.101100 -21.204800 -29.167500 0.198836
311 +-33.348400 -20.789700 -29.293200 0.819336
312 +-33.704100 -20.461200 -29.190700 1.586240
313 +-33.973700 -20.155300 -29.161600 2.144720
314 +-34.018500 -19.636300 -28.981700 2.690560
315 +-34.274900 -19.225200 -28.680800 3.338600
316 +-34.407200 -18.701300 -28.352000 4.075890
317 +-34.507300 -18.179100 -27.982100 4.885340
318 +-34.923300 -17.947100 -27.551100 5.781240
319 +-35.317800 -17.531800 -27.026100 6.640780
320 +-35.702600 -17.261400 -26.687500 7.097790
321 +-35.885000 -17.008300 -26.285300 7.414190
322 +-35.954900 -16.789400 -25.639800 7.818770
323 +-36.128500 -16.595500 -25.111000 8.302830
324 +-36.687600 -16.431300 -25.031800 8.798360
325 +-37.295000 -16.454200 -25.504500 9.018170
326 +-37.469800 -16.537400 -26.071900 9.184730
327 +-37.570600 -16.438600 -26.377300 9.670850
328 +-37.857400 -16.127400 -26.756500 10.192400
329 +-38.051600 -16.162100 -26.995200 10.757900
330 +-38.233500 -16.421400 -26.919300 11.387000
331 +-38.458800 -16.540200 -26.977900 11.772400
332 +-38.781400 -16.919600 -27.187200 11.960900
333 +-39.089100 -17.559700 -27.127300 12.031800
334 +-39.842400 -18.449200 -26.877900 12.012300
335 +-40.052900 -18.805600 -26.525500 11.871400
336 +-40.284200 -19.497300 -26.115800 11.641600
337 +-39.848500 -19.448200 -25.731600 11.263000
338 +-40.226900 -20.095000 -25.269900 10.832200
339 +-40.600000 -20.750600 -25.172200 10.006800
340 +-40.795900 -21.558300 -25.180700 8.963770
341 +-40.940100 -22.270600 -24.836900 8.036740
342 +-41.032500 -22.758300 -24.183500 7.026400
343 +-41.106700 -23.421100 -23.534300 5.717240
344 +-41.088200 -23.894400 -22.817300 4.356380
345 +-40.978100 -24.067200 -22.092800 2.900320
346 +-40.647100 -24.231200 -21.240300 1.366970
347 +-40.078900 -24.156900 -20.389700 -0.211144
348 +-39.809600 -24.198000 -19.740300 -1.940880
349 +-39.737200 -24.399400 -18.978500 -3.448560
350 +-39.346100 -24.389500 -18.236300 -4.863100
351 +-38.821500 -24.286800 -17.599800 -6.371750
352 +-38.407800 -24.447600 -16.814900 -7.829690
353 +-37.793800 -24.517900 -15.875300 -9.136260
354 +-37.088400 -24.445100 -14.980000 -10.439400
355 +-36.426200 -24.563800 -14.193100 -11.956100
356 +-35.881400 -24.717700 -13.446700 -13.436100
357 +-35.450700 -24.699300 -12.456800 -14.416700
358 +-34.722100 -24.639200 -11.759200 -15.769600
359 +-34.011000 -24.678800 -11.186400 -17.302300
360 +-33.565700 -24.790000 -10.439000 -18.650500
361 +-33.124400 -25.456600 -9.577380 -19.802300
362 +-32.739800 -25.988100 -8.903660 -20.919400
363 +-32.260600 -26.242500 -8.532990 -22.228300
364 +-31.625300 -26.294700 -7.778830 -23.431300
365 +-31.002500 -26.532600 -7.111180 -24.498000
366 +-30.440400 -26.965500 -6.569600 -25.452900
367 +-29.802700 -27.266400 -5.990970 -26.334000
368 +-28.998000 -27.336000 -5.245290 -27.144600
369 +-28.234000 -27.566000 -4.482220 -27.949100
370 +-27.692000 -28.360600 -3.784360 -28.732200
371 +-27.414500 -29.059100 -3.344830 -29.662200
372 +-26.553600 -29.087400 -2.876160 -30.471800
373 +-25.585600 -29.079400 -2.136810 -31.045600
374 +-25.036900 -29.496400 -1.180980 -31.437400
375 +-24.678500 -29.938300 -0.038496 -31.657900
376 +-24.334100 -30.337100 1.299900 -31.716600
377 +-23.676900 -30.586600 2.232400 -32.017700
378 +-22.825700 -30.741900 2.985290 -32.128800
379 +-22.525400 -31.340400 3.552030 -32.358600
380 +-22.307200 -31.945700 3.983000 -32.717400
381 +-21.580800 -31.998800 4.927660 -32.367500
382 +-20.918000 -32.075600 5.876580 -31.822000
383 +-20.830200 -32.837100 6.894670 -31.503500
384 +-20.946700 -33.663300 7.427450 -31.916000
385 +-20.593500 -33.903200 9.040000 -31.166200
386 +-19.984600 -33.825700 10.298500 -30.950100
387 +-19.668500 -33.938800 11.842800 -30.927000
388 +-19.379200 -34.113800 12.849700 -30.729900
389 +-19.211900 -34.557300 13.036300 -30.727100
390 +-19.584400 -35.501200 13.145000 -30.410800
391 +-19.173200 -35.667000 13.666900 -30.037400
392 +-18.937400 -35.999200 14.221000 -29.765300
393 +-18.949200 -36.451900 14.557200 -29.895300
394 +-17.999300 -36.075200 15.030900 -30.197100
395 +-17.711300 -36.415500 15.822400 -30.434000
396 +-17.896100 -36.820600 16.676200 -30.631000
397 +-18.174100 -37.385400 17.415100 -30.970300
398 +-18.459100 -37.886800 17.747100 -31.309500
399 +-18.231600 -37.942800 17.988700 -31.380000
400 +-18.372100 -38.406400 17.890800 -31.370200
401 +-18.668500 -38.902000 17.679100 -31.313500
402 +-18.737100 -39.078500 17.453600 -31.228600
403 +-18.911900 -39.258100 17.153100 -31.054400
404 +-19.990500 -40.360500 16.843100 -30.717300
405 +-20.304800 -40.477500 16.415900 -30.414300
406 +-20.846500 -40.965600 15.493400 -30.229600
407 +-20.712300 -40.936500 14.383400 -29.823300
408 +-22.011400 -41.933400 13.184000 -29.004700
409 +-22.617600 -42.248200 11.889800 -28.114700
410 +-23.077300 -42.412000 11.004300 -27.469600
411 +-23.659300 -42.444200 9.389420 -26.625000
412 +-23.997800 -42.127800 7.914110 -25.762400
413 +-24.147700 -41.663300 6.133160 -25.270300
414 +-24.510100 -41.597700 4.734450 -24.388700
415 +-25.053300 -41.564700 3.431980 -23.448600
416 +-25.638700 -41.441900 1.947370 -22.503300
417 +-25.258300 -40.364700 0.342307 -21.789900
418 +-25.429500 -39.831100 -1.050600 -21.034100
419 +-26.275300 -39.954300 -2.489290 -20.364900
420 +-25.753300 -38.689100 -4.021000 -19.428800
421 +-25.085700 -37.406200 -5.462780 -18.676200
422 +-25.837800 -37.334100 -6.889750 -18.024100
423 +-26.290600 -36.806400 -8.216770 -17.187400
424 +-26.602600 -36.192000 -9.474320 -16.259400
425 +-26.936600 -35.494500 -10.949100 -15.559300
426 +-27.318300 -35.497500 -12.419300 -14.863600
427 +-26.439200 -33.861300 -13.828800 -14.279900
1 +-23.858700 -30.821000 -2.696510 -32.185600
2 +-26.828800 -32.608500 -2.041240 -32.606600
3 +-24.923300 -32.108100 -1.359620 -33.045800
4 +-22.102400 -30.741300 -0.592364 -33.161200
5 +-25.014000 -32.691400 0.298021 -33.230900
6 +-24.655400 -33.202800 1.302150 -33.438100
7 +-23.784300 -33.000500 2.239270 -33.230600
8 +-21.621700 -31.939100 3.153570 -32.959500
9 +-22.307700 -32.763400 4.100840 -32.751800
10 +-22.462900 -33.232000 4.876350 -32.448700
11 +-22.523300 -33.478800 5.694140 -31.997100
12 +-22.228900 -33.444300 6.600660 -31.439000
13 +-21.729000 -33.350600 7.539960 -30.916700
14 +-21.083200 -33.413400 8.262780 -30.425200
15 +-20.626600 -33.604200 8.902040 -29.881800
16 +-21.123300 -34.051300 9.621120 -29.289500
17 +-22.735200 -34.747000 10.208600 -28.907600
18 +-21.228800 -34.483800 10.636700 -28.691700
19 +-20.363500 -34.129400 11.187700 -28.511100
20 +-20.436200 -34.219900 11.821300 -28.498000
21 +-21.094000 -34.661400 12.246800 -28.770900
22 +-21.298000 -35.053900 12.600600 -29.041900
23 +-21.079900 -35.182600 12.966200 -29.185600
24 +-21.204100 -35.432500 13.217900 -29.185400
25 +-21.949900 -35.946100 13.540000 -29.057800
26 +-22.905500 -36.588600 13.703700 -29.079400
27 +-23.005700 -37.021700 13.801300 -29.060000
28 +-22.377400 -37.092500 13.939000 -28.983200
29 +-22.569700 -37.367000 14.024100 -28.742000
30 +-23.711500 -37.808400 13.902200 -28.436400
31 +-25.077200 -38.348900 13.618900 -28.072000
32 +-25.625100 -38.670000 13.054100 -27.776000
33 +-26.306800 -38.929300 12.370200 -27.323800
34 +-28.236800 -39.420600 11.638800 -26.778400
35 +-26.509900 -39.817500 10.724500 -26.256900
36 +-26.095000 -39.695500 9.628240 -25.798900
37 +-26.646200 -39.756800 8.391260 -25.278500
38 +-27.387700 -39.857800 7.059720 -24.585100
39 +-28.082500 -39.916500 5.796850 -23.766200
40 +-28.786400 -39.950300 4.429670 -22.954800
41 +-29.065600 -39.760800 2.991370 -22.126700
42 +-28.576900 -39.096800 1.578180 -21.249300
43 +-30.440100 -39.126900 0.157212 -20.450400
44 +-28.831500 -38.654800 -1.238270 -19.695000
45 +-30.723800 -38.644100 -2.532550 -19.035800
46 +-29.712200 -38.222600 -3.645120 -18.273800
47 +-29.687200 -37.842700 -4.883200 -17.597400
48 +-30.861000 -37.566600 -6.110410 -16.854700
49 +-30.342800 -36.923000 -7.144630 -15.960900
50 +-30.318700 -36.275600 -8.266550 -14.949700
51 +-30.223200 -35.711100 -9.341940 -14.164500
52 +-30.549600 -35.480900 -11.116100 -13.320800
53 +-31.087100 -35.158900 -11.829700 -12.599100
54 +-31.866400 -34.808000 -13.221200 -11.799400
55 +-32.489900 -34.485700 -13.990900 -11.424900
56 +-32.192300 -33.476000 -14.841800 -10.996200
57 +-31.942400 -32.342500 -15.846800 -10.352400
58 +-32.311600 -31.928900 -16.990700 -9.665100
59 +-32.801700 -31.793800 -18.095400 -9.140070
60 +-33.121700 -31.499500 -19.178800 -8.630950
61 +-32.933300 -30.542300 -20.220000 -8.180830
62 +-35.123800 -31.122000 -21.208500 -7.732070
63 +-34.316900 -30.212600 -22.080700 -7.104260
64 +-34.272700 -29.664900 -22.987200 -6.600410
65 +-34.415600 -29.174800 -23.846900 -6.126570
66 +-34.532200 -28.476300 -24.478200 -5.508020
67 +-34.824900 -27.902000 -25.156800 -5.049310
68 +-35.156700 -27.519300 -25.871800 -4.598390
69 +-35.365100 -27.260600 -26.459900 -4.008870
70 +-35.557900 -26.775600 -26.847400 -3.336700
71 +-35.613400 -26.044900 -27.331700 -2.779030
72 +-35.996600 -25.658400 -27.848000 -2.285570
73 +-36.089000 -25.045400 -28.048300 -1.593660
74 +-36.042800 -24.388700 -28.093200 -0.935169
75 +-36.069100 -23.843500 -28.343000 -0.341395
76 +-35.844900 -23.017600 -28.616300 0.389423
77 +-36.082200 -22.535000 -28.880400 1.332310
78 +-36.471000 -22.479200 -28.655800 2.223670
79 +-36.850500 -22.464900 -28.329600 3.120840
80 +-37.191900 -22.086700 -29.063800 3.973610
81 +-37.194800 -21.481800 -28.883200 4.809640
82 +-36.977500 -20.880600 -28.605500 5.310470
83 +-36.763600 -20.237700 -28.378000 5.805110
84 +-36.737500 -19.961400 -28.197300 6.434990
85 +-36.770700 -19.767400 -28.230800 7.201170
86 +-36.751100 -19.533900 -27.730200 7.846750
87 +-37.068500 -19.664800 -27.475600 8.380890
88 +-37.038800 -19.405400 -27.492600 9.072250
89 +-37.029600 -19.126700 -27.277000 9.529980
90 +-37.325500 -19.262900 -26.799000 9.764520
91 +-37.393400 -19.244700 -26.358300 10.085100
92 +-37.364300 -19.206200 -26.107100 10.338100
93 +-37.561900 -19.437300 -25.803200 10.545200
94 +-37.544200 -19.638800 -25.701700 10.757000
95 +-37.540100 -19.927400 -25.245300 11.009700
96 +-37.756700 -20.291200 -24.792600 11.096900
97 +-37.978500 -20.454700 -24.309900 11.178700
98 +-38.108500 -20.766400 -23.782100 11.209300
99 +-38.393000 -21.349200 -23.083800 11.056900
100 +-38.747100 -21.896600 -22.281400 10.665700
101 +-38.644900 -22.148100 -21.677700 10.154300
102 +-38.381200 -22.367900 -21.020600 9.493680
103 +-38.119700 -22.723600 -20.296700 8.582250
104 +-38.012500 -23.358900 -19.558800 7.573010
105 +-38.013800 -23.947000 -18.871400 6.455080
106 +-37.769900 -24.197900 -18.235000 5.040110
107 +-37.580200 -24.549400 -17.658300 3.465830
108 +-37.591600 -24.872900 -16.984500 1.927900
109 +-37.652300 -25.105900 -16.168200 0.400885
110 +-37.591000 -25.207600 -15.412300 -1.317130
111 +-37.293700 -25.228300 -14.603300 -2.999500
112 +-36.807900 -25.325000 -13.902200 -4.807300
113 +-36.380900 -25.386900 -13.318700 -6.605010
114 +-36.063100 -25.371400 -12.538800 -8.112720
115 +-35.808800 -25.486700 -11.587800 -9.474390
116 +-35.393200 -25.476000 -10.825000 -10.961600
117 +-34.737500 -25.284300 -10.072300 -12.379400
118 +-34.360700 -25.243900 -9.104920 -13.719800
119 +-34.231600 -25.377800 -8.101340 -14.977000
120 +-34.190600 -25.856500 -7.483700 -16.332000
121 +-34.097000 -26.327100 -7.012710 -17.597800
122 +-33.783000 -26.530800 -6.456020 -18.769000
123 +-33.113000 -26.543500 -6.156240 -20.190700
124 +-32.636600 -26.810200 -5.973930 -21.567200
125 +-32.299900 -27.085700 -5.389790 -22.677800
126 +-31.871500 -27.395100 -4.749190 -23.614800
127 +-31.582300 -27.850300 -4.517320 -24.738900
128 +-31.226000 -28.222700 -4.065110 -25.704600
129 +-30.416600 -28.305500 -3.494740 -26.528300
130 +-29.807600 -28.570800 -3.167140 -27.363800
131 +-29.382300 -29.057600 -2.918380 -28.186100
132 +-28.631800 -29.154500 -2.430310 -28.850500
133 +-28.009700 -29.298300 -1.807420 -29.416300
134 +-27.573500 -29.647600 -1.191860 -29.914400
135 +-26.911700 -29.820200 -0.509218 -30.208500
136 +-26.160300 -29.751900 0.294605 -30.501300
137 +-26.073600 -30.135700 1.143730 -30.768100
138 +-25.335900 -30.392700 1.897880 -30.893000
139 +-24.930200 -30.435300 2.644590 -30.919200
140 +-24.379100 -30.328500 3.786070 -31.176400
141 +-23.962300 -30.743600 4.892240 -31.292400
142 +-23.435300 -31.183400 5.667880 -31.492100
143 +-23.108500 -31.442200 6.244410 -30.656200
144 +-23.178800 -31.756500 6.741980 -30.271300
145 +-23.118800 -31.964600 7.278330 -30.070100
146 +-22.828200 -32.125700 8.045440 -29.801900
147 +-22.594900 -32.421200 8.900810 -29.517400
148 +-22.754000 -32.884800 9.823340 -29.329700
149 +-22.540500 -33.081100 10.699200 -29.055400
150 +-22.004300 -33.222400 11.389300 -28.606200
151 +-22.051100 -33.644600 11.769200 -28.229000
152 +-22.171400 -33.975900 12.137300 -27.889700
153 +-21.802600 -34.114800 12.637100 -27.638700
154 +-21.502400 -34.162400 13.058700 -27.674800
155 +-21.448800 -34.285900 13.400300 -27.989800
156 +-21.297900 -34.415100 13.738800 -28.280200
157 +-21.088400 -34.491900 14.111400 -28.472900
158 +-21.262700 -34.728000 14.596600 -28.480800
159 +-21.411600 -35.137200 14.976700 -28.489300
160 +-21.455800 -35.492700 15.343300 -28.318200
161 +-21.670400 -35.610500 15.676500 -28.104100
162 +-21.895400 -35.696900 15.895500 -27.936900
163 +-22.192400 -35.907500 16.022000 -27.809900
164 +-22.800000 -36.366700 16.012200 -27.638500
165 +-23.341800 -36.785100 15.916100 -27.339200
166 +-23.697200 -37.015700 15.654200 -26.997700
167 +-24.254800 -37.353500 15.344600 -26.519000
168 +-24.825800 -37.588100 14.596200 -26.230000
169 +-24.981600 -37.558100 13.624600 -25.926800
170 +-25.069600 -37.690700 12.658500 -25.519000
171 +-25.730000 -38.017100 11.817000 -24.940400
172 +-26.412600 -37.965600 10.823300 -24.277500
173 +-26.822500 -37.635200 9.332830 -23.652800
174 +-27.195600 -37.398300 7.632760 -22.797700
175 +-27.685700 -37.260400 6.328590 -21.956300
176 +-28.302000 -37.155300 4.857050 -21.149100
177 +-28.628000 -37.072500 3.285240 -20.437400
178 +-28.784100 -36.599400 1.776550 -19.587300
179 +-28.711400 -35.923100 0.035838 -18.676100
180 +-28.608500 -35.204900 -1.049240 -17.770300
181 +-28.705100 -34.763100 -2.431360 -17.054900
182 +-29.107500 -34.612700 -3.509300 -16.233500
183 +-29.636300 -34.482500 -4.539280 -15.294500
184 +-29.689700 -34.109900 -6.026950 -14.481200
185 +-29.469100 -33.244100 -7.360210 -13.807500
186 +-29.699500 -32.568000 -8.594360 -13.167400
187 +-30.198600 -32.216300 -9.809240 -12.438900
188 +-30.291900 -31.556400 -11.041600 -11.781000
189 +-30.428100 -30.827600 -12.344900 -11.112000
190 +-30.834300 -30.322000 -13.515100 -10.205700
191 +-31.236600 -29.959900 -14.688500 -9.398510
192 +-31.607800 -29.551600 -15.923100 -8.718190
193 +-31.896900 -29.136200 -17.081200 -8.144030
194 +-32.067800 -28.584300 -18.161800 -7.558690
195 +-32.275900 -28.013000 -19.295100 -6.942730
196 +-32.527500 -27.351900 -20.326000 -6.346290
197 +-32.905300 -26.923700 -21.401600 -5.887320
198 +-33.302700 -26.851900 -22.306800 -5.350140
199 +-33.688700 -26.538300 -23.153300 -4.807730
200 +-33.955700 -26.134500 -23.946300 -4.257460
201 +-34.087000 -25.676500 -24.717400 -3.805660
202 +-34.348100 -25.079400 -25.460100 -3.437910
203 +-34.707400 -24.624100 -26.181700 -3.004930
204 +-34.943300 -24.301600 -26.829100 -2.517600
205 +-35.253800 -24.062400 -27.367800 -2.031960
206 +-35.503900 -23.876800 -27.743500 -1.425310
207 +-35.749900 -23.656200 -28.096400 -0.852025
208 +-35.933100 -23.116600 -28.255000 -0.188795
209 +-35.989400 -22.495500 -28.326600 0.391158
210 +-36.229700 -22.122200 -28.324800 0.961694
211 +-36.472600 -21.898600 -28.421000 1.606110
212 +-36.480200 -21.558100 -28.542700 2.381670
213 +-36.555700 -21.012300 -28.468200 3.410410
214 +-36.848700 -20.415900 -28.339700 4.403900
215 +-37.149100 -20.000700 -28.213400 5.230590
216 +-37.260200 -19.827600 -28.117200 5.879730
217 +-37.187400 -19.530400 -27.765200 6.579350
218 +-37.074600 -19.178100 -27.201800 7.284940
219 +-37.016700 -19.017800 -26.713000 7.861870
220 +-37.304900 -18.818100 -26.366000 8.456370
221 +-37.571600 -18.513200 -25.957600 9.070330
222 +-37.690600 -18.289200 -25.303200 9.703650
223 +-37.861700 -18.200700 -24.882700 10.065000
224 +-38.129300 -18.096800 -24.868400 10.184000
225 +-38.144300 -18.256100 -24.890400 10.391400
226 +-38.268900 -18.348400 -25.112300 10.674900
227 +-38.405500 -18.303800 -25.549700 11.040400
228 +-38.331600 -18.254000 -25.727800 11.650800
229 +-38.261600 -18.488400 -25.822900 12.263400
230 +-38.533300 -18.783100 -26.190500 12.427900
231 +-38.846800 -19.143700 -26.351700 12.574800
232 +-38.987800 -19.475400 -26.263600 12.595100
233 +-39.036400 -19.782600 -25.965600 12.470100
234 +-39.108500 -20.264800 -25.552500 12.101900
235 +-38.890700 -20.649800 -25.219800 11.498700
236 +-38.520800 -20.875400 -24.838600 10.693800
237 +-38.322700 -21.346100 -24.594300 9.722210
238 +-38.037200 -21.757200 -24.129600 8.930410
239 +-38.056200 -22.081300 -23.585600 7.968350
240 +-38.178800 -22.559700 -23.108100 6.639640
241 +-38.173800 -23.143500 -22.428200 5.381070
242 +-37.985600 -23.493700 -21.542400 4.181300
243 +-37.750800 -23.411000 -20.848000 2.615820
244 +-37.691200 -23.587200 -20.238900 0.776424
245 +-37.670300 -24.072000 -19.498500 -1.029420
246 +-37.470600 -24.245400 -18.709000 -2.696290
247 +-36.951500 -24.049200 -18.014300 -4.293660
248 +-36.549800 -23.948400 -17.357000 -5.784600
249 +-36.313500 -24.065900 -16.619400 -7.247850
250 +-36.025900 -24.303100 -15.752600 -8.730500
251 +-35.831900 -24.653700 -14.951500 -10.234200
252 +-35.633400 -24.883400 -14.159700 -11.660400
253 +-35.411300 -25.066900 -13.322900 -12.999900
254 +-34.896900 -25.127700 -12.698200 -14.636400
255 +-34.481300 -25.203700 -11.964600 -16.122200
256 +-34.345300 -25.619500 -11.091900 -17.449900
257 +-34.273400 -26.125000 -10.279600 -18.806400
258 +-33.889100 -26.621800 -9.357930 -20.084600
259 +-33.319900 -27.012400 -8.283240 -21.125000
260 +-32.735900 -27.178800 -7.252230 -22.038600
261 +-32.060800 -27.384800 -6.448160 -23.096200
262 +-31.514600 -27.829200 -5.864970 -24.360200
263 +-31.049600 -28.249100 -5.595230 -25.771600
264 +-30.538200 -28.562300 -5.452800 -27.091700
265 +-29.756200 -28.622700 -4.606980 -27.847000
266 +-29.072000 -28.943800 -3.898220 -28.687000
267 +-28.784100 -29.500300 -3.257490 -29.513600
268 +-28.222500 -29.923400 -2.622370 -30.397500
269 +-27.417600 -30.109700 -2.104020 -31.092600
270 +-26.712900 -30.272100 -1.531480 -31.643500
271 +-26.234000 -30.663200 -1.263380 -32.440600
272 +-25.685400 -31.010600 -0.103927 -32.408800
273 +-25.096500 -31.052100 0.768264 -32.572400
274 +-24.570200 -31.209600 1.780740 -32.705700
275 +-24.165900 -31.515100 2.872520 -32.573500
276 +-23.516500 -31.676800 3.830050 -32.455000
277 +-22.815300 -31.799900 4.594640 -32.505600
278 +-22.285100 -31.959100 5.391660 -32.351800
279 +-21.753500 -32.212000 6.133070 -32.144100
280 +-21.446900 -32.418700 6.756600 -31.924600
281 +-21.280300 -32.754700 7.517100 -31.587100
282 +-20.669700 -32.890000 8.426510 -31.165900
283 +-19.999000 -32.925300 9.538610 -30.563900
284 +-19.874000 -33.285900 10.604600 -30.100100
285 +-19.750200 -33.760700 11.404700 -29.815300
286 +-19.674000 -34.262500 12.058300 -29.631700
287 +-19.561700 -34.723900 12.752000 -29.654000
288 +-19.364400 -35.190100 13.445800 -29.595600
289 +-19.279900 -35.567100 14.036600 -29.553900
290 +-19.152900 -35.711700 14.354600 -29.646700
291 +-18.928300 -36.001000 15.111600 -29.980100
292 +-18.736100 -35.702600 15.450600 -30.259800
293 +-18.414700 -36.178200 15.722900 -30.491700
294 +-18.427500 -36.851900 15.438900 -30.716500
295 +-18.549900 -37.417700 15.666600 -30.665800
296 +-18.759700 -37.703200 16.182300 -30.505200
297 +-18.990300 -38.322300 16.297900 -30.544900
298 +-19.145600 -39.230100 16.143200 -30.492500
299 +-19.282000 -39.697400 16.006400 -30.177000
300 +-19.548800 -40.023300 15.865800 -29.742900
301 +-19.589400 -40.457900 15.749700 -29.155300
302 +-19.717900 -41.100400 15.213200 -28.790700
303 +-19.929700 -41.440500 14.478700 -28.542400
304 +-20.033600 -41.537500 13.712800 -28.367700
305 +-20.363100 -41.764500 12.891300 -27.983100
306 +-21.121000 -42.206900 11.992400 -27.404400
307 +-21.573800 -42.494100 10.949700 -26.675600
308 +-21.747500 -42.700000 9.742710 -25.849500
309 +-22.070500 -42.914200 8.439990 -24.862300
310 +-22.550000 -42.652600 6.963030 -23.949100
311 +-22.890000 -42.018800 5.352170 -23.069900
312 +-23.092500 -41.468500 3.747690 -22.173800
313 +-23.403000 -40.806300 2.226930 -21.245600
314 +-23.688300 -40.244600 0.714815 -20.393400
315 +-23.810600 -39.540500 -0.707317 -19.606600
316 +-24.006100 -38.881200 -2.140210 -18.885600
317 +-24.546600 -38.634600 -3.325760 -18.027300
318 +-25.059700 -38.170600 -4.561850 -17.096300
319 +-25.169900 -37.416600 -6.105310 -16.396600
320 +-25.024000 -36.578400 -7.492150 -15.614200
321 +-25.336400 -35.875100 -8.600480 -14.726800
322 +-25.899600 -35.347500 -9.693730 -13.924300
323 +-26.344600 -34.753900 -10.932900 -13.125900
324 +-26.740300 -34.152400 -12.414000 -12.487000
325 +-27.041800 -33.231600 -13.841500 -11.856500
326 +-27.389600 -32.665300 -14.975300 -11.028400
327 +-27.863300 -32.396900 -16.123900 -10.344800
328 +-28.413400 -32.173400 -17.364700 -9.823070
329 +-28.820400 -31.699400 -18.463000 -9.201340
330 +-29.048500 -31.072200 -19.532600 -8.549070
331 +-29.584500 -30.574500 -20.482900 -7.874450
332 +-30.063700 -29.975500 -21.553400 -7.238030
333 +-30.511200 -29.543500 -22.705100 -6.617520
334 +-31.000300 -29.123500 -23.902300 -6.202690
335 +-31.281400 -28.537800 -25.225500 -5.928850
336 +-31.555900 -27.942200 -25.677700 -5.367560
337 +-31.884600 -27.196700 -26.427900 -4.656700
338 +-32.251900 -26.654700 -26.918700 -4.085380
339 +-32.592100 -26.033100 -27.348100 -3.513950
340 +-32.735900 -25.260900 -27.841400 -3.032340
341 +-33.262700 -24.977800 -28.284900 -2.523910
342 +-33.948700 -24.750100 -28.505400 -1.775280
343 +-34.062400 -24.064100 -28.670600 -1.004400
344 +-34.028000 -23.261300 -28.918100 -0.527103
345 +-34.369400 -22.889500 -29.072000 -0.137196
346 +-34.648400 -22.379100 -29.072100 0.525520
347 +-34.680600 -21.534100 -29.131900 1.166260
348 +-34.945000 -20.942200 -28.969000 1.888620
349 +-35.021800 -20.509000 -28.861500 2.662480
350 +-34.943800 -19.955600 -28.508700 3.273550
351 +-35.279900 -19.645200 -27.938200 4.386950
352 +-35.645900 -19.462900 -27.658000 5.072170
353 +-35.956900 -19.115500 -27.567000 5.638440
354 +-36.232600 -18.844700 -27.244600 6.287350
355 +-36.275600 -18.488500 -26.751900 6.942360
356 +-36.930800 -18.705200 -26.180700 7.552660
357 +-36.494200 -17.901800 -25.691000 8.016530
358 +-36.562900 -17.514000 -25.412400 8.339060
359 +-36.849400 -17.458900 -25.382500 8.524120
360 +-37.139100 -17.502200 -25.427100 8.849040
361 +-37.466800 -17.488900 -25.576400 9.322530
362 +-37.666700 -17.239800 -25.834000 9.822150
363 +-38.026800 -17.306200 -26.095400 10.247400
364 +-38.512300 -17.762800 -26.341900 10.599500
365 +-38.624700 -17.823900 -26.723300 10.827600
366 +-38.469600 -17.717400 -26.940400 10.858200
367 +-38.755700 -18.234500 -26.718100 10.978100
368 +-39.160400 -18.965300 -26.446800 10.879700
369 +-39.201500 -19.318800 -26.078100 10.621600
370 +-39.203200 -19.661100 -25.692300 10.194100
371 +-39.324000 -20.259100 -25.602300 9.394030
372 +-39.219600 -20.945200 -25.204000 8.790410
373 +-39.234200 -21.636300 -24.697700 8.058220
374 +-39.363800 -22.121500 -24.485500 6.855840
375 +-39.286700 -22.400400 -24.049200 5.612010
376 +-39.320400 -23.107100 -23.346900 4.413600
377 +-39.613500 -23.921900 -22.471000 3.058730
378 +-38.812100 -23.430500 -21.644000 1.528300
379 +-38.979300 -23.954600 -20.623100 0.154050
380 +-38.689600 -24.166800 -19.635100 -1.310790
381 +-38.238400 -24.224400 -18.678000 -2.731860
382 +-38.003700 -24.402700 -17.754600 -4.167860
383 +-37.701000 -24.560700 -17.006100 -5.839740
384 +-37.207800 -24.831000 -16.491600 -7.575650
385 +-36.750400 -25.134700 -15.925400 -9.196650
386 +-36.276700 -25.292800 -14.913500 -10.386100
387 +-35.760300 -25.379500 -13.759700 -11.426900
388 +-35.364400 -25.866600 -12.954400 -12.816600
389 +-34.861400 -26.350100 -12.409600 -14.264900
390 +-34.256100 -26.656200 -11.712900 -15.522300
391 +-33.709700 -26.922200 -10.784500 -16.660500
392 +-33.342200 -27.317700 -9.938210 -17.569800
393 +-33.024400 -27.889900 -9.075160 -18.500300
394 +-32.624800 -28.272700 -8.885190 -20.160100
395 +-31.491600 -27.826000 -8.364090 -21.340300
396 +-30.796100 -28.119600 -7.878430 -22.365100
397 +-30.190400 -28.538200 -7.330700 -23.325500
398 +-29.258500 -28.268900 -6.785010 -24.307600
399 +-29.597200 -29.330700 -6.194470 -25.309800
400 +-29.159600 -29.693900 -5.346480 -26.122800
401 +-28.008600 -29.298900 -4.689660 -27.030400
402 +-27.767300 -29.737800 -4.267250 -28.033300
403 +-27.312600 -30.054800 -3.718110 -28.972600
404 +-27.006100 -30.224000 -3.052960 -29.520100
405 +-26.567700 -30.560400 -1.842300 -29.423500
406 +-26.100600 -30.685400 -1.635420 -30.433500
407 +-24.940000 -29.990700 -0.301840 -30.563100
408 +-24.957400 -30.760800 0.349891 -30.687400
409 +-24.205800 -30.681300 1.217320 -30.511200
410 +-24.307300 -31.408400 0.889360 -31.342100
411 +-23.506800 -31.306300 2.035250 -30.798300
412 +-22.016800 -30.359300 2.779720 -30.454800
413 +-21.937600 -30.601200 3.677730 -30.370600
414 +-22.255200 -31.413500 4.388450 -30.415100
415 +-22.318400 -32.298100 5.789300 -29.970600
416 +-21.726000 -32.421500 6.983930 -29.615400
417 +-20.914800 -31.891200 8.085370 -29.463600
418 +-20.092700 -31.516000 8.739970 -29.429000
419 +-19.404900 -31.394900 9.736690 -29.102400
420 +-19.735200 -32.285500 10.560100 -28.542100
421 +-19.949900 -33.055200 11.481100 -27.980100
422 +-19.230100 -32.699400 11.960200 -28.298900
423 +-19.115400 -33.065400 12.933700 -28.625700
424 +-19.545900 -34.052900 13.663300 -28.803200
425 +-18.523600 -33.327800 13.902700 -29.045600
426 +-18.659600 -33.710900 14.218600 -29.577600
427 +-19.300100 -34.510600 14.244900 -29.594000
428 +-18.422300 -33.548200 14.926600 -29.727900
429 +-18.540000 -33.686100 15.250900 -29.682100
430 +-18.628500 -34.055500 16.330000 -29.719100
431 +-19.007100 -34.485300 16.794400 -29.873000
432 +-19.757400 -35.432000 17.615100 -30.180300
433 +-19.374800 -35.156100 17.892000 -30.363700
1 +-23.189300 -32.956600 18.614200 -28.629900
2 +-23.648900 -33.352700 18.343000 -28.326500
3 +-23.406800 -33.299100 17.863800 -27.977600
4 +-23.558400 -33.369200 17.458500 -27.594500
5 +-24.059200 -33.709500 16.977700 -27.151200
6 +-24.633500 -34.047800 16.471400 -26.674900
7 +-25.151400 -34.292300 15.790700 -26.404000
8 +-25.523200 -34.379500 14.875400 -26.074300
9 +-26.762200 -34.795400 14.046600 -25.853500
10 +-26.685800 -34.438000 12.595700 -25.378400
11 +-27.191800 -34.505900 11.369200 -24.955400
12 +-27.721600 -34.862500 10.280200 -24.173300
13 +-27.725300 -34.790500 9.044690 -23.457300
14 +-28.227300 -34.878500 7.445590 -22.751200
15 +-28.835000 -34.984300 5.714060 -21.953300
16 +-28.413700 -34.697900 3.977840 -21.151800
17 +-27.841600 -34.062400 2.404800 -20.365900
18 +-27.713500 -33.567500 1.048150 -19.581500
19 +-27.945600 -33.387500 -0.267204 -18.811500
20 +-28.432500 -33.332900 -1.749390 -18.023000
21 +-28.289700 -32.833400 -3.106020 -17.150700
22 +-26.985500 -31.639900 -4.343000 -16.302900
23 +-29.150000 -32.283200 -5.490810 -15.496100
24 +-30.895800 -32.712000 -6.770640 -14.705800
25 +-28.870800 -31.367200 -8.225300 -13.862200
26 +-29.979300 -31.315700 -9.316960 -13.157400
27 +-30.462700 -30.930000 -10.622200 -12.659800
28 +-30.207700 -30.026000 -11.872600 -12.175900
29 +-32.286400 -30.702200 -13.157000 -11.570400
30 +-31.234100 -29.656200 -14.485200 -11.021800
31 +-29.543100 -28.119100 -15.675800 -10.562000
32 +-31.622600 -29.249200 -16.802100 -10.097900
33 +-30.339100 -27.699000 -17.850300 -9.609440
34 +-31.647000 -28.186300 -18.883800 -9.230450
35 +-31.989600 -28.033300 -20.053700 -8.879830
36 +-31.582300 -27.278200 -21.208600 -8.449660
37 +-33.929200 -28.348300 -22.482300 -8.176010
38 +-33.567200 -27.527700 -23.574100 -7.920510
39 +-33.502400 -27.040600 -24.465400 -7.507920
40 +-33.666100 -26.657500 -25.351200 -7.043430
41 +-33.770400 -26.319800 -26.153300 -6.580610
42 +-33.858400 -26.129200 -26.814100 -6.084300
43 +-36.263100 -27.240700 -27.505900 -5.555710
44 +-33.849400 -24.786700 -28.053700 -5.035380
45 +-34.270200 -24.900200 -28.363600 -4.427800
46 +-33.775200 -24.173500 -28.690400 -3.787790
47 +-36.397100 -25.770500 -29.142800 -3.097920
48 +-35.194800 -24.427800 -29.251700 -2.298680
49 +-34.650900 -23.494700 -29.488500 -1.663440
50 +-35.010900 -23.323200 -29.658100 -1.053070
51 +-35.273000 -23.290400 -29.661800 -0.491803
52 +-35.482600 -23.212100 -29.654300 0.138110
53 +-36.000800 -23.297500 -29.599700 0.744927
54 +-36.381400 -23.179700 -29.199800 1.581850
55 +-36.271900 -22.582000 -28.860600 2.350460
56 +-36.212500 -22.175100 -28.345600 3.099810
57 +-36.303700 -21.964500 -28.043200 3.854020
58 +-36.366800 -21.729500 -27.550700 4.743830
59 +-36.677100 -21.680800 -26.968600 5.466280
60 +-37.004500 -21.528000 -26.516400 6.160390
61 +-37.298800 -21.473300 -26.061600 6.924840
62 +-37.521700 -21.534200 -25.599900 7.573320
63 +-37.517300 -21.298500 -24.804300 7.961460
64 +-37.588300 -21.169100 -24.246500 8.279780
65 +-38.100200 -21.299700 -24.444800 8.769000
66 +-38.437000 -21.418200 -24.887300 9.319890
67 +-38.432700 -21.462300 -25.594400 9.876910
68 +-38.544800 -21.649100 -25.941300 10.704700
69 +-38.738600 -21.923500 -25.773700 11.399400
70 +-38.901800 -22.123500 -25.545000 11.962200
71 +-38.918100 -22.222100 -25.492900 12.356400
72 +-39.005600 -22.500200 -25.265500 12.633300
73 +-39.172600 -22.889600 -24.746100 12.902200
74 +-39.583300 -23.410800 -24.099900 13.008000
75 +-39.763000 -23.875200 -23.577300 12.810600
76 +-39.553900 -24.161100 -23.079300 12.402600
77 +-39.319900 -24.533700 -22.277200 11.890800
78 +-39.105200 -25.080000 -21.737500 11.324900
79 +-39.152900 -25.591000 -21.832600 10.576300
80 +-39.089000 -26.014700 -21.590400 9.760530
81 +-39.079700 -26.658500 -20.863800 8.967850
82 +-39.216100 -27.269000 -20.235700 8.015880
83 +-39.294700 -27.759400 -19.462700 6.826160
84 +-39.236400 -28.244400 -18.387500 5.506650
85 +-38.997100 -28.428300 -17.466800 4.074520
86 +-38.607600 -28.658500 -16.747300 2.642570
87 +-38.257700 -29.000900 -15.915300 1.248310
88 +-37.974000 -29.191000 -15.159200 -0.082834
89 +-37.898200 -29.410000 -14.673300 -1.396740
90 +-37.556800 -29.542400 -14.244900 -2.683370
91 +-37.261000 -29.771900 -13.603800 -4.005620
92 +-37.034000 -29.915200 -13.071500 -5.373740
93 +-36.332200 -29.681600 -12.593500 -6.809930
94 +-35.377100 -29.311200 -11.970000 -8.159100
95 +-35.894000 -29.978900 -11.333400 -9.457630
96 +-34.933100 -29.306300 -10.780000 -10.637700
97 +-34.470300 -29.315200 -10.512100 -11.940200
98 +-34.131400 -29.539400 -10.159000 -13.336000
99 +-33.638200 -29.642600 -9.842640 -14.747600
100 +-33.208000 -29.688000 -9.526560 -16.002000
101 +-32.724000 -29.730100 -9.012040 -17.079200
102 +-32.110300 -29.904600 -8.516000 -18.184100
103 +-31.662600 -30.235600 -8.378580 -19.485600
104 +-31.318300 -30.386800 -8.224270 -20.624400
105 +-30.965900 -30.477800 -7.730440 -21.742000
106 +-30.292800 -30.395100 -7.123090 -22.866400
107 +-29.667700 -30.293100 -6.908270 -23.971900
108 +-29.129000 -30.481700 -7.036650 -25.072900
109 +-28.398100 -30.435900 -6.456990 -26.039600
110 +-28.007700 -30.615100 -6.037980 -26.976100
111 +-27.862400 -30.805000 -5.551840 -27.800600
112 +-27.231900 -30.588500 -4.895240 -28.421300
113 +-26.292700 -30.241900 -4.201620 -28.967400
114 +-25.399600 -29.983500 -3.390580 -29.495500
115 +-24.790400 -29.766200 -2.528580 -30.044700
116 +-24.602200 -29.855300 -1.744930 -30.540500
117 +-24.207400 -29.914000 -0.920672 -30.949900
118 +-23.583100 -29.832900 -0.197670 -31.369100
119 +-23.039500 -29.584400 0.290855 -31.630200
120 +-22.652000 -29.400000 1.688880 -31.475800
121 +-22.385800 -29.410200 2.683300 -31.297700
122 +-22.206100 -29.487800 3.394660 -31.158500
123 +-22.004100 -29.601400 4.377080 -30.980300
124 +-21.687500 -29.447500 5.253450 -30.862200
125 +-21.268800 -29.134500 5.895350 -30.775700
126 +-20.915600 -28.989000 6.916070 -30.436800
127 +-20.613700 -28.815300 8.073010 -29.992600
128 +-20.090300 -28.612100 8.795270 -29.743300
129 +-19.952500 -28.858400 9.425170 -29.481500
130 +-19.934300 -29.069800 10.265800 -29.087700
131 +-19.705900 -29.070900 11.065300 -28.758600
132 +-19.654400 -29.134600 11.437500 -28.783100
133 +-19.583500 -29.197300 11.638000 -28.915900
134 +-19.320800 -29.120200 12.201700 -28.875000
135 +-19.284400 -29.408000 12.602400 -28.889700
136 +-19.280500 -29.626200 13.044600 -28.924100
137 +-19.169200 -29.449600 13.575100 -28.908400
138 +-19.213400 -29.399800 14.217800 -28.657100
139 +-19.672400 -29.519600 14.943900 -28.294500
140 +-20.182800 -29.953600 15.352800 -28.112700
141 +-20.497900 -30.389300 15.419800 -28.067300
142 +-20.977400 -30.507000 15.167100 -28.057200
143 +-21.530100 -30.699600 14.788500 -27.847400
144 +-21.965900 -30.845700 14.462300 -27.297200
145 +-22.355800 -30.939400 14.039300 -26.804500
146 +-22.459500 -30.914600 13.480900 -26.561200
147 +-22.651300 -30.787300 12.759000 -26.446000
148 +-22.980900 -30.646800 11.963900 -26.269800
149 +-23.369200 -30.766400 11.065800 -26.060400
150 +-24.158600 -31.222500 10.266800 -25.639200
151 +-25.096400 -31.543200 9.425300 -24.976700
152 +-25.609600 -31.397900 8.183470 -24.379300
153 +-25.668600 -31.126600 6.822120 -23.741900
154 +-25.822500 -31.084800 5.437430 -23.016000
155 +-26.070700 -31.007400 4.114100 -22.134900
156 +-26.438000 -30.936300 2.720050 -21.320900
157 +-26.756000 -30.647600 1.378480 -20.491700
158 +-26.877100 -30.393000 0.180341 -19.578500
159 +-26.828600 -30.160100 -1.197600 -18.922700
160 +-26.932300 -29.989000 -2.600570 -18.272000
161 +-27.078800 -29.708800 -4.012490 -17.565400
162 +-27.316000 -29.272000 -5.306270 -16.943700
163 +-27.504200 -28.961000 -6.376630 -16.319500
164 +-27.974900 -28.894900 -7.725360 -15.757500
165 +-28.617200 -28.926400 -9.140260 -15.248700
166 +-28.790000 -28.595200 -10.334000 -14.655300
167 +-28.428000 -27.858600 -11.269300 -13.900900
168 +-28.344100 -27.464700 -12.371100 -13.137300
169 +-28.657800 -27.357800 -13.731800 -12.589300
170 +-29.014300 -27.062900 -15.167500 -12.147200
171 +-29.301300 -26.788600 -16.372300 -11.543100
172 +-29.607800 -26.783200 -17.448100 -10.958300
173 +-30.034500 -26.864800 -18.504500 -10.468100
174 +-30.414500 -26.878500 -19.405300 -9.947780
175 +-30.508800 -26.610100 -20.158300 -9.346770
176 +-30.517600 -26.024500 -20.850100 -8.661560
177 +-30.911900 -25.703700 -21.600900 -8.066690
178 +-31.486100 -25.844800 -22.453400 -7.610590
179 +-31.691700 -25.723100 -23.299400 -7.263260
180 +-31.682300 -25.400100 -23.927800 -6.754830
181 +-31.725800 -25.122700 -24.598300 -6.386060
182 +-31.732700 -24.782600 -24.978000 -5.849890
183 +-31.983800 -24.458500 -25.216800 -5.116320
184 +-32.664700 -24.463500 -25.460400 -4.293000
185 +-32.977000 -24.264500 -25.563600 -3.520090
186 +-32.812400 -23.798400 -25.710000 -3.018520
187 +-33.024000 -23.422200 -25.815900 -2.434100
188 +-33.473300 -23.190700 -25.933000 -1.779710
189 +-33.771700 -23.008400 -25.877800 -1.105780
190 +-34.102300 -22.736300 -25.642100 -0.300694
191 +-34.346400 -22.495500 -25.502900 0.461769
192 +-34.544100 -22.538900 -25.253700 1.141100
193 +-34.722000 -22.392500 -24.794000 1.899970
194 +-34.668700 -21.901700 -24.362100 2.628860
195 +-34.727400 -21.576000 -23.980500 3.414560
196 +-35.092800 -21.435600 -23.743300 4.158260
197 +-35.492100 -21.328100 -23.646100 4.789950
198 +-35.428800 -21.022100 -23.741300 5.141120
199 +-35.412500 -20.827800 -23.743800 5.548690
200 +-35.845500 -21.132900 -23.894700 6.085390
201 +-36.214000 -21.485500 -24.176100 6.728500
202 +-36.305000 -21.187700 -24.578000 7.336940
203 +-36.318100 -20.745500 -25.051300 7.903900
204 +-36.262600 -20.761400 -25.405000 8.626290
205 +-36.148600 -20.898300 -25.512700 9.300690
206 +-35.980400 -20.777300 -25.507600 9.796450
207 +-35.866500 -20.834500 -25.329100 10.246100
208 +-35.916800 -21.064800 -24.754900 10.869900
209 +-36.042400 -21.381500 -24.056500 11.326700
210 +-36.234400 -21.833000 -23.434300 11.607900
211 +-36.363500 -22.331700 -22.580900 12.075400
212 +-36.366500 -22.630400 -21.976200 12.398400
213 +-36.560200 -23.090200 -21.819500 12.376500
214 +-36.919600 -23.751900 -21.858100 12.093400
215 +-37.532600 -24.289900 -21.843300 11.714800
216 +-38.167400 -24.819200 -21.385700 11.511800
217 +-38.645700 -25.507900 -20.712900 11.243800
218 +-38.801400 -25.882900 -19.825200 11.022600
219 +-38.684800 -26.123800 -19.061800 10.592700
220 +-38.280700 -26.361500 -18.453400 9.923870
221 +-37.979200 -26.889700 -17.984300 8.922680
222 +-37.846500 -27.461800 -17.495800 7.871910
223 +-37.776100 -28.065300 -16.990300 6.754510
224 +-37.743700 -28.704000 -16.451500 5.489810
225 +-37.742500 -29.219700 -15.913800 4.233240
226 +-37.580800 -29.486500 -15.365100 2.934690
227 +-37.271400 -29.775000 -14.788800 1.499540
228 +-36.751400 -29.857700 -13.938900 0.152519
229 +-36.424500 -29.839600 -13.080500 -1.136030
230 +-36.385100 -29.963700 -12.379600 -2.399430
231 +-35.742700 -29.837100 -11.672200 -3.706890
232 +-34.989800 -29.574000 -11.032500 -5.110450
233 +-34.869900 -29.794000 -10.350500 -6.389620
234 +-34.715300 -30.065900 -9.636590 -7.545280
235 +-34.117500 -30.021900 -9.102810 -8.834100
236 +-33.451300 -29.960100 -8.587840 -10.116500
237 +-33.024800 -30.050900 -8.203390 -11.469700
238 +-32.633600 -30.320000 -7.811830 -13.020200
239 +-32.347600 -30.664700 -7.801270 -14.933400
240 +-31.845100 -30.661100 -6.668200 -15.382900
241 +-31.118500 -30.478400 -6.140300 -16.351000
242 +-30.514100 -30.547800 -5.811990 -17.723700
243 +-30.060800 -30.605000 -5.626640 -19.130800
244 +-29.535800 -30.756200 -5.458440 -20.416600
245 +-29.024800 -30.912800 -5.173220 -21.466300
246 +-28.805800 -31.131800 -4.735330 -22.423900
247 +-28.450100 -31.223600 -4.493470 -23.556700
248 +-27.563900 -31.098100 -4.319260 -24.713200
249 +-26.834800 -30.969100 -3.973690 -25.692200
250 +-26.748900 -30.976400 -3.494310 -26.513000
251 +-26.440900 -31.089500 -2.978440 -27.296600
252 +-25.745200 -31.147900 -2.477920 -28.007200
253 +-25.101000 -31.019700 -1.962690 -28.603300
254 +-24.631500 -30.786100 -1.312560 -29.062100
255 +-24.475000 -30.791600 -0.741947 -29.585500
256 +-24.173900 -30.915900 -0.076140 -30.042600
257 +-23.602300 -30.637600 0.798905 -30.320000
258 +-23.374900 -30.429300 1.700500 -30.573100
259 +-23.043700 -30.428400 2.527710 -30.840200
260 +-22.405500 -30.184700 3.408190 -30.977400
261 +-22.341900 -30.213000 4.292760 -31.057200
262 +-22.521900 -30.394900 5.053230 -31.163800
263 +-22.435100 -30.299600 5.934820 -30.882600
264 +-22.007500 -29.958300 6.736860 -30.534800
265 +-21.510200 -29.603800 7.595710 -30.199600
266 +-21.206300 -29.529300 8.695380 -29.794600
267 +-21.162700 -29.544500 9.663930 -29.482500
268 +-21.115200 -29.402500 10.390900 -29.279800
269 +-21.166900 -29.373100 11.260300 -28.954600
270 +-21.184000 -29.460200 11.936800 -28.748900
271 +-21.013000 -29.400500 12.333200 -28.638600
272 +-21.018000 -29.317100 12.717500 -28.518000
273 +-20.996600 -29.231600 13.585100 -28.563900
274 +-20.643900 -29.011500 14.169000 -28.621900
275 +-20.478400 -28.905200 14.215900 -28.827800
276 +-20.577300 -29.060700 14.610800 -29.048900
277 +-20.611000 -29.142200 15.270700 -29.061600
278 +-20.867700 -29.243900 16.160400 -28.776900
279 +-21.213800 -29.509000 16.560500 -28.715200
280 +-21.502700 -29.829300 16.459700 -28.643700
281 +-21.840500 -30.021700 16.059900 -28.411400
282 +-22.395400 -30.375000 15.739500 -28.223500
283 +-22.948300 -30.845900 15.401800 -27.760200
284 +-23.307000 -31.113200 14.883200 -27.161000
285 +-23.363600 -31.009400 14.160200 -26.663600
286 +-23.667700 -31.075400 12.964800 -26.333300
287 +-24.127400 -31.239700 11.929900 -26.111800
288 +-24.547100 -31.348300 11.317000 -26.018800
289 +-25.118100 -31.592400 10.405000 -25.976100
290 +-25.634400 -31.807700 9.519230 -25.553000
291 +-25.979700 -31.943300 8.487230 -24.803100
292 +-26.379900 -31.932300 6.932560 -23.928200
293 +-26.682300 -31.783300 5.736290 -22.962600
294 +-27.100000 -31.762400 4.373370 -21.982600
295 +-27.490200 -31.632700 2.693870 -21.295800
296 +-27.751300 -31.444000 1.144390 -20.504100
297 +-27.869200 -31.346900 -0.125607 -19.586100
298 +-27.753300 -31.138500 -1.516230 -18.953200
299 +-27.918100 -30.929700 -2.757070 -18.185400
300 +-28.386900 -30.950000 -3.974440 -17.499700
301 +-28.650200 -30.699500 -5.221550 -16.851000
302 +-28.980400 -30.294900 -6.317350 -16.127500
303 +-29.333200 -29.940100 -7.440850 -15.400100
304 +-29.633100 -29.596000 -8.687890 -14.647900
305 +-30.003900 -29.461800 -9.856770 -13.863500
306 +-30.325100 -29.259600 -11.035200 -13.203700
307 +-30.414700 -28.943900 -12.251200 -12.542400
308 +-30.621200 -28.971400 -13.409300 -11.922000
309 +-30.916200 -28.815600 -14.526600 -11.313500
310 +-31.006800 -28.282600 -15.808000 -10.813800
311 +-31.321400 -27.996000 -16.802500 -10.207100
312 +-31.957700 -28.163400 -17.555400 -9.467980
313 +-32.255300 -28.122600 -18.571300 -8.925560
314 +-32.268100 -27.733000 -19.695000 -8.464840
315 +-32.498900 -27.381600 -20.742200 -7.893830
316 +-32.927900 -27.225400 -21.933900 -7.537530
317 +-33.263400 -27.039500 -22.787100 -7.079910
318 +-33.455800 -26.851200 -23.402600 -6.585800
319 +-33.813900 -26.857900 -24.084800 -6.095410
320 +-34.047000 -26.609600 -24.622300 -5.350060
321 +-34.008700 -25.980900 -25.198800 -4.556140
322 +-34.372000 -25.731300 -25.834400 -3.869030
323 +-35.026800 -25.969600 -26.266900 -3.194500
324 +-35.176200 -25.706500 -26.476300 -2.540320
325 +-35.036000 -25.067500 -26.784000 -2.091990
326 +-35.030400 -24.725000 -27.053700 -1.596530
327 +-35.273700 -24.838800 -27.187600 -0.993903
328 +-35.675300 -24.928100 -27.096000 -0.261364
329 +-35.759100 -24.584000 -26.943900 0.512910
330 +-35.671900 -24.257700 -26.980000 1.148180
331 +-35.990600 -24.507000 -26.975800 1.769610
332 +-36.227900 -24.251900 -26.691200 2.559930
333 +-36.283400 -23.664900 -26.447700 3.267010
334 +-36.665900 -23.558800 -26.151700 4.129900
335 +-36.763500 -23.392600 -25.951900 4.924370
336 +-36.764000 -23.199200 -25.994900 5.493500
337 +-37.003000 -23.030500 -25.949100 6.140770
338 +-37.226400 -22.678000 -25.736600 6.817740
339 +-37.546900 -22.435700 -25.590600 7.370360
340 +-37.826200 -22.352300 -25.673700 7.847080
341 +-37.966900 -22.168300 -25.869100 8.408960
342 +-38.025000 -22.071900 -26.083000 9.170460
343 +-38.123200 -22.027000 -26.345500 9.893850
344 +-38.201000 -22.138400 -26.535000 10.640400
345 +-38.133200 -22.108600 -26.551400 11.303200
346 +-38.176500 -21.930300 -26.423200 11.940400
347 +-38.253900 -21.817900 -26.215100 12.523200
348 +-38.361500 -22.141100 -26.069300 12.907600
349 +-38.377600 -22.493800 -26.052300 12.962500
350 +-38.397500 -22.646700 -25.831900 13.076500
351 +-38.270500 -22.704300 -25.498700 13.009600
352 +-37.817000 -22.811900 -25.071500 12.732900
353 +-37.763500 -23.320700 -24.506800 12.455500
354 +-37.922400 -24.029300 -23.634500 12.318600
355 +-37.785100 -24.281400 -22.861000 11.963700
356 +-37.787700 -24.585400 -22.292200 11.259500
357 +-37.848300 -25.036400 -21.415900 10.678300
358 +-37.928500 -25.471200 -20.485300 9.980230
359 +-37.898000 -26.055300 -19.752100 8.835310
360 +-37.713000 -26.513300 -19.092200 7.345600
361 +-37.523100 -26.719900 -18.416800 5.761900
362 +-37.595100 -27.046300 -17.699200 4.118470
363 +-37.451400 -27.221900 -17.143300 2.292540
364 +-37.263600 -27.313400 -16.533800 0.595248
365 +-37.379500 -27.531000 -15.915300 -0.945080
366 +-37.174000 -27.475600 -15.300300 -2.437620
367 +-36.724000 -27.213500 -14.417000 -3.730810
368 +-36.480700 -27.214800 -13.714300 -5.136390
369 +-35.654400 -26.694000 -13.364800 -6.722720
370 +-35.168700 -26.481700 -12.678300 -7.972670
371 +-34.842000 -26.468700 -11.615900 -9.060020
372 +-34.677500 -26.729800 -10.994000 -10.580400
373 +-34.439300 -27.144100 -10.815700 -12.365000
374 +-34.288100 -27.713500 -10.391500 -13.644800
375 +-33.913500 -27.904400 -9.766570 -14.805500
376 +-32.878900 -27.644700 -9.200960 -16.120300
377 +-32.301400 -27.730700 -8.775670 -17.641100
378 +-32.187000 -28.051400 -8.275420 -18.989700
379 +-31.542800 -28.086100 -7.621070 -19.988500
380 +-30.786000 -28.308300 -6.588800 -20.709800
381 +-30.681700 -29.105700 -6.483820 -22.408200
382 +-29.687600 -28.873100 -5.749010 -23.257800
383 +-28.800700 -28.628200 -5.246430 -24.205000
384 +-28.502500 -29.018200 -5.103400 -25.625600
385 +-28.018700 -29.436100 -4.604320 -26.741300
386 +-27.565100 -29.868100 -3.826150 -27.464900
387 +-26.241300 -29.373600 -3.023410 -28.191600
388 +-25.964700 -29.922400 -2.152440 -28.883800
389 +-25.660700 -30.445300 -1.533910 -29.578800
390 +-24.495200 -30.107900 -1.251300 -30.359500
391 +-23.538300 -29.739000 -0.997984 -31.159100
392 +-22.660700 -29.437200 -0.309705 -31.708300
393 +-23.346500 -30.506400 0.611047 -31.938700
394 +-23.117900 -30.757900 2.123750 -31.741400
395 +-22.030900 -30.180000 2.453370 -32.480000
396 +-21.032800 -29.589700 3.178570 -32.672300
397 +-21.595400 -30.597600 4.020570 -32.581100
398 +-21.464900 -31.007700 4.535090 -32.843500
399 +-21.191500 -31.156500 5.176290 -33.100500
400 +-20.693000 -30.997200 6.476710 -32.196000
401 +-19.990800 -30.629200 7.888890 -31.739100
402 +-19.288200 -30.373500 8.586390 -31.956000
403 +-19.578400 -30.686100 10.299300 -31.282900
404 +-19.654200 -30.446900 11.268000 -30.898000
405 +-19.573200 -30.889500 12.263500 -30.574000
406 +-19.540800 -31.367100 13.045000 -30.157000
407 +-19.111700 -31.238500 13.759500 -29.337900
408 +-18.931000 -31.365400 14.173500 -28.692700
409 +-18.511200 -31.399800 14.343200 -28.473700
410 +-18.921900 -32.110600 14.550400 -28.631300
411 +-19.046900 -32.545500 14.713900 -28.651700
412 +-19.342300 -32.891000 15.164200 -28.558000
413 +-19.045200 -32.750500 15.287600 -28.753900
414 +-18.932600 -33.052400 15.895400 -28.938300
415 +-18.786800 -32.894800 15.884500 -29.028200
416 +-18.640900 -32.696000 16.016600 -29.292200
417 +-19.685400 -33.844500 16.137300 -29.190800
418 +-19.798100 -33.914400 15.730700 -29.192700
419 +-20.044400 -34.086500 15.310500 -28.847400
420 +-20.519800 -34.471000 14.830900 -28.303000
421 +-20.880400 -34.784300 14.175300 -27.841200
422 +-20.562700 -34.376400 13.164300 -27.540700
423 +-21.557400 -35.385000 12.303400 -27.618600
424 +-21.942900 -35.408900 11.501500 -27.091700
425 +-21.664500 -34.975000 10.074600 -26.980900
426 +-22.698700 -35.873400 9.056810 -26.297700
427 +-23.348000 -36.076400 7.695110 -25.232000
1 +-32.935300 -25.651600 -8.904440 -18.217600
2 +-33.722000 -27.395800 -8.339140 -19.278400
3 +-31.160100 -26.027900 -8.095550 -20.359800
4 +-29.848600 -26.075600 -7.864800 -21.436000
5 +-34.026600 -29.294900 -7.464800 -22.384000
6 +-31.869300 -28.718700 -6.981810 -23.243900
7 +-30.688900 -28.695100 -6.584170 -24.055200
8 +-30.190400 -29.128100 -6.093440 -24.829100
9 +-29.975700 -29.613600 -5.521030 -25.603500
10 +-30.388200 -30.245700 -5.072800 -26.372900
11 +-27.177100 -28.832200 -4.580500 -27.056500
12 +-27.683300 -29.945000 -3.989000 -27.652800
13 +-27.097700 -30.320700 -3.309050 -28.143600
14 +-26.246300 -30.434700 -2.590490 -28.579500
15 +-25.979500 -30.941200 -1.948990 -29.121800
16 +-25.444400 -31.316500 -1.529520 -29.729300
17 +-23.887500 -30.938700 -0.943114 -30.007200
18 +-25.772600 -32.789600 -0.236817 -30.108100
19 +-24.939000 -32.768700 0.571100 -30.285200
20 +-24.222200 -32.827900 1.470400 -30.496100
21 +-23.785400 -33.281600 2.275180 -30.586700
22 +-24.095800 -34.131300 3.032290 -30.640200
23 +-25.046200 -35.059500 3.694630 -30.687200
24 +-24.401500 -35.161900 4.413290 -30.597100
25 +-21.717100 -34.137700 5.143930 -30.522000
26 +-22.484000 -34.894500 5.988860 -30.433100
27 +-22.885300 -35.550700 6.856200 -30.319600
28 +-22.652400 -35.830000 7.683140 -30.206300
29 +-22.318800 -35.885900 8.255670 -30.242500
30 +-22.077700 -36.001600 8.791100 -30.217300
31 +-22.259600 -36.245300 9.319760 -30.245500
32 +-22.615500 -36.631200 9.925240 -30.157800
33 +-22.513800 -36.895500 10.584300 -30.019100
34 +-21.965900 -36.872500 11.256600 -29.995300
35 +-22.642200 -37.267900 11.896700 -30.145200
36 +-24.030800 -37.867400 12.301400 -30.369700
37 +-23.588800 -37.788600 12.638700 -30.489200
38 +-21.640700 -37.192600 13.032900 -30.518500
39 +-22.249900 -37.472500 13.431100 -30.551000
40 +-22.688300 -38.166100 13.673700 -30.631600
41 +-23.608000 -39.174900 13.833400 -30.663100
42 +-24.263200 -39.732800 13.979800 -30.629900
43 +-23.334900 -39.484500 14.037500 -30.522000
44 +-24.084600 -39.747200 13.986800 -30.285900
45 +-24.631500 -40.033600 13.815300 -29.935400
46 +-24.981300 -40.420000 13.440900 -29.626900
47 +-24.417800 -40.683900 12.975400 -29.257500
48 +-27.619700 -41.239300 12.391900 -28.799400
49 +-25.961300 -41.020600 11.642100 -28.315800
50 +-25.269000 -40.892600 10.681100 -27.803900
51 +-25.979500 -41.058100 9.797680 -26.957700
52 +-27.264100 -40.992900 8.636940 -26.145200
53 +-27.810600 -40.612800 7.183170 -25.333100
54 +-27.434200 -40.571900 5.650690 -24.335500
55 +-27.232000 -40.455000 4.021190 -23.348700
56 +-27.333200 -39.901300 2.473560 -22.566700
57 +-27.994300 -39.733200 1.058300 -21.804300
58 +-28.719000 -39.314400 -0.448535 -21.005100
59 +-28.049300 -38.416800 -1.897390 -20.151700
60 +-27.970300 -37.623800 -3.295480 -19.196700
61 +-28.004100 -37.025600 -4.704080 -18.312500
62 +-28.885300 -37.068400 -6.885610 -17.304200
63 +-29.096400 -36.281700 -7.171990 -16.458500
64 +-29.277200 -35.643400 -8.087900 -15.628000
65 +-29.686500 -35.246700 -9.413360 -14.977500
66 +-30.080700 -34.845900 -10.673700 -14.298300
67 +-30.694100 -34.351800 -11.802500 -13.544200
68 +-30.925400 -33.597100 -13.006300 -12.735500
69 +-30.862800 -32.745400 -14.193200 -12.036200
70 +-30.930600 -32.024800 -15.414400 -11.618900
71 +-31.189700 -31.536600 -16.695700 -11.266400
72 +-31.633100 -31.151800 -17.757300 -10.750100
73 +-32.024000 -30.750300 -18.873300 -10.374700
74 +-32.181500 -30.141200 -20.007300 -9.918960
75 +-32.520500 -29.646600 -21.162100 -9.365300
76 +-33.309200 -29.540900 -22.087400 -8.798970
77 +-33.636700 -28.937800 -22.944800 -8.301780
78 +-33.596800 -28.057400 -23.912200 -7.834990
79 +-33.893700 -27.548600 -24.825500 -7.325190
80 +-34.411200 -27.142100 -25.567800 -6.832130
81 +-34.736600 -26.917000 -26.227600 -6.321080
82 +-34.758500 -26.517100 -26.701700 -5.720910
83 +-34.816600 -25.924000 -27.181800 -5.094890
84 +-34.941500 -25.169900 -27.606800 -4.401360
85 +-34.949300 -24.654100 -27.847800 -3.822370
86 +-35.267500 -24.509400 -28.172800 -3.323380
87 +-35.504800 -24.174300 -28.602300 -2.628950
88 +-35.542100 -23.810300 -29.004700 -1.916610
89 +-35.615800 -23.608500 -28.216800 -1.144480
90 +-35.562500 -23.171800 -28.721400 -0.485850
91 +-35.604600 -22.821600 -29.039700 0.145395
92 +-35.444300 -22.304900 -28.951500 0.721939
93 +-35.170500 -21.552800 -28.734100 1.246560
94 +-35.618300 -21.367000 -28.725500 1.758690
95 +-36.006300 -21.228100 -28.586400 2.403180
96 +-36.066300 -20.961200 -28.525600 3.047660
97 +-36.414300 -21.057900 -28.733000 3.633290
98 +-36.322700 -20.758200 -28.305600 4.272530
99 +-36.330700 -20.582400 -27.904800 5.099120
100 +-36.591300 -20.711400 -27.867500 5.894750
101 +-36.853500 -20.542200 -27.881300 6.461610
102 +-37.226900 -20.393700 -27.873100 6.904390
103 +-37.251400 -20.138800 -27.749900 7.431530
104 +-36.966600 -19.693900 -27.467700 7.891290
105 +-36.959400 -19.732200 -27.559000 8.261180
106 +-37.035100 -19.948900 -27.867300 8.625310
107 +-37.281500 -20.157000 -27.722800 9.085170
108 +-37.246600 -20.175000 -27.583800 9.365580
109 +-37.272100 -20.130400 -27.851000 9.848030
110 +-37.409100 -20.231800 -27.930700 10.347500
111 +-37.381900 -20.346400 -27.572800 10.789600
112 +-37.287400 -20.554000 -27.170500 11.071300
113 +-37.509800 -21.060200 -26.780100 11.230500
114 +-38.116200 -21.687400 -26.048100 11.136600
115 +-38.597200 -22.303400 -25.427100 10.687300
116 +-38.513500 -22.505500 -24.974200 10.055900
117 +-38.270400 -22.774100 -24.586900 9.365290
118 +-38.398500 -23.604100 -24.428000 8.451080
119 +-38.635200 -24.334100 -24.210900 7.386180
120 +-38.602300 -24.729600 -23.831800 6.358170
121 +-38.386000 -24.931400 -23.305500 5.215470
122 +-37.957600 -25.170100 -22.675400 3.769300
123 +-37.547100 -25.512700 -21.891800 2.238930
124 +-37.473000 -25.637900 -21.069200 0.691131
125 +-37.541200 -25.678400 -20.175200 -0.978456
126 +-37.415400 -25.780800 -19.168200 -2.496220
127 +-36.908500 -25.618600 -18.441400 -4.016140
128 +-36.419700 -25.432400 -17.701400 -5.504550
129 +-36.230900 -25.598500 -16.854400 -6.873750
130 +-35.962700 -25.768500 -16.072700 -8.229130
131 +-35.583200 -25.834400 -15.271900 -9.515600
132 +-35.170800 -25.791500 -14.353900 -10.766500
133 +-34.710500 -26.009300 -13.681100 -12.120200
134 +-34.452600 -26.319700 -13.203200 -13.586500
135 +-34.425900 -26.574200 -12.476800 -14.969900
136 +-33.964900 -26.678600 -11.677700 -16.241800
137 +-33.331300 -26.877400 -10.876400 -17.331300
138 +-32.940500 -27.367400 -10.102600 -18.460700
139 +-32.634300 -27.755100 -9.410680 -19.647800
140 +-32.331200 -27.942100 -8.789510 -20.763700
141 +-31.743800 -28.372600 -8.228330 -21.717600
142 +-31.335900 -28.877300 -7.815630 -22.780400
143 +-31.151900 -29.331400 -7.292970 -23.871800
144 +-31.128500 -29.853300 -6.705890 -24.826300
145 +-30.671900 -30.145400 -6.193220 -25.801100
146 +-29.923000 -30.151300 -5.710830 -26.774800
147 +-29.453700 -30.515500 -5.291090 -27.590700
148 +-29.096100 -30.965400 -4.770920 -28.291000
149 +-28.532500 -31.137400 -4.194270 -28.880800
150 +-27.698700 -31.271500 -3.783060 -29.402900
151 +-26.947300 -31.478000 -2.951570 -29.935100
152 +-27.036500 -32.190500 -2.322950 -30.474500
153 +-26.105100 -32.280000 -1.461900 -30.678300
154 +-25.617200 -32.545600 -0.626995 -30.759200
155 +-25.527300 -32.890600 0.012396 -31.006800
156 +-25.311500 -33.142800 0.718419 -31.232300
157 +-24.850800 -33.156000 1.564330 -31.385500
158 +-24.640600 -33.306400 2.507810 -30.999800
159 +-24.404700 -33.723500 3.535500 -30.884100
160 +-23.964400 -34.130800 4.447420 -30.830200
161 +-23.413300 -34.014000 5.169200 -30.479300
162 +-23.025200 -34.020600 5.803410 -30.109000
163 +-22.862700 -34.315100 6.542610 -29.692200
164 +-22.589700 -34.642500 7.164880 -29.271000
165 +-22.380500 -34.889200 7.877580 -28.912400
166 +-22.262200 -35.100500 8.744050 -28.664400
167 +-22.228600 -35.519700 9.851260 -28.189100
168 +-22.209900 -36.188900 10.733400 -27.792700
169 +-22.180800 -36.483700 11.323800 -27.583800
170 +-22.057100 -36.736200 11.856100 -27.472400
171 +-21.884600 -36.974100 12.418100 -27.545000
172 +-21.668300 -37.123000 12.920900 -27.681000
173 +-21.617000 -37.334600 13.270100 -27.883300
174 +-21.510300 -37.367200 13.469200 -28.145900
175 +-21.580000 -37.514000 13.808400 -28.227300
176 +-21.860000 -37.841900 14.244700 -28.138400
177 +-21.886200 -38.259300 14.657300 -28.033400
178 +-22.157200 -39.022200 15.156800 -28.037300
179 +-22.524000 -39.863800 15.433100 -28.157400
180 +-22.826700 -40.604500 15.481300 -27.960800
181 +-23.144100 -41.189100 15.395900 -27.407300
182 +-23.627800 -41.688300 14.924100 -27.060600
183 +-24.187900 -42.280700 14.201600 -26.798800
184 +-24.439100 -43.031500 13.362700 -26.384300
185 +-24.548600 -43.049900 12.350800 -26.191900
186 +-24.832600 -42.531900 11.348300 -26.132600
187 +-25.255100 -42.512200 10.762200 -25.435600
188 +-25.676700 -42.470300 9.963560 -24.480900
189 +-26.054100 -42.284400 8.412300 -23.642800
190 +-26.499100 -42.160700 6.347850 -22.735800
191 +-26.436700 -41.693600 4.818140 -21.673400
192 +-26.302900 -41.019300 3.696660 -20.823800
193 +-26.653800 -40.471400 2.744220 -20.211400
194 +-26.903900 -39.939900 1.816560 -19.533500
195 +-26.866900 -39.077200 0.566147 -18.725900
196 +-26.903400 -38.092700 -1.235200 -18.031700
197 +-27.160600 -37.914400 -3.004300 -17.378300
198 +-27.288200 -37.137000 -4.397120 -16.908900
199 +-27.207900 -36.272200 -5.430050 -16.484300
200 +-27.300700 -35.591300 -6.600800 -15.861600
201 +-27.749200 -35.072200 -8.357200 -15.267800
202 +-28.234600 -34.622700 -9.756070 -14.708500
203 +-28.424900 -33.869700 -10.935500 -14.031500
204 +-28.484200 -33.120200 -12.126600 -13.307800
205 +-28.591300 -32.239300 -13.287100 -12.707900
206 +-28.820500 -31.438500 -14.505000 -12.143100
207 +-29.174100 -30.864500 -15.865100 -11.556300
208 +-29.482000 -30.329800 -17.108600 -11.131700
209 +-29.684600 -29.717500 -18.106200 -10.614600
210 +-29.885000 -29.107200 -19.206100 -10.117300
211 +-30.241200 -28.562700 -20.509800 -9.778230
212 +-30.714100 -27.957700 -21.795200 -9.449930
213 +-31.018700 -27.268300 -22.820300 -9.118300
214 +-31.306600 -26.794900 -23.560700 -8.694690
215 +-31.699100 -26.397800 -24.341000 -8.275180
216 +-32.201400 -26.201100 -25.338000 -7.924810
217 +-32.701100 -25.954900 -26.208500 -7.519000
218 +-32.917800 -25.287700 -26.817600 -6.965830
219 +-32.641400 -24.378500 -27.361700 -6.423860
220 +-32.603100 -23.918200 -27.851300 -5.831630
221 +-33.162300 -23.857300 -28.245700 -5.234270
222 +-33.620500 -23.466500 -28.470600 -4.625690
223 +-33.902500 -22.812000 -28.668700 -4.052830
224 +-34.122300 -22.436900 -28.731600 -3.469310
225 +-34.191100 -22.229600 -28.806700 -2.799510
226 +-34.475600 -21.984600 -29.030500 -2.258170
227 +-34.907700 -21.783600 -29.193900 -1.644190
228 +-35.140100 -21.463800 -29.071400 -0.859181
229 +-34.995300 -21.080800 -28.914100 -0.168597
230 +-35.153100 -20.847100 -28.719500 0.546138
231 +-35.391700 -20.679200 -28.429900 1.415490
232 +-35.565500 -20.540500 -27.960800 2.364630
233 +-35.724200 -20.431500 -27.604500 3.076110
234 +-35.925200 -20.137200 -27.484800 3.637590
235 +-36.060200 -19.850800 -27.283400 4.360850
236 +-36.209700 -19.709600 -26.928900 5.197950
237 +-36.286300 -19.591500 -26.721500 5.795480
238 +-36.561300 -19.691200 -26.531400 6.305400
239 +-37.050400 -19.872300 -26.394300 6.732930
240 +-37.052100 -19.589000 -26.344600 7.113940
241 +-37.097200 -19.726400 -26.361100 7.515930
242 +-37.680500 -20.189400 -26.331600 8.055600
243 +-37.931100 -20.138600 -26.371200 8.485300
244 +-37.436100 -19.796800 -26.478100 8.792840
245 +-37.338700 -19.976100 -26.692900 8.968510
246 +-37.681300 -20.410000 -26.493500 9.521130
247 +-37.957400 -20.875200 -26.158700 10.118000
248 +-37.999400 -21.218200 -25.886900 10.509000
249 +-38.075600 -21.219200 -25.873900 10.516400
250 +-38.297900 -21.392300 -25.587800 10.595700
251 +-38.388900 -21.555300 -25.118100 10.514600
252 +-38.582500 -22.002300 -24.603000 10.239000
253 +-39.033400 -22.666700 -24.173400 9.778980
254 +-39.074700 -23.023900 -23.766400 9.104200
255 +-38.807700 -23.193100 -23.430100 8.281310
256 +-38.857300 -23.573800 -23.146500 7.329910
257 +-39.050800 -23.935400 -22.624600 6.384340
258 +-39.275300 -24.382200 -21.912800 5.497800
259 +-39.327400 -24.850800 -21.195400 4.485460
260 +-39.091600 -25.215100 -20.679600 3.006260
261 +-39.019800 -25.494900 -20.004300 1.672290
262 +-39.314200 -25.880500 -19.422500 0.351916
263 +-39.561400 -26.151800 -18.700800 -0.926557
264 +-39.231900 -25.993500 -17.754800 -2.148930
265 +-38.895400 -25.952000 -16.919900 -3.398430
266 +-38.990600 -26.154700 -16.305000 -4.863800
267 +-38.830200 -26.315800 -15.680600 -6.358300
268 +-38.496900 -26.549900 -14.719500 -7.505780
269 +-38.086700 -26.638100 -13.540600 -8.387550
270 +-37.798600 -26.625300 -12.621600 -9.543420
271 +-37.553300 -26.884700 -12.020200 -10.960400
272 +-37.042200 -27.143600 -11.501500 -12.178900
273 +-36.266400 -27.307800 -10.861900 -13.301500
274 +-35.707000 -27.603000 -10.302300 -14.637400
275 +-35.347500 -27.904000 -9.642840 -15.838700
276 +-34.900300 -28.162300 -9.197500 -17.046300
277 +-34.364700 -28.422200 -8.634420 -18.138300
278 +-33.786200 -28.926100 -7.737850 -18.985300
279 +-32.982000 -29.119700 -6.942040 -19.830400
280 +-32.434300 -29.313900 -6.525660 -21.090100
281 +-31.906000 -29.498700 -6.033600 -22.276100
282 +-31.202600 -29.797900 -5.284180 -23.159700
283 +-30.535500 -30.118500 -4.479050 -23.958800
284 +-30.024200 -30.644200 -3.836620 -24.843400
285 +-29.559500 -31.204900 -3.347920 -25.865300
286 +-28.953600 -31.428800 -2.925090 -26.886500
287 +-28.227800 -31.539300 -1.959190 -27.355200
288 +-27.634600 -31.915600 -0.783407 -27.536600
289 +-27.084400 -32.361500 -0.055998 -28.188100
290 +-26.557000 -32.582200 0.608506 -28.891700
291 +-25.828500 -32.686200 1.419110 -29.404400
292 +-25.445200 -32.949800 2.264570 -29.717500
293 +-25.203800 -33.175900 2.949590 -29.971200
294 +-24.949800 -33.284900 3.627410 -30.053000
295 +-24.725300 -33.571700 4.461000 -29.998200
296 +-24.284800 -33.814800 5.340730 -29.940400
297 +-23.754700 -33.894400 6.241570 -29.823800
298 +-23.318600 -34.025100 7.145270 -29.664000
299 +-22.998900 -34.378600 8.013750 -29.435700
300 +-22.763200 -34.638500 8.912820 -29.125900
301 +-22.552700 -34.848000 9.759110 -28.886100
302 +-22.363000 -35.294200 10.611400 -28.906000
303 +-22.082000 -35.669400 11.580200 -28.912000
304 +-21.946000 -35.868700 12.591500 -28.945500
305 +-21.861500 -36.091800 13.603200 -28.932000
306 +-21.367300 -36.073800 14.151800 -29.023900
307 +-20.845800 -35.725200 14.424100 -28.930700
308 +-20.691600 -36.881800 14.713100 -28.603000
309 +-20.615400 -37.741100 14.903200 -28.493700
310 +-20.554700 -37.868800 15.077900 -28.809600
311 +-20.665700 -38.180400 15.502100 -29.001800
312 +-20.669800 -38.593200 17.042000 -28.975600
313 +-20.572100 -38.941100 16.850600 -28.670300
314 +-20.723300 -39.233700 16.644400 -28.306200
315 +-21.112000 -39.791400 16.689100 -28.154800
316 +-21.552400 -40.691000 16.570200 -28.155000
317 +-21.763100 -41.446700 16.440100 -27.979400
318 +-21.707300 -42.058400 16.115300 -27.615500
319 +-21.515900 -41.960300 15.746300 -27.067200
320 +-21.373200 -41.563100 15.355500 -26.498700
321 +-21.683100 -42.017500 14.618800 -26.197800
322 +-22.220200 -43.066500 13.720600 -25.869000
323 +-22.418200 -43.130400 12.724400 -25.453000
324 +-22.725200 -42.696300 11.836900 -24.787600
325 +-23.061700 -42.642300 10.766500 -24.084400
326 +-23.347200 -42.494500 9.578940 -23.420800
327 +-23.518900 -42.024400 8.313940 -22.741900
328 +-23.649500 -41.312000 6.834160 -22.055600
329 +-23.973400 -41.118900 5.317010 -21.121300
330 +-24.337000 -40.942800 3.617720 -20.377200
331 +-24.480200 -40.766500 1.787390 -19.814300
332 +-24.432400 -40.392900 0.176306 -19.297100
333 +-24.370500 -39.337900 -1.159030 -18.670800
334 +-24.751100 -38.322600 -2.490590 -18.047300
335 +-25.323700 -37.655100 -3.442830 -17.241800
336 +-25.706800 -36.919100 -4.566890 -16.450800
337 +-25.930000 -36.066300 -5.948570 -15.803400
338 +-26.034700 -35.050300 -7.383670 -15.328600
339 +-26.116000 -34.086200 -8.660160 -14.712800
340 +-26.459900 -33.371000 -9.828620 -13.933600
341 +-26.967400 -32.834200 -11.050400 -13.332500
342 +-27.247700 -31.933500 -12.343300 -12.787300
343 +-27.467200 -31.377100 -13.591400 -12.235500
344 +-27.777300 -30.929300 -14.812900 -11.564400
345 +-27.904600 -30.075200 -16.209500 -11.042300
346 +-27.865100 -29.028800 -17.575000 -10.634800
347 +-28.280700 -28.486700 -18.466900 -9.893860
348 +-28.777500 -28.306600 -19.516300 -9.310940
349 +-28.990700 -28.079900 -20.916300 -8.983930
350 +-29.296300 -27.904900 -22.207000 -8.538470
351 +-29.592100 -27.775200 -23.158500 -8.096790
352 +-29.799900 -27.246000 -23.914200 -7.620900
353 +-29.982500 -26.608700 -24.852500 -7.280630
354 +-30.123100 -26.073800 -25.572800 -6.404670
355 +-30.306500 -25.656600 -26.193500 -5.770870
356 +-30.860900 -25.513600 -26.689200 -5.042310
357 +-31.531400 -25.454600 -26.867400 -4.163890
358 +-31.728800 -25.037600 -27.239700 -3.585350
359 +-31.701600 -24.286700 -27.937800 -3.246770
360 +-31.914800 -23.844500 -28.474700 -2.735710
361 +-32.458200 -23.679000 -28.623900 -1.978270
362 +-32.937100 -23.396500 -28.803100 -1.254390
363 +-32.912000 -22.615200 -28.879600 -0.810996
364 +-32.988000 -21.889400 -28.976300 -0.347089
365 +-33.510300 -21.558500 -28.902800 0.171224
366 +-33.789900 -21.324600 -28.652900 0.875709
367 +-34.002400 -21.096800 -28.381800 1.565150
368 +-34.456200 -20.977400 -28.071500 2.271190
369 +-34.585700 -20.483000 -27.802600 2.950500
370 +-34.623500 -19.780800 -27.612200 3.602130
371 +-35.073700 -19.574300 -27.332500 4.322570
372 +-35.300100 -19.287500 -27.058800 4.995860
373 +-35.491400 -18.944700 -26.844400 5.515520
374 +-36.014800 -18.912600 -26.604200 5.981440
375 +-36.267100 -18.789000 -26.601400 6.532940
376 +-36.515900 -18.662000 -26.623600 7.008150
377 +-36.506200 -18.362700 -26.678800 7.501330
378 +-35.920400 -17.404800 -26.875100 7.869070
379 +-36.913600 -18.092000 -27.073000 8.208410
380 +-37.096100 -18.201000 -27.166400 8.586280
381 +-36.873900 -18.081900 -26.909800 9.272300
382 +-36.823700 -18.041300 -26.812500 9.896100
383 +-36.994700 -18.271800 -26.986500 10.173600
384 +-37.191800 -18.872800 -26.846800 10.597400
385 +-37.376200 -19.440100 -26.797500 10.790600
386 +-37.895700 -20.084600 -26.524700 10.831700
387 +-37.027700 -19.501300 -26.100800 10.584000
388 +-37.156000 -20.240300 -25.725100 10.105000
389 +-37.112300 -20.781200 -25.463900 9.525630
390 +-37.184700 -21.420000 -25.353200 8.789470
391 +-37.158500 -21.982100 -25.149500 7.804990
392 +-37.012300 -22.372100 -24.518700 6.740030
393 +-37.002200 -22.828400 -23.925400 5.610150
394 +-37.203600 -23.327200 -23.209600 4.483480
395 +-37.305500 -23.831300 -22.367800 3.155000
396 +-37.392200 -24.093200 -21.623000 1.514090
397 +-37.187800 -23.999600 -20.930800 -0.151903
398 +-36.961700 -23.961900 -20.454000 -1.906200
399 +-36.956800 -24.325800 -19.528200 -3.079510
400 +-36.654400 -24.415600 -18.979100 -4.695060
401 +-36.333900 -24.329100 -18.703900 -6.551430
402 +-36.233700 -24.572800 -18.039600 -8.046210
403 +-36.130000 -24.790800 -16.999700 -9.224900
404 +-35.807600 -24.746800 -16.113000 -10.531700
405 +-35.365800 -24.821900 -15.247300 -11.810400
406 +-35.147300 -25.246300 -14.153500 -12.878700
407 +-35.037500 -25.579400 -13.270600 -14.039300
408 +-34.796600 -25.777400 -12.643800 -15.407000
409 +-34.293300 -25.905200 -12.262600 -16.996200
410 +-33.650400 -25.928000 -11.106800 -18.038800
411 +-33.008800 -26.013400 -10.210000 -19.300700
412 +-32.720300 -26.248100 -9.325250 -20.246000
413 +-32.544400 -26.669800 -8.175970 -20.911800
414 +-31.772500 -26.697400 -8.806280 -23.399200
415 +-31.658800 -27.569700 -7.672550 -23.838400
416 +-31.414700 -28.169500 -6.858220 -24.642600
417 +-30.894100 -28.395400 -5.866780 -25.130200
418 +-30.414500 -28.691100 -4.987350 -25.653900
419 +-29.254100 -28.127300 -5.184260 -27.334600
420 +-29.839200 -29.667200 -4.579300 -28.146000
421 +-28.621400 -29.237200 -3.739660 -28.557500
422 +-28.471100 -30.032100 -2.920370 -29.084700
423 +-27.951600 -30.334400 -1.977680 -29.433800
424 +-27.303600 -30.611500 -1.229310 -29.918000
425 +-26.992700 -30.965700 -0.731083 -30.669200
426 +-26.691000 -31.545600 -0.334816 -31.340200
427 +-26.186300 -31.954900 0.381784 -31.629700
428 +-25.855500 -32.128500 1.300400 -31.609100
429 +-26.672300 -33.873700 2.096760 -31.455800
430 +-24.047000 -32.258600 2.911210 -31.377300
431 +-24.368200 -33.369700 3.744360 -31.270300
432 +-22.979000 -32.414400 4.980720 -30.376800
433 +-23.363500 -33.541500 6.418230 -29.839000
434 +-22.276000 -33.226300 5.819090 -30.651500
435 +-22.002100 -33.831600 7.145050 -29.910400
436 +-22.048400 -34.424100 8.009020 -29.364300
437 +-21.341800 -34.333400 9.059050 -29.213600
438 +-21.153100 -34.809600 9.870350 -28.709900
1 +-31.840400 -28.272700 -25.683800 -9.513950
2 +-31.673600 -27.354400 -26.627800 -8.953460
3 +-32.223100 -27.109700 -27.504900 -8.514020
4 +-32.746100 -26.888600 -28.164000 -7.957110
5 +-32.895800 -26.384200 -28.712400 -7.309560
6 +-32.834100 -25.671000 -29.263900 -6.660100
7 +-33.080600 -25.289800 -29.635700 -5.877460
8 +-33.410600 -24.938700 -29.968700 -5.042360
9 +-33.646500 -24.549000 -30.378000 -4.238030
10 +-33.910300 -24.218500 -30.403800 -3.441040
11 +-34.230500 -23.828400 -30.480000 -2.642100
12 +-34.454100 -23.358700 -30.366100 -1.851840
13 +-34.826900 -22.967700 -30.424600 -0.996869
14 +-35.173500 -22.786300 -30.329500 -0.201710
15 +-35.188500 -22.498300 -30.205900 0.552603
16 +-35.313500 -22.058800 -29.986900 1.332980
17 +-35.657800 -21.719300 -29.604600 2.122710
18 +-35.963900 -21.417000 -29.185600 3.005050
19 +-36.201700 -21.272300 -28.742000 3.712340
20 +-36.396200 -21.224100 -28.170900 4.403290
21 +-36.511900 -20.905800 -27.725500 5.068580
22 +-36.559700 -20.408600 -26.973300 5.893640
23 +-36.939900 -20.272400 -26.019700 6.624280
24 +-37.382000 -20.317000 -25.340300 7.169240
25 +-37.421400 -20.018800 -24.794800 7.644360
26 +-37.351900 -19.587600 -24.336700 8.131370
27 +-37.570800 -19.457700 -24.225300 8.494040
28 +-37.933600 -19.486500 -24.383500 8.655520
29 +-38.376400 -19.617600 -24.463500 8.921230
30 +-38.773500 -19.613600 -24.908000 9.181220
31 +-39.037300 -19.525100 -25.396800 9.397630
32 +-39.121200 -19.518400 -25.732800 9.651970
33 +-39.279000 -19.764100 -25.948600 9.930440
34 +-39.365900 -20.020700 -25.953900 10.109000
35 +-39.168900 -20.449700 -25.576300 10.117500
36 +-38.942500 -20.604300 -25.128600 9.875960
37 +-38.904700 -20.881300 -24.829000 9.249560
38 +-38.926700 -21.437500 -24.525100 8.463460
39 +-39.037400 -22.180200 -24.026700 7.752340
40 +-39.047000 -22.807800 -23.471700 7.069620
41 +-38.867300 -23.127000 -23.156600 5.914900
42 +-38.598100 -23.265700 -22.917500 4.498080
43 +-38.427000 -23.567000 -22.432600 3.145050
44 +-38.688600 -24.028900 -21.609500 1.779100
45 +-38.913800 -24.382200 -20.726900 0.262196
46 +-38.843100 -24.718800 -19.983800 -1.384720
47 +-38.385400 -24.789700 -19.148900 -2.860230
48 +-37.822600 -24.567000 -18.353700 -4.373910
49 +-37.549200 -24.399700 -17.490500 -5.908240
50 +-37.349600 -24.396200 -16.928500 -7.336840
51 +-37.049100 -24.603100 -15.873500 -8.595770
52 +-36.543600 -24.775400 -14.978800 -9.949160
53 +-36.275000 -24.928900 -14.433700 -11.255000
54 +-36.155000 -25.001200 -13.641100 -12.464400
55 +-35.552800 -24.849800 -12.398600 -13.536500
56 +-34.989400 -25.146900 -11.774400 -14.821600
57 +-34.641300 -25.492900 -10.722400 -16.100000
58 +-34.346900 -25.684600 -10.225700 -17.485800
59 +-33.977700 -26.256000 -9.415910 -18.726100
60 +-33.009600 -26.313400 -8.761610 -19.861900
61 +-32.694800 -26.656700 -7.812880 -20.877300
62 +-32.562900 -27.131500 -6.993900 -21.972600
63 +-31.839000 -27.371000 -6.391160 -23.004100
64 +-31.109000 -27.711800 -5.868210 -24.064500
65 +-30.510800 -28.084600 -5.384710 -25.113500
66 +-29.986700 -28.465900 -4.938130 -26.170800
67 +-29.686100 -28.962700 -4.471090 -27.128500
68 +-29.252300 -29.231800 -3.768800 -27.803700
69 +-28.761000 -29.461400 -3.029990 -28.405400
70 +-28.339400 -30.004100 -2.222170 -28.991800
71 +-27.724800 -30.459200 -1.417890 -29.606600
72 +-27.052100 -30.589000 -0.678297 -30.171300
73 +-26.301800 -30.735500 0.111282 -30.562500
74 +-25.775200 -30.907000 1.068870 -30.817700
75 +-25.379200 -31.069300 2.083230 -31.015700
76 +-24.787300 -31.426500 3.018590 -31.168300
77 +-24.087200 -31.684900 3.997260 -31.212600
78 +-23.605200 -31.935600 5.008390 -31.121300
79 +-23.436500 -32.207600 5.837500 -31.145800
80 +-23.157500 -32.518500 6.650120 -31.090200
81 +-22.786100 -32.813800 7.407050 -31.004300
82 +-22.619700 -33.038900 8.283300 -30.710600
83 +-22.545100 -33.147700 9.264550 -30.262400
84 +-22.292900 -33.293900 10.316400 -29.730900
85 +-21.797300 -33.207300 11.234500 -29.324600
86 +-21.497800 -33.407600 11.920400 -28.954600
87 +-21.434500 -33.814800 12.422500 -28.754500
88 +-21.290000 -34.131100 13.066000 -28.596800
89 +-21.025600 -34.584700 13.875600 -28.353300
90 +-20.741200 -34.886100 14.513500 -28.265100
91 +-20.582500 -35.010200 14.904900 -28.515900
92 +-20.262000 -35.198100 15.592800 -28.558700
93 +-20.048300 -35.152000 16.165200 -28.559900
94 +-20.184700 -35.443000 16.513100 -28.520100
95 +-20.382100 -35.904400 17.280700 -28.435200
96 +-20.558400 -36.471900 17.512300 -28.391200
97 +-20.565900 -36.240200 17.168700 -28.539800
98 +-21.045800 -36.659700 17.328600 -28.447900
99 +-21.819800 -37.157200 17.345700 -28.152400
100 +-22.150900 -37.545600 17.193100 -27.739700
101 +-22.394400 -37.863100 17.003100 -27.263200
102 +-22.865900 -38.501700 16.615700 -26.748600
103 +-23.282500 -39.184300 15.898800 -26.384000
104 +-23.605800 -39.586600 14.970500 -26.021900
105 +-24.293100 -39.873100 13.957400 -25.425300
106 +-25.121900 -39.823400 12.755900 -24.764100
107 +-25.562100 -39.873900 11.591500 -23.906600
108 +-25.772300 -40.143400 10.451500 -22.960200
109 +-26.171100 -40.478500 9.203410 -22.025300
110 +-26.391700 -40.385100 7.682720 -21.212300
111 +-26.226300 -39.944700 6.029810 -20.457200
112 +-26.462700 -39.573700 4.367240 -19.735200
113 +-26.910500 -39.232400 2.927250 -18.967300
114 +-27.123200 -38.623900 1.349240 -18.348300
115 +-27.286700 -38.156600 -0.093657 -17.627200
116 +-27.475700 -37.816900 -1.490180 -16.946900
117 +-27.504200 -37.404900 -2.766270 -16.120000
118 +-27.443300 -36.674400 -4.189210 -15.317400
119 +-27.742100 -36.234200 -5.601000 -14.537200
120 +-28.128100 -35.839700 -6.846010 -13.722400
121 +-28.600300 -35.222000 -8.119450 -12.978600
122 +-28.860200 -34.661900 -9.246370 -12.168900
123 +-28.802800 -34.063100 -10.424700 -11.294300
124 +-29.022700 -33.104400 -11.823800 -10.562900
125 +-29.375500 -32.382300 -13.274400 -9.899370
126 +-29.737000 -32.016500 -14.395700 -9.151990
127 +-30.313200 -31.580100 -15.338900 -8.450800
128 +-30.745300 -30.988300 -16.490800 -7.821140
129 +-30.960300 -30.525400 -17.556000 -7.153160
130 +-31.057300 -29.797100 -18.667300 -6.610790
131 +-31.419600 -29.025700 -19.892300 -6.166470
132 +-32.061400 -28.713500 -20.781000 -5.653970
133 +-32.279600 -28.270800 -21.338000 -5.277950
134 +-32.365400 -27.577400 -22.169200 -4.900040
135 +-32.934800 -27.221200 -22.975800 -4.437060
136 +-33.437300 -26.871500 -23.785400 -3.912120
137 +-33.550900 -26.204800 -24.631100 -3.419650
138 +-33.766000 -25.629300 -25.335700 -2.841730
139 +-34.137200 -25.410300 -25.698900 -2.167120
140 +-34.750800 -25.188400 -26.071700 -1.606780
141 +-35.194400 -24.590000 -26.419500 -1.050160
142 +-35.311900 -24.013200 -26.581800 -0.406900
143 +-35.350600 -23.605400 -26.811900 0.250856
144 +-35.592100 -23.087500 -27.088600 1.001570
145 +-35.910700 -22.694400 -27.319900 1.863740
146 +-36.176600 -22.485300 -27.529800 2.690210
147 +-36.441200 -22.248600 -27.478500 3.410990
148 +-36.717900 -22.119300 -27.263700 4.113260
149 +-36.992900 -21.876700 -27.201400 4.763610
150 +-37.301900 -21.495000 -27.050400 5.462730
151 +-37.721800 -21.216400 -26.821300 6.068850
152 +-38.103100 -20.826100 -26.575300 6.753220
153 +-38.357300 -20.517800 -26.251100 7.497620
154 +-38.878000 -20.478500 -26.007100 8.177080
155 +-39.028700 -20.321900 -25.822700 8.680710
156 +-38.965800 -19.996600 -25.746400 9.067000
157 +-39.145900 -19.879500 -25.821100 9.434450
158 +-39.342800 -19.869500 -25.885900 9.897770
159 +-39.419200 -19.689100 -26.053600 10.247400
160 +-39.503500 -19.506300 -26.320000 10.566700
161 +-39.513800 -19.432900 -26.420700 10.992300
162 +-39.644400 -19.528500 -26.464400 11.342200
163 +-39.918600 -19.915000 -26.510800 11.605100
164 +-40.255300 -20.530300 -26.474700 11.892900
165 +-40.534200 -20.912200 -26.439600 12.000000
166 +-40.628600 -21.265200 -26.354700 11.858300
167 +-40.656800 -21.568400 -26.034900 11.601700
168 +-40.677500 -21.795500 -25.516400 11.312400
169 +-40.789700 -22.041900 -24.941600 10.883300
170 +-40.704100 -22.212700 -24.319000 10.250000
171 +-40.684600 -22.613700 -23.698600 9.474050
172 +-40.811300 -23.123100 -23.153300 8.469240
173 +-40.838100 -23.309800 -22.490500 7.443260
174 +-41.082900 -23.638700 -21.862000 6.256730
175 +-41.250100 -24.150600 -21.219500 4.892620
176 +-40.955000 -24.277300 -20.546400 3.386920
177 +-40.636600 -24.302000 -19.733700 1.859690
178 +-40.493100 -24.475600 -18.940000 0.204462
179 +-40.219700 -24.591500 -18.173500 -1.438740
180 +-39.809300 -24.796500 -17.311300 -2.954030
181 +-39.544200 -25.034100 -16.671600 -4.696650
182 +-39.236700 -25.097100 -16.109800 -6.322840
183 +-38.980700 -25.229900 -15.197700 -7.625420
184 +-38.840500 -25.450500 -14.076200 -8.754000
185 +-38.389400 -25.532200 -13.167700 -10.042700
186 +-37.701000 -25.539800 -12.485100 -11.609600
187 +-36.950800 -25.555800 -11.930100 -13.298400
188 +-36.398200 -25.652800 -11.032500 -14.496700
189 +-36.088600 -25.859700 -9.961450 -15.491600
190 +-35.609900 -26.082100 -9.000370 -16.651500
191 +-35.018800 -26.280600 -8.276140 -17.916300
192 +-34.419300 -26.513600 -7.755510 -19.104200
193 +-33.904400 -26.820900 -6.887040 -20.227700
194 +-33.527500 -27.220300 -6.213270 -21.233300
195 +-32.974600 -27.650000 -5.817330 -22.465400
196 +-32.402300 -27.982100 -5.563790 -23.793100
197 +-31.883900 -28.061800 -5.306540 -24.880200
198 +-31.243000 -28.143300 -4.386120 -25.605600
199 +-30.722100 -28.582700 -3.657620 -26.489400
200 +-30.545200 -29.202900 -3.021560 -27.484200
201 +-29.835300 -29.330800 -2.201600 -28.188700
202 +-29.128900 -29.499400 -1.340100 -28.678700
203 +-28.629400 -29.830200 -0.492146 -29.210800
204 +-27.973900 -29.939200 0.311496 -29.815400
205 +-27.375000 -30.319000 1.200420 -30.079700
206 +-26.770500 -30.658800 1.979960 -30.212300
207 +-26.089000 -30.791300 2.785300 -30.402500
208 +-25.757700 -31.199400 3.778670 -30.514800
209 +-25.571500 -31.651600 4.676150 -30.569900
210 +-25.020400 -31.669600 5.545490 -30.639900
211 +-24.552900 -31.966500 6.450250 -30.518400
212 +-24.368500 -32.590600 7.117990 -30.439300
213 +-23.984400 -32.874000 8.347620 -30.031900
214 +-23.580900 -33.171100 9.547340 -29.523300
215 +-23.223900 -33.482100 10.457200 -29.236200
216 +-22.664400 -33.687700 11.248800 -29.052000
217 +-22.279600 -34.080400 12.080900 -28.744800
218 +-22.024400 -34.447100 12.892500 -28.360500
219 +-21.612800 -34.801400 13.532200 -28.051200
220 +-21.233700 -35.273300 13.866400 -27.918600
221 +-20.964100 -35.370600 14.621900 -27.620600
222 +-20.833500 -35.793400 15.059000 -27.476600
223 +-20.753200 -36.201300 15.923700 -27.794500
224 +-20.283000 -35.881300 16.327600 -28.198200
225 +-20.049200 -35.990700 17.528600 -28.413700
226 +-20.269700 -36.355400 18.301600 -28.618300
227 +-20.388900 -36.639700 18.738500 -28.765800
228 +-20.640700 -37.058000 19.321500 -28.595400
229 +-20.981700 -37.414800 19.621500 -28.520700
230 +-21.285500 -37.714900 19.631800 -28.256100
231 +-21.849500 -38.116200 19.376700 -27.824000
232 +-22.555000 -38.548800 18.742300 -27.463200
233 +-23.062500 -38.826900 17.982500 -27.054900
234 +-23.221500 -38.850600 17.357200 -26.499300
235 +-23.243600 -38.876000 16.661700 -25.896000
236 +-23.423400 -38.978900 15.748700 -25.375300
237 +-23.949000 -39.078700 14.770400 -24.656800
238 +-24.256900 -38.955500 13.626100 -23.737100
239 +-24.317100 -38.587500 12.277400 -22.786000
240 +-24.800000 -38.434400 10.840500 -21.792500
241 +-25.546300 -38.482200 9.163710 -20.804900
242 +-25.992500 -38.302600 7.286510 -19.903200
243 +-26.362300 -37.945600 5.511320 -18.990500
244 +-26.361300 -37.270500 3.930240 -18.028700
245 +-26.238100 -36.644000 2.528510 -17.021300
246 +-26.337200 -36.080800 1.121420 -16.150100
247 +-26.507100 -35.420600 -0.292840 -15.406700
248 +-26.692800 -34.820300 -1.464580 -14.568600
249 +-27.038500 -34.485300 -2.675570 -13.741100
250 +-27.342300 -34.043700 -4.187630 -13.126300
251 +-27.303400 -33.161600 -5.623930 -12.438400
252 +-27.603000 -32.422800 -6.921100 -11.602200
253 +-28.306300 -32.162100 -8.318130 -10.874800
254 +-28.872400 -31.876400 -9.749900 -10.229600
255 +-29.043200 -31.231400 -11.076300 -9.678530
256 +-29.144700 -30.418800 -12.210600 -8.962210
257 +-29.588000 -29.854300 -13.527300 -8.417300
258 +-30.234700 -29.255500 -15.004100 -7.891130
259 +-30.698400 -28.447200 -16.442100 -7.323020
260 +-31.276100 -28.060500 -17.668000 -6.722140
261 +-31.794000 -27.618500 -18.880700 -6.214880
262 +-32.132200 -26.780900 -20.127100 -5.759530
263 +-32.439600 -25.993200 -21.452300 -5.347090
264 +-32.997000 -25.358500 -22.672200 -5.017490
265 +-33.253000 -24.504400 -23.680100 -4.636740
266 +-33.620200 -23.958400 -24.449900 -4.189430
267 +-34.245200 -23.784600 -25.127900 -3.789060
268 +-34.488700 -23.225900 -25.748500 -3.315880
269 +-34.446400 -22.267300 -26.426600 -2.849370
270 +-34.905900 -21.677300 -26.927200 -2.296250
271 +-35.246800 -21.291500 -27.247100 -1.595720
272 +-35.417500 -20.996500 -27.600400 -1.083280
273 +-35.607800 -20.622500 -27.900800 -0.682832
274 +-35.764900 -20.122600 -28.097500 -0.255400
275 +-35.801000 -19.637800 -28.200000 0.310116
276 +-36.108800 -19.456200 -28.105300 0.958898
277 +-36.362600 -19.010200 -28.013600 1.637510
278 +-36.310400 -18.328600 -27.868400 2.485420
279 +-36.241100 -17.984200 -27.482900 3.405640
280 +-36.206400 -17.766100 -27.026400 4.247990
281 +-36.990700 -18.226400 -26.368100 5.076610
282 +-36.920600 -17.717000 -25.826000 5.836700
283 +-36.846600 -17.321900 -25.407700 6.505730
284 +-37.078500 -17.359800 -24.743100 7.433580
285 +-37.327000 -17.246000 -24.081900 8.161830
286 +-37.586300 -17.191300 -23.517700 8.691630
287 +-38.039600 -17.290600 -23.003900 9.220870
288 +-38.342700 -17.369600 -22.933000 9.676030
289 +-38.295900 -17.075400 -23.395400 10.091300
290 +-38.154600 -16.723100 -23.986400 10.633000
291 +-38.175000 -16.618300 -24.514500 11.280400
292 +-38.200600 -16.837600 -24.822500 11.956100
293 +-38.321600 -17.215500 -24.976100 12.454100
294 +-38.542600 -17.650900 -24.988600 12.748100
295 +-38.737800 -18.271500 -24.956300 12.830700
296 +-38.713000 -18.817900 -24.648900 12.837800
297 +-38.542900 -19.194800 -24.289300 12.485900
298 +-38.323600 -19.595800 -24.096100 11.695200
299 +-38.101400 -20.207000 -23.646300 11.020900
300 +-37.971700 -20.727500 -23.187500 10.270400
301 +-37.906900 -21.329500 -22.937100 9.196160
302 +-37.978000 -22.171200 -22.504800 8.071740
303 +-37.908900 -22.818000 -21.965500 6.860040
304 +-37.859800 -23.385800 -21.224400 5.595900
305 +-37.732200 -23.874700 -20.250800 4.327970
306 +-37.579000 -24.085500 -19.388300 2.833560
307 +-38.220100 -25.033500 -18.530300 1.297020
308 +-37.487900 -24.701800 -17.523700 -0.165640
309 +-37.163300 -25.053300 -16.607900 -1.669680
310 +-36.049300 -24.465900 -15.925700 -3.232160
311 +-36.120300 -25.159400 -15.334500 -4.788990
312 +-35.877600 -25.340400 -14.581200 -6.140920
313 +-35.382800 -25.430400 -13.511200 -7.103180
314 +-34.762800 -25.560200 -12.369600 -7.916310
315 +-34.272900 -25.767800 -11.443100 -8.865950
316 +-33.977000 -26.247200 -10.725800 -10.085600
317 +-33.724100 -26.810100 -10.099300 -11.393300
318 +-33.156400 -27.172300 -9.475700 -12.656800
319 +-32.542600 -27.629300 -8.612160 -13.618000
320 +-32.212900 -28.370800 -7.916870 -14.740800
321 +-32.061300 -29.143400 -7.309800 -15.857000
322 +-30.605600 -28.962600 -7.106310 -17.440600
323 +-29.700000 -29.154200 -6.234290 -18.272200
324 +-29.524500 -29.567000 -5.066560 -18.969800
325 +-29.284700 -30.024700 -4.318500 -19.791900
326 +-28.986500 -30.726800 -3.573960 -20.663000
327 +-28.270500 -30.815300 -4.605420 -23.172400
328 +-26.965000 -31.021800 -3.610020 -23.683600
329 +-26.865400 -31.212300 -3.216140 -24.672100
330 +-27.801000 -32.501500 -2.165990 -25.129200
331 +-26.056100 -31.293300 -1.597550 -26.011100
332 +-25.818700 -31.523400 -1.221130 -27.052900
333 +-25.470400 -31.950400 -0.529982 -27.734000
334 +-25.418600 -32.661000 0.104121 -28.178700
335 +-23.971500 -31.679100 1.450080 -27.875100
336 +-24.757300 -33.006400 1.731210 -28.642800
337 +-24.120100 -33.008800 2.374420 -29.268700
338 +-23.560600 -33.274800 3.414850 -29.402600
339 +-21.882000 -32.396500 4.415950 -29.744600
340 +-22.040800 -33.377000 5.619230 -29.832000
341 +-22.129300 -34.013600 6.865080 -29.545600
342 +-21.845100 -34.269100 7.999140 -29.367100
343 +-21.249200 -34.244200 9.097040 -29.408300
344 +-20.533300 -34.144700 10.169500 -29.475600
345 +-20.785800 -34.966300 11.029400 -29.345500
346 +-20.066800 -34.875200 11.603900 -29.194900
347 +-20.047800 -35.465500 12.407300 -29.045900
348 +-19.985700 -35.834400 13.121000 -28.943300
349 +-19.135800 -35.426500 13.675700 -28.535300
350 +-19.257500 -36.018200 15.004200 -28.304100
351 +-19.113300 -36.170900 15.888700 -28.383300
352 +-18.883400 -36.266000 16.450600 -28.363800
353 +-18.675900 -36.504000 17.535800 -28.529600
354 +-18.493400 -36.520600 17.895900 -28.875700
355 +-18.715500 -36.627800 18.862300 -28.830000
356 +-19.256200 -37.298600 19.245500 -28.815300
357 +-17.859900 -35.683200 19.703600 -29.042200
358 +-18.544500 -36.453500 20.229400 -28.435400
359 +-20.271000 -38.042900 20.639000 -28.205900
360 +-20.087100 -37.743700 20.812000 -28.420100
1 +-32.449900 -25.990400 -12.478700 -13.587200
2 +-33.887500 -27.701900 -12.174000 -14.993500
3 +-32.695400 -27.618400 -11.464500 -16.040900
4 +-31.696100 -27.804200 -10.771700 -17.021500
5 +-30.862200 -28.093100 -10.215900 -18.143100
6 +-31.308000 -29.256100 -9.574450 -19.251300
7 +-29.376600 -28.214400 -8.918610 -20.280800
8 +-28.361400 -28.011400 -8.379970 -21.305200
9 +-30.045300 -30.297100 -7.982230 -22.366500
10 +-29.326800 -30.397500 -7.693510 -23.538000
11 +-28.950400 -30.635400 -7.202080 -24.468900
12 +-28.400100 -30.837200 -6.735520 -25.286800
13 +-26.968800 -30.616300 -6.311520 -26.128300
14 +-27.704600 -31.498700 -6.049610 -27.132100
15 +-27.707600 -32.071600 -5.728500 -27.922700
16 +-27.221200 -32.258500 -5.330540 -28.585900
17 +-25.951900 -31.969100 -4.798660 -29.211200
18 +-27.011400 -33.497700 -4.183250 -29.748200
19 +-26.067800 -33.306800 -3.606250 -30.236700
20 +-25.497200 -33.220200 -2.902730 -30.541800
21 +-25.421100 -33.591500 -2.211570 -30.905300
22 +-25.357800 -33.978900 -1.555840 -31.286900
23 +-24.889700 -34.126300 -0.713583 -31.486000
24 +-25.100600 -34.662700 0.069569 -31.183300
25 +-26.677000 -35.712200 0.693004 -31.238800
26 +-25.102500 -35.361000 1.319540 -31.483900
27 +-24.771700 -35.735500 2.071040 -31.493900
28 +-22.049400 -34.269200 2.943300 -31.140100
29 +-24.963900 -36.358800 3.627420 -30.896600
30 +-23.387900 -35.812200 4.391090 -30.490200
31 +-23.038800 -35.971000 5.196550 -30.046700
32 +-24.337900 -36.878700 6.083410 -29.602900
33 +-21.475500 -35.755400 7.077770 -29.253200
34 +-21.698700 -36.332800 8.090870 -28.832700
35 +-21.293000 -36.347100 8.969400 -28.268300
36 +-21.022200 -36.508000 9.608310 -27.617600
37 +-21.210900 -36.915100 10.076300 -26.986900
38 +-21.416300 -37.278900 10.374200 -26.681100
39 +-22.028500 -37.799400 10.571000 -26.561900
40 +-22.649700 -38.412300 10.796200 -26.588800
41 +-21.990000 -38.529900 11.086900 -26.791000
42 +-20.167100 -37.998600 11.484700 -26.870500
43 +-23.013100 -39.405100 11.869800 -26.927700
44 +-22.497300 -39.505500 12.299800 -26.934900
45 +-22.009300 -39.657100 12.782100 -26.821900
46 +-22.087700 -39.752200 13.172000 -26.619400
47 +-22.536500 -39.848900 13.234000 -26.591900
48 +-23.812900 -40.339500 13.133800 -26.450800
49 +-22.743100 -40.329500 12.792300 -26.227300
50 +-25.077600 -40.880600 12.363800 -25.900500
51 +-24.239200 -41.032200 11.933600 -25.528000
52 +-24.407500 -41.167700 11.306100 -25.162700
53 +-24.697700 -41.200700 10.416300 -24.841300
54 +-25.002800 -41.476800 9.707960 -24.220300
55 +-25.088600 -41.372500 8.930350 -23.434100
56 +-28.057200 -41.547300 7.722740 -22.740300
57 +-24.994900 -39.727900 6.818230 -21.972000
58 +-26.881900 -40.172100 5.610530 -20.953300
59 +-27.588000 -40.178400 4.199110 -20.037300
60 +-27.510800 -39.931300 2.900880 -19.015300
61 +-27.400100 -39.535000 1.501020 -18.015700
62 +-27.847300 -39.340500 0.078175 -17.054400
63 +-28.273100 -39.062800 -1.534530 -16.433300
64 +-28.384400 -38.354500 -3.166830 -15.877700
65 +-28.775500 -37.916000 -4.653750 -15.248700
66 +-29.027400 -37.523700 -5.892670 -14.450800
67 +-29.227900 -36.999000 -7.200180 -13.718500
68 +-29.581200 -36.560000 -8.674240 -13.165900
69 +-29.895500 -35.968400 -9.944840 -12.488600
70 +-30.126700 -35.167600 -11.245400 -11.960300
71 +-29.712800 -34.055000 -12.829200 -11.568400
72 +-29.431100 -33.240200 -14.245600 -11.059600
73 +-29.879500 -32.979200 -15.631800 -10.899600
74 +-30.416800 -32.571000 -16.740100 -10.433100
75 +-30.603100 -31.984900 -17.794100 -9.747020
76 +-30.522200 -31.273800 -18.965800 -9.336320
77 +-30.472500 -30.367500 -20.311900 -9.003120
78 +-30.807600 -29.828000 -21.419200 -8.550960
79 +-31.061900 -29.341900 -22.562300 -8.181430
80 +-31.034200 -28.808900 -23.786900 -7.934510
81 +-31.092300 -28.317200 -24.859000 -7.632820
82 +-31.017000 -27.657600 -25.963300 -7.192450
83 +-31.059500 -27.081000 -26.840700 -6.736620
84 +-31.444700 -26.571400 -27.610500 -6.168550
85 +-31.897500 -26.258800 -28.265200 -5.609250
86 +-32.064100 -25.965800 -28.830000 -5.077720
87 +-31.967000 -25.477700 -29.267200 -4.520240
88 +-31.983600 -24.867200 -29.661600 -3.966480
89 +-32.140600 -24.324000 -29.971800 -3.472020
90 +-32.497900 -24.113700 -30.158900 -2.952040
91 +-32.725700 -23.863000 -30.610200 -2.333180
92 +-32.698200 -23.235800 -30.592200 -1.752800
93 +-32.778400 -22.539700 -30.585500 -1.277040
94 +-32.951100 -22.142000 -30.912000 -0.895009
95 +-33.176900 -21.830000 -30.340700 -0.050251
96 +-33.462200 -21.573900 -29.995900 0.649673
97 +-33.759500 -21.544800 -29.915600 1.341680
98 +-34.218200 -21.490000 -29.534600 1.992570
99 +-34.643600 -21.340000 -28.984600 2.770510
100 +-34.643600 -20.912300 -28.688700 3.752540
101 +-34.727800 -20.581300 -28.459100 4.767330
102 +-35.124600 -20.368200 -28.132700 5.552330
103 +-35.349900 -20.196100 -27.719500 6.281620
104 +-35.752600 -20.112300 -27.164700 6.761180
105 +-36.005300 -20.031200 -26.543000 6.994200
106 +-36.152300 -19.778400 -25.956600 7.312730
107 +-36.391300 -19.600800 -25.587400 7.746160
108 +-36.635700 -19.587700 -25.499700 8.338030
109 +-37.293300 -19.922400 -25.558300 9.060290
110 +-37.316000 -19.578600 -25.613000 9.627450
111 +-37.340300 -19.589800 -25.732000 10.237700
112 +-37.530900 -19.994100 -26.052800 10.661900
113 +-37.559300 -20.098200 -25.826000 11.101400
114 +-37.306700 -20.090000 -25.761100 11.269500
115 +-37.072400 -20.416700 -25.622200 11.107900
116 +-36.968600 -20.831000 -25.117800 10.964300
117 +-36.653000 -21.070200 -24.574000 10.597300
118 +-36.597900 -21.393400 -24.072000 9.937820
119 +-36.752800 -21.919500 -23.540100 9.227500
120 +-36.951200 -22.535700 -23.093900 8.384390
121 +-37.102300 -23.360900 -22.478000 7.493330
122 +-37.103400 -24.064100 -21.570100 6.588760
123 +-37.206100 -24.268600 -20.743100 5.466470
124 +-37.191800 -24.235000 -19.926400 4.137800
125 +-36.983900 -24.475400 -19.031600 2.713240
126 +-37.034500 -25.051300 -18.275800 1.234520
127 +-37.260100 -25.621700 -17.826400 -0.399510
128 +-37.341200 -25.996800 -17.229100 -1.772510
129 +-37.368000 -26.370000 -16.123900 -3.198240
130 +-37.026700 -26.457200 -14.606900 -4.635240
131 +-36.680800 -26.429700 -14.771300 -6.164170
132 +-36.514000 -26.562000 -13.570300 -7.473280
133 +-36.107700 -26.753500 -12.313000 -8.658620
134 +-35.668100 -27.187200 -11.629300 -10.048400
135 +-35.537000 -27.568500 -11.287100 -11.462800
136 +-35.349700 -27.775000 -11.331300 -12.805500
137 +-35.042600 -27.927300 -10.168300 -14.138800
138 +-34.729300 -28.268500 -9.362480 -15.354600
139 +-34.274500 -28.542900 -9.151240 -16.739800
140 +-33.624100 -28.892600 -8.656400 -18.021400
141 +-32.946100 -29.388400 -7.876990 -19.082600
142 +-32.348900 -29.700600 -7.318700 -20.202300
143 +-31.816700 -29.950000 -7.033410 -21.509800
144 +-31.346000 -30.323100 -6.731130 -22.713100
145 +-31.058100 -30.788400 -6.106450 -23.715300
146 +-30.745800 -31.140200 -5.301430 -24.561000
147 +-30.145400 -31.326900 -4.788470 -25.503100
148 +-29.532300 -31.511200 -4.432040 -26.449300
149 +-28.872100 -31.690600 -3.829800 -27.315300
150 +-28.123700 -31.830600 -3.050870 -27.997800
151 +-27.718900 -32.043700 -2.225890 -28.564700
152 +-27.472400 -32.288900 -1.604150 -29.142600
153 +-27.157000 -32.664300 -1.299070 -29.869100
154 +-26.604600 -32.912000 -0.631491 -30.478300
155 +-26.049700 -33.270300 0.230768 -30.874100
156 +-25.679800 -33.731700 0.854890 -31.035000
157 +-25.412900 -33.930600 2.023910 -31.144700
158 +-24.782400 -33.908700 2.700110 -31.373500
159 +-24.184500 -34.013000 3.085660 -31.566400
160 +-23.847900 -34.179400 4.329210 -31.483200
161 +-23.723700 -34.365700 5.130220 -31.395500
162 +-23.607700 -34.803700 5.910390 -31.111900
163 +-23.271100 -35.156500 6.778900 -30.734100
164 +-23.085600 -35.170300 7.661060 -30.335900
165 +-22.850400 -35.173000 8.840270 -29.900300
166 +-22.757200 -35.457500 9.864470 -29.469200
167 +-22.811100 -36.016300 10.685400 -29.053500
168 +-22.547100 -36.445100 11.515000 -28.835000
169 +-22.086700 -36.596000 12.448800 -28.504200
170 +-21.881900 -36.776000 13.047600 -28.168900
171 +-21.835500 -36.958500 13.419000 -28.034900
172 +-21.708400 -36.973500 13.787000 -28.210900
173 +-21.703900 -37.081800 14.228200 -28.293600
174 +-21.973600 -37.318800 14.553300 -28.307100
175 +-21.854500 -37.332000 14.806300 -28.480900
176 +-21.515100 -37.285400 15.421200 -28.272900
177 +-21.507200 -37.353100 15.976700 -27.844800
178 +-21.902100 -37.630900 16.358100 -27.426000
179 +-22.317400 -37.861600 16.460600 -27.178000
180 +-22.487200 -37.881700 16.521900 -26.984300
181 +-22.812100 -38.078600 16.389500 -26.824900
182 +-23.520200 -38.480600 16.242100 -26.366700
183 +-24.160700 -38.590800 15.926100 -25.724600
184 +-24.309200 -38.807100 15.356700 -25.241700
185 +-24.426600 -38.988800 14.676900 -24.645000
186 +-24.676800 -39.326300 13.813000 -24.088000
187 +-24.972100 -39.819200 13.022400 -23.410700
188 +-25.272700 -39.904900 12.144300 -22.603900
189 +-25.440900 -39.761300 11.010500 -21.777600
190 +-25.778500 -39.829300 9.854240 -20.871000
191 +-26.159200 -39.912700 8.661400 -19.877700
192 +-26.325600 -39.683000 7.172650 -18.982200
193 +-26.656200 -39.404900 5.871690 -17.906400
194 +-26.820900 -39.002000 4.506700 -16.981200
195 +-26.743500 -38.427700 2.831440 -16.222800
196 +-26.960400 -37.976500 1.044080 -15.600800
197 +-27.211300 -37.468500 -0.361997 -14.906700
198 +-27.139100 -36.877100 -1.718330 -14.190200
199 +-27.268200 -36.379000 -3.029330 -13.486000
200 +-27.643200 -36.218500 -4.343000 -12.870400
201 +-27.850200 -35.693000 -5.562560 -12.279300
202 +-27.757100 -34.888100 -6.758820 -11.456700
203 +-27.762300 -34.317800 -8.153070 -10.631200
204 +-28.435200 -34.088000 -9.496540 -9.905280
205 +-28.908500 -33.834200 -10.525000 -9.112550
206 +-29.018300 -33.153400 -11.790900 -8.644190
207 +-29.232600 -32.454600 -13.115900 -8.118360
208 +-29.516400 -31.949000 -14.272400 -7.568490
209 +-29.723600 -31.382700 -15.303500 -7.035430
210 +-29.928500 -30.774700 -16.540300 -6.565500
211 +-30.022500 -30.058600 -17.852600 -6.092480
212 +-30.517000 -29.499300 -19.208600 -5.814740
213 +-30.990700 -29.015900 -20.335300 -5.515410
214 +-31.401500 -28.559300 -20.959100 -5.203680
215 +-31.780500 -28.234500 -21.918500 -4.972880
216 +-32.092500 -27.787900 -22.962600 -4.601160
217 +-32.424000 -27.221300 -23.908200 -4.215810
218 +-32.715300 -26.760000 -24.721400 -3.807440
219 +-32.917500 -26.442900 -25.348700 -3.293810
220 +-33.335900 -26.110500 -26.010800 -2.911210
221 +-33.527200 -25.608600 -26.713300 -2.637430
222 +-33.330100 -25.157300 -27.193700 -2.162980
223 +-33.325600 -24.990100 -27.276900 -1.482300
224 +-33.776100 -24.677400 -27.405300 -0.853446
225 +-34.015600 -24.102100 -27.790800 -0.306835
226 +-34.117000 -23.731700 -28.082300 0.225745
227 +-34.264600 -23.510900 -28.239500 0.556165
228 +-34.332500 -23.149500 -28.198200 1.040500
229 +-34.424700 -22.783800 -27.874700 1.786390
230 +-34.544900 -22.403600 -27.670800 2.605950
231 +-34.492600 -21.977500 -27.605400 3.318270
232 +-34.434900 -21.555700 -27.406600 3.988040
233 +-34.513600 -21.329200 -27.127800 4.774970
234 +-34.703600 -21.245900 -26.756500 5.640640
235 +-35.200000 -21.152300 -26.532500 6.242070
236 +-35.743800 -20.901900 -26.371000 6.570250
237 +-36.023700 -20.554700 -26.144700 7.059370
238 +-36.192400 -20.550000 -25.989000 7.612830
239 +-36.278200 -20.342600 -26.197200 8.039060
240 +-36.412000 -19.818200 -26.452200 8.431220
241 +-36.648300 -19.522100 -26.525400 8.914240
242 +-36.701900 -19.381500 -26.498000 9.304030
243 +-36.475800 -19.144300 -26.514900 9.610080
244 +-36.670500 -19.415200 -26.393200 9.992320
245 +-37.030400 -19.901400 -26.133700 10.346600
246 +-37.150900 -20.103100 -25.891900 10.679200
247 +-37.505900 -20.450400 -25.740700 10.910100
248 +-37.871000 -20.956100 -25.372300 11.021200
249 +-38.129500 -21.302400 -24.819400 10.847100
250 +-38.253400 -21.509700 -24.223700 10.419600
251 +-38.320700 -21.772800 -23.602100 9.730450
252 +-38.539700 -22.209000 -23.018200 8.951210
253 +-38.659500 -22.575800 -22.538300 8.162470
254 +-38.611900 -22.651800 -22.134400 7.297050
255 +-38.630600 -23.009200 -21.615700 6.335020
256 +-39.151400 -23.875300 -20.918900 5.344140
257 +-39.370800 -24.327800 -19.999900 4.228130
258 +-39.252100 -24.419600 -18.977300 2.987850
259 +-39.330400 -24.972400 -17.984700 1.580260
260 +-39.539500 -25.548600 -17.348600 -0.207656
261 +-39.408000 -25.741300 -16.826100 -1.970770
262 +-39.226500 -25.963000 -16.342100 -3.670800
263 +-39.407900 -26.391100 -15.976200 -5.404190
264 +-39.441600 -26.859000 -15.425900 -6.820000
265 +-38.849400 -26.916500 -14.691500 -8.059840
266 +-38.380600 -26.757400 -13.858400 -9.265280
267 +-38.216700 -26.874500 -13.038700 -10.502500
268 +-37.986600 -27.134100 -12.529000 -12.074300
269 +-37.702600 -27.336700 -11.821000 -13.413800
270 +-37.549200 -27.674200 -10.895500 -14.491200
271 +-37.118800 -28.091500 -10.272300 -15.791000
272 +-36.640700 -28.436400 -9.721120 -17.052900
273 +-36.175300 -28.708900 -9.103220 -18.221900
274 +-35.522700 -28.941300 -8.502140 -19.441600
275 +-35.321200 -29.266900 -7.872570 -20.518400
276 +-35.330700 -29.663500 -7.187030 -21.470500
277 +-34.851500 -29.979800 -6.783960 -22.779100
278 +-33.983100 -30.332600 -6.406960 -24.016700
279 +-33.212400 -30.492600 -5.718340 -24.859100
280 +-32.484500 -30.516500 -4.770230 -25.355300
281 +-31.876900 -30.780500 -3.949060 -26.002700
282 +-31.518700 -31.334000 -3.400640 -26.824700
283 +-31.061800 -31.645600 -2.824660 -27.567100
284 +-30.498400 -31.977800 -2.062940 -28.111700
285 +-29.884300 -32.270900 -1.173700 -28.546000
286 +-29.259000 -32.384800 -0.235665 -28.943700
287 +-28.995400 -32.741600 0.721998 -29.220200
288 +-28.411700 -33.218700 1.639110 -29.264800
289 +-27.779000 -33.342100 2.473950 -29.407600
290 +-27.326900 -33.483400 3.235570 -29.628100
291 +-26.852600 -33.769900 4.182150 -29.700900
292 +-26.178700 -34.088600 5.104660 -29.645400
293 +-25.580200 -34.391700 5.984350 -29.490800
294 +-25.067100 -34.634000 6.801930 -29.194600
295 +-24.448700 -34.697100 7.684600 -28.726800
296 +-24.085800 -35.064100 8.404610 -28.437300
297 +-23.813900 -35.486600 9.128400 -28.194600
298 +-23.478800 -35.942600 9.998650 -27.846100
299 +-23.218100 -36.398100 10.915100 -27.461100
300 +-22.865600 -36.602200 11.905800 -27.104400
301 +-22.462800 -36.983800 12.787100 -26.916600
302 +-22.137900 -37.544700 13.488200 -26.875400
303 +-22.015000 -38.071800 13.977700 -26.976900
304 +-22.020100 -38.535900 14.412800 -27.278400
305 +-21.773800 -38.793400 14.926200 -27.591500
306 +-21.529700 -38.999000 15.626900 -27.796000
307 +-21.417600 -39.101300 16.043500 -28.166700
308 +-21.319600 -39.179700 16.171900 -28.477900
309 +-21.225500 -39.269200 17.781100 -28.510900
310 +-21.177900 -39.363600 17.507600 -28.374700
311 +-21.417900 -39.499300 17.731700 -28.356800
312 +-21.702700 -39.685800 17.776500 -28.438000
313 +-21.951400 -40.051400 17.672100 -28.343800
314 +-21.977200 -40.208400 17.336000 -28.044600
315 +-22.041300 -40.402200 16.778800 -27.722800
316 +-22.340900 -40.684000 16.111900 -27.537400
317 +-22.853200 -40.823100 15.592500 -27.265000
318 +-23.576100 -41.062000 15.114300 -26.994500
319 +-24.199000 -41.199800 14.516200 -26.660500
320 +-24.397000 -40.879300 13.857400 -26.141200
321 +-24.677400 -40.629600 12.982000 -25.530700
322 +-25.140000 -40.566500 12.076900 -24.669200
323 +-25.377000 -40.333000 10.885400 -23.803300
324 +-25.628500 -40.125900 9.249840 -23.001600
325 +-25.844800 -39.930600 7.452900 -22.261800
326 +-26.142500 -39.629700 5.807820 -21.416400
327 +-26.356200 -39.344700 4.035190 -20.738000
328 +-26.502600 -39.006400 2.431430 -20.005700
329 +-26.674900 -38.569000 1.134500 -19.141300
330 +-26.638100 -37.796500 0.131715 -18.129200
331 +-26.425900 -36.849400 -1.238000 -17.533000
332 +-26.499600 -36.388700 -2.604310 -16.951600
333 +-26.843200 -36.018500 -3.668230 -16.156400
334 +-27.256100 -35.598000 -4.855700 -15.534700
335 +-27.461800 -35.228900 -6.398670 -14.760600
336 +-27.434100 -34.538000 -7.547320 -13.870800
337 +-27.666400 -33.847400 -8.514960 -12.934600
338 +-28.130600 -33.381600 -9.736220 -12.321600
339 +-28.605100 -32.993600 -10.750800 -11.488500
340 +-28.791800 -32.326300 -11.871000 -10.696200
341 +-28.878400 -31.541800 -13.352800 -10.221300
342 +-29.211500 -31.204500 -14.727800 -9.733900
343 +-29.739500 -31.102600 -15.908500 -9.200470
344 +-30.233200 -30.950700 -17.112200 -8.749490
345 +-30.536500 -30.448400 -18.223300 -8.261470
346 +-30.559400 -29.619200 -19.332300 -7.831700
347 +-30.785100 -29.232700 -20.509800 -7.475690
348 +-31.215500 -28.976100 -21.532100 -7.136050
349 +-31.609800 -28.473500 -22.164400 -6.561880
350 +-32.055200 -27.921000 -22.921300 -6.020010
351 +-32.544600 -27.585900 -23.896400 -5.460830
352 +-33.029900 -27.063100 -24.461000 -4.922640
353 +-33.288500 -26.159500 -25.168600 -4.403300
354 +-33.498400 -25.583400 -26.031300 -3.915350
355 +-33.769400 -25.311200 -26.440400 -3.400160
356 +-34.053900 -25.107900 -26.820400 -2.788300
357 +-34.403700 -24.779200 -27.348500 -2.326380
358 +-34.917100 -24.410600 -27.579300 -1.736890
359 +-35.378600 -24.108800 -27.746300 -1.077820
360 +-35.491400 -23.812200 -27.955000 -0.527542
361 +-35.163900 -23.169500 -28.007500 0.064093
362 +-35.335700 -22.624700 -28.160500 0.609803
363 +-36.006600 -22.703100 -28.147500 1.282310
364 +-36.211800 -22.662100 -28.046100 2.085800
365 +-36.092900 -22.027100 -27.955400 2.878060
366 +-36.253000 -21.673100 -27.660900 3.873710
367 +-36.796800 -21.849500 -27.435600 4.930980
368 +-37.159800 -21.863600 -27.292600 5.844530
369 +-37.192300 -21.659600 -27.200100 6.438090
370 +-37.341900 -21.574800 -27.056200 6.898950
371 +-37.439100 -21.385000 -26.684000 7.350640
372 +-37.938700 -21.603300 -26.190600 7.826280
373 +-38.476100 -22.081300 -26.101300 8.077180
374 +-38.647900 -22.032700 -26.332000 8.438750
375 +-38.836700 -21.740900 -26.550700 9.095330
376 +-38.991500 -21.727600 -26.911900 9.664160
377 +-38.908500 -21.756500 -26.804500 10.542300
378 +-38.669900 -21.505800 -26.898200 11.081000
379 +-38.650000 -21.498900 -26.962900 11.522200
380 +-38.876900 -21.895900 -26.942200 11.766100
381 +-39.171100 -22.431100 -26.682300 11.946000
382 +-39.638800 -22.941100 -26.278700 12.072900
383 +-39.977300 -23.346800 -25.880000 11.927600
384 +-40.162300 -23.963100 -25.444300 11.395800
385 +-40.216300 -24.410900 -24.804000 10.823400
386 +-40.306000 -24.740500 -24.258900 10.025700
387 +-40.637400 -25.061000 -23.872700 8.908910
388 +-40.559700 -25.094800 -23.613900 7.708620
389 +-40.423200 -25.542900 -23.376500 6.232840
390 +-40.534400 -26.075800 -22.537400 4.984430
391 +-40.478300 -26.130400 -21.256800 3.932950
392 +-40.808200 -26.632100 -20.307300 2.444690
393 +-40.266800 -26.735600 -19.490600 0.826993
394 +-40.009600 -27.110100 -18.728600 -0.691280
395 +-40.202300 -27.752800 -18.127000 -2.331690
396 +-39.570900 -27.426400 -17.359500 -3.983860
397 +-39.054300 -27.519200 -16.452500 -5.517860
398 +-38.444700 -27.376500 -15.432700 -6.732740
399 +-38.104900 -27.108700 -14.665200 -8.210120
400 +-38.084600 -27.178400 -14.032500 -9.899480
401 +-37.927500 -27.386100 -13.362200 -11.407800
402 +-37.557000 -27.432000 -12.543100 -12.622300
403 +-36.953800 -27.376100 -11.941700 -14.242500
404 +-36.532900 -27.463600 -11.367000 -15.741400
405 +-36.369600 -27.831700 -10.438200 -16.705800
406 +-36.277800 -28.386200 -9.821670 -18.001100
407 +-35.745700 -28.607900 -9.254270 -19.338300
408 +-35.222400 -28.854300 -8.559090 -20.574800
409 +-35.035800 -29.497100 -7.783860 -21.641900
410 +-34.404400 -29.789800 -6.655820 -22.152900
411 +-33.346100 -29.541800 -6.376480 -23.661800
412 +-32.712800 -29.531300 -5.698980 -24.356000
413 +-33.437200 -31.247000 -5.217390 -25.390200
414 +-32.346400 -30.950600 -5.093450 -26.618000
415 +-31.101900 -30.326600 -3.350860 -26.260900
416 +-31.414700 -31.292400 -3.429910 -27.735600
417 +-31.225900 -31.830300 -2.651940 -28.326300
418 +-30.654300 -31.905600 -2.270870 -29.051900
419 +-29.692100 -31.561000 -2.172100 -29.955300
420 +-28.861400 -31.403300 -1.443270 -30.172500
421 +-28.680100 -31.847700 -1.070490 -30.543000
422 +-28.474400 -32.468500 -0.180932 -30.800700
423 +-27.803600 -32.622400 0.770192 -30.647300
424 +-27.491300 -33.074900 1.703720 -30.732800
425 +-26.312300 -32.546300 2.117600 -31.253900
426 +-25.796300 -32.475700 3.230240 -31.074400
427 +-26.972000 -34.187600 4.380490 -30.839600
428 +-24.959400 -32.726700 5.532160 -30.525400
429 +-24.937600 -33.476400 6.386530 -30.330700
430 +-24.586100 -33.668800 7.092090 -30.315500
431 +-24.359400 -33.890800 7.928060 -30.001700
432 +-24.169700 -34.046600 9.010070 -29.468700
433 +-23.762300 -33.972100 9.942460 -29.146300
434 +-23.692400 -34.292700 11.190300 -28.977100
435 +-22.958200 -34.090200 12.298000 -28.624500
436 +-22.664700 -34.455600 13.070100 -28.124500
437 +-22.920800 -35.110400 13.317600 -28.154200
438 +-22.605900 -35.285700 13.595600 -28.241600
439 +-22.358500 -35.896300 13.700300 -28.158400
440 +-21.898900 -35.878500 13.874600 -28.059800
441 +-21.093900 -35.255900 14.590400 -28.168700
442 +-21.753000 -36.088300 15.020700 -28.496400
443 +-21.594900 -36.002300 15.397600 -28.602900
444 +-21.846000 -36.156800 15.638400 -28.583600
445 +-22.298200 -36.582200 15.743700 -28.470100
446 +-22.849300 -36.994900 15.645800 -28.405600
447 +-23.216700 -37.207800 15.650500 -27.821100
448 +-23.241800 -37.069400 15.496900 -27.395000
449 +-23.265100 -36.664100 15.053400 -27.306000
450 +-24.115700 -37.624800 14.639400 -26.868900
451 +-23.929200 -37.262800 14.057200 -26.209000
452 +-23.260700 -36.221200 13.081100 -25.915100
453 +-24.214300 -36.790600 12.173400 -25.522500
454 +-24.922400 -37.219100 11.264500 -25.001900
455 +-25.227500 -37.405900 10.220100 -24.597600
1 +-36.211000 -21.775200 -22.681600 8.879320
2 +-34.666500 -20.756600 -22.184500 8.381540
3 +-36.016700 -22.024100 -21.476200 7.508710
4 +-37.801200 -23.608000 -20.881600 6.739680
5 +-36.244400 -22.576700 -20.436300 5.864590
6 +-34.693300 -21.427200 -19.901000 4.880340
7 +-38.160200 -24.497700 -19.345500 3.858850
8 +-36.572300 -23.585400 -18.874700 2.576710
9 +-35.230700 -22.751500 -18.247000 1.259880
10 +-38.534500 -25.583200 -17.391500 -0.094199
11 +-37.705000 -25.267400 -16.516800 -1.624610
12 +-37.202400 -25.190800 -15.511700 -3.144480
13 +-36.215900 -24.670400 -14.573200 -4.619750
14 +-33.346300 -22.720600 -13.912400 -6.281870
15 +-36.798300 -26.008000 -13.205200 -7.821960
16 +-36.946100 -26.398900 -12.359500 -9.058930
17 +-36.290700 -26.123900 -11.577200 -10.210900
18 +-35.986900 -26.282700 -10.985000 -11.512500
19 +-35.001800 -26.158000 -10.443300 -12.886300
20 +-35.400200 -27.135900 -9.989590 -14.447300
21 +-34.597800 -27.125100 -9.565220 -15.890600
22 +-33.712600 -27.033800 -9.037610 -17.015300
23 +-33.679900 -27.590700 -8.471980 -18.209400
24 +-33.253600 -27.786500 -7.807050 -19.467400
25 +-32.297600 -27.449400 -7.401210 -20.858400
26 +-32.288000 -27.912900 -6.977490 -21.982100
27 +-32.906100 -28.911100 -6.598630 -23.113600
28 +-33.315900 -29.772800 -6.231700 -24.345200
29 +-34.004200 -30.704100 -5.833070 -25.402100
30 +-31.300800 -29.551900 -5.327130 -26.270500
31 +-32.148000 -30.371800 -4.804490 -27.117400
32 +-32.437100 -30.818300 -4.315740 -28.025900
33 +-31.775900 -31.087800 -3.795630 -28.774800
34 +-30.893200 -31.099100 -3.330520 -29.484500
35 +-29.395800 -30.360700 -2.969130 -30.249200
36 +-30.985700 -31.939700 -2.592930 -30.938000
37 +-29.466400 -31.582500 -1.990940 -31.410700
38 +-30.321200 -32.438200 -1.311310 -31.809500
39 +-30.181100 -32.545200 -0.597500 -32.173700
40 +-29.348800 -32.486900 0.274763 -32.366200
41 +-28.888100 -32.786300 1.181970 -32.388400
42 +-28.621100 -33.380400 2.021190 -32.339200
43 +-27.261800 -33.014800 2.910100 -32.355400
44 +-26.910400 -33.353900 3.744550 -32.428200
45 +-26.618800 -33.677200 4.741970 -32.315900
46 +-25.892600 -33.698100 5.764850 -32.066200
47 +-25.590600 -34.022600 6.718650 -31.688700
48 +-25.689300 -34.596700 7.635550 -31.052500
49 +-25.481500 -34.882500 8.306540 -30.613500
50 +-24.728000 -34.900300 9.199720 -30.133500
51 +-23.188700 -34.580200 10.208500 -29.505000
52 +-23.488200 -35.111500 11.117100 -28.865200
53 +-23.299200 -35.504300 11.879300 -28.267400
54 +-23.089500 -35.821600 12.448700 -27.753000
55 +-22.558600 -35.879100 12.765400 -27.371700
56 +-22.008000 -35.948300 13.164400 -26.885400
57 +-21.885600 -36.319300 13.435200 -26.663700
58 +-21.895100 -36.898000 13.578400 -26.908400
59 +-21.878200 -37.171700 13.820600 -27.090200
60 +-21.606800 -37.086900 14.236700 -27.028200
61 +-21.602700 -37.195700 14.836500 -26.674800
62 +-22.148300 -37.541900 15.215100 -26.455200
63 +-22.486700 -37.699100 15.262500 -26.417600
64 +-22.463700 -37.762200 15.204800 -26.307800
65 +-22.798200 -38.006000 14.912900 -26.268600
66 +-23.206400 -38.301200 14.433900 -26.189900
67 +-23.229300 -38.287500 13.820200 -25.915300
68 +-23.545100 -38.342700 13.175100 -25.540600
69 +-24.123200 -38.508400 12.394500 -25.196300
70 +-24.563900 -38.543400 11.527800 -24.934700
71 +-24.867500 -38.576500 11.050100 -24.506800
72 +-24.976500 -38.617000 10.431500 -23.882300
73 +-25.092600 -38.474300 9.329290 -23.269200
74 +-25.547700 -38.373700 7.843340 -22.634800
75 +-25.962700 -38.315200 6.840590 -21.875000
76 +-26.344600 -38.385500 5.501200 -20.863500
77 +-26.844000 -38.062600 3.735620 -19.852700
78 +-27.335800 -37.690300 1.571320 -18.845900
79 +-27.546200 -37.387000 0.740523 -17.976800
80 +-27.598400 -36.885400 -0.333188 -17.152400
81 +-27.612100 -36.443100 -2.613490 -16.441100
82 +-27.878200 -36.241200 -3.289090 -16.120400
83 +-28.093100 -35.838500 -4.250840 -15.693800
84 +-28.293500 -35.117300 -5.432830 -15.149800
85 +-28.714500 -34.593800 -6.839700 -14.621500
86 +-29.228200 -34.361200 -8.097700 -13.914700
87 +-29.526800 -33.968100 -9.290710 -13.151600
88 +-29.666600 -33.387500 -10.637500 -12.555200
89 +-30.022800 -32.907100 -12.011100 -12.033000
90 +-30.462100 -32.470000 -13.301800 -11.525300
91 +-31.016500 -31.966200 -14.610200 -11.126700
92 +-31.297600 -31.464600 -15.745800 -10.710100
93 +-31.363600 -30.940700 -16.754300 -10.206400
94 +-31.644600 -30.547300 -17.910200 -9.738070
95 +-32.016400 -30.251700 -19.099100 -9.332710
96 +-32.371200 -29.983700 -20.244400 -8.919490
97 +-32.720000 -29.692900 -21.257200 -8.429150
98 +-32.826000 -29.120800 -22.259300 -8.043420
99 +-33.012000 -28.654300 -23.259200 -7.742210
100 +-33.254800 -28.287300 -24.248000 -7.537820
101 +-33.426300 -27.766900 -25.015700 -7.130300
102 +-33.404600 -27.362900 -25.610100 -6.464150
103 +-33.445900 -26.965500 -26.193400 -5.828520
104 +-33.711400 -26.573400 -26.634600 -5.237920
105 +-33.891300 -26.165700 -27.013600 -4.604130
106 +-34.014300 -25.682500 -27.444900 -3.993030
107 +-34.019300 -25.140600 -27.917400 -3.479290
108 +-33.957200 -24.513100 -28.189200 -3.028160
109 +-34.377300 -24.264900 -28.578000 -2.494300
110 +-34.829900 -24.184200 -28.733600 -1.832910
111 +-34.815800 -23.706500 -28.833500 -1.162270
112 +-34.917100 -23.160700 -28.895400 -0.330934
113 +-35.045900 -22.903700 -28.672200 0.544263
114 +-35.034700 -22.430700 -28.417000 1.293720
115 +-35.040000 -21.907600 -28.529600 1.912710
116 +-35.086000 -21.598800 -28.179000 2.600720
117 +-35.332300 -21.322100 -27.740900 3.386200
118 +-35.476800 -20.934200 -27.305200 4.204470
119 +-35.888900 -20.899300 -27.182100 4.851140
120 +-36.562300 -20.942600 -26.770700 5.452350
121 +-37.033400 -20.790000 -26.131200 5.922840
122 +-37.316800 -20.708200 -25.496300 6.365980
123 +-37.713400 -20.514800 -25.011200 6.845400
124 +-37.792400 -20.211900 -24.633800 7.378990
125 +-37.725200 -20.109500 -24.868300 7.721800
126 +-38.118100 -20.376600 -25.082700 8.202580
127 +-38.598000 -20.591300 -25.200800 8.882070
128 +-38.478600 -20.412400 -25.485600 9.495420
129 +-38.500800 -20.426200 -25.604900 9.914640
130 +-39.039500 -20.807500 -25.432600 10.345500
131 +-39.339400 -21.146500 -25.365100 10.553100
132 +-39.380800 -21.543200 -25.317200 10.499000
133 +-39.242600 -21.770300 -24.948600 10.272900
134 +-39.244100 -21.985000 -24.226200 9.965110
135 +-39.172100 -22.160200 -23.581700 9.421070
136 +-38.585500 -22.338100 -23.210500 8.618260
137 +-38.103700 -22.562400 -22.984600 7.610090
138 +-38.046400 -22.928100 -22.744600 6.616290
139 +-38.093000 -23.234300 -22.359300 5.528330
140 +-38.107900 -23.718200 -21.759200 4.386180
141 +-37.991700 -24.339600 -21.123900 3.122860
142 +-37.706000 -24.730900 -20.362100 1.701960
143 +-37.723600 -24.931900 -19.504100 0.231366
144 +-37.631400 -25.159100 -18.567000 -1.278860
145 +-37.422200 -25.354700 -17.677700 -2.829260
146 +-37.168700 -25.299600 -16.910800 -4.269360
147 +-36.691500 -25.086400 -16.203000 -5.754970
148 +-36.337300 -25.155300 -15.284400 -7.104160
149 +-36.249000 -25.431100 -14.324600 -8.372540
150 +-36.089900 -25.520400 -13.382100 -9.594370
151 +-35.706600 -25.484800 -12.461100 -10.846000
152 +-35.323800 -25.624300 -11.731800 -12.205400
153 +-34.742000 -25.918900 -11.095000 -13.558400
154 +-33.997800 -26.038600 -10.334100 -14.794100
155 +-33.227100 -25.978800 -9.495770 -15.898100
156 +-32.611700 -26.111100 -8.800060 -17.127200
157 +-32.292900 -26.449500 -8.103920 -18.365200
158 +-32.052000 -27.146600 -7.449290 -19.524200
159 +-31.770900 -27.731800 -6.955700 -20.619500
160 +-31.304200 -27.860800 -6.504850 -21.667100
161 +-30.602200 -27.952000 -6.161440 -22.864900
162 +-29.924500 -28.225500 -5.622800 -23.777500
163 +-29.386400 -28.550400 -5.036850 -24.562800
164 +-28.969500 -29.017500 -4.554140 -25.489900
165 +-28.747600 -29.452900 -3.960750 -26.248000
166 +-28.455600 -29.792500 -3.394860 -26.874700
167 +-27.928700 -30.004200 -2.925340 -27.669900
168 +-27.029300 -30.131900 -2.428720 -28.376700
169 +-26.299200 -30.284500 -1.818580 -28.859900
170 +-25.801300 -30.538600 -1.266970 -29.266200
171 +-25.489900 -31.028500 -0.713066 -29.661000
172 +-25.021400 -31.151300 0.129542 -29.854400
173 +-24.590100 -31.222800 1.079410 -29.860200
174 +-24.143100 -31.630800 1.948970 -30.065000
175 +-23.648000 -31.933500 2.677180 -30.140500
176 +-23.059500 -32.059700 3.531420 -30.032300
177 +-22.548600 -32.297700 4.482720 -29.878500
178 +-22.114700 -32.658500 5.470530 -29.739400
179 +-21.789500 -32.850800 6.472110 -29.647700
180 +-21.486500 -32.953400 7.418050 -29.440700
181 +-21.241300 -33.110800 8.236020 -29.064900
182 +-20.977900 -33.425200 9.127860 -28.730300
183 +-20.740400 -33.817100 10.035700 -28.465600
184 +-20.381000 -34.007600 10.855900 -28.127400
185 +-20.193800 -34.304000 11.587900 -27.913500
186 +-20.362800 -34.863600 12.243600 -27.774400
187 +-20.242800 -35.015500 12.933800 -27.622400
188 +-19.897800 -35.073700 13.442800 -27.726500
189 +-19.365200 -35.126500 13.943600 -27.878200
190 +-19.223500 -35.283700 14.305600 -28.132800
191 +-19.435200 -35.424800 14.749700 -28.446100
192 +-19.514700 -35.465400 15.252500 -28.551700
193 +-19.503400 -35.554700 15.475200 -28.463000
194 +-19.725400 -35.760400 15.992200 -28.257400
195 +-19.916800 -35.623800 16.218000 -28.100000
196 +-20.006600 -35.363600 16.554900 -27.750200
197 +-20.356800 -35.559000 16.779900 -27.322700
198 +-21.070200 -36.255500 16.532900 -26.917600
199 +-21.541500 -36.878400 16.252400 -26.463700
200 +-21.789500 -37.048000 15.693600 -26.273900
201 +-22.121000 -37.148800 15.250300 -25.823600
202 +-22.423600 -37.273900 14.585600 -25.275500
203 +-22.784400 -37.402000 13.450600 -24.930600
204 +-23.337500 -37.571200 12.332600 -24.577600
205 +-23.685000 -37.537500 11.405000 -23.989200
206 +-23.945200 -37.321900 10.352200 -23.156600
207 +-24.357100 -37.362600 9.302680 -22.147900
208 +-25.057100 -37.471800 8.338740 -21.095300
209 +-25.736900 -37.530500 7.169950 -20.180200
210 +-26.164500 -37.276100 5.654560 -19.397900
211 +-26.623100 -36.870600 4.090220 -18.625200
212 +-27.229400 -36.537900 2.691520 -17.673500
213 +-27.671500 -36.076200 1.432620 -16.681000
214 +-27.495000 -35.287200 0.106589 -15.837000
215 +-27.623900 -34.815100 -1.159390 -15.002000
216 +-28.104000 -34.456900 -2.425010 -14.236300
217 +-28.420100 -33.989000 -3.731660 -13.505600
218 +-28.673000 -33.411400 -4.736870 -12.584100
219 +-28.889600 -32.709300 -5.614220 -11.583500
220 +-29.365900 -32.075300 -6.788890 -10.799900
221 +-29.809600 -31.701800 -8.126470 -10.138100
222 +-30.148300 -31.345300 -9.398150 -9.499370
223 +-30.584700 -30.738000 -10.389600 -8.830380
224 +-31.025300 -30.124100 -11.317000 -8.110740
225 +-31.550600 -29.612000 -12.613500 -7.541020
226 +-32.087000 -29.299100 -14.155300 -7.061240
227 +-32.294500 -28.966600 -15.429100 -6.363150
228 +-32.393300 -28.624000 -16.376600 -5.596610
229 +-32.569100 -28.126700 -17.356200 -5.125740
230 +-32.929500 -27.850600 -18.439900 -4.825400
231 +-33.140000 -27.633300 -19.178100 -4.630900
232 +-33.272600 -27.027900 -20.107200 -4.373760
233 +-33.448200 -26.408900 -21.007600 -3.984170
234 +-33.627200 -26.205900 -22.007900 -3.608380
235 +-33.794300 -26.107600 -22.902500 -3.143350
236 +-34.055200 -26.022900 -23.625000 -2.670410
237 +-34.288000 -25.902000 -24.196500 -2.177210
238 +-34.463900 -25.229300 -24.760500 -1.698630
239 +-34.579400 -24.563600 -25.250800 -1.219130
240 +-34.432000 -24.336600 -25.456000 -0.542163
241 +-34.594500 -24.233600 -25.710000 0.173929
242 +-34.855900 -23.900700 -26.044900 0.634445
243 +-35.161200 -23.525700 -26.350100 1.225570
244 +-35.638200 -23.336900 -26.180800 1.970120
245 +-35.905600 -22.931200 -26.130900 2.800900
246 +-35.862000 -22.192400 -26.166100 3.407360
247 +-35.668100 -21.488200 -26.070500 4.053020
248 +-35.800800 -21.138000 -25.818700 4.786720
249 +-36.460200 -21.162800 -25.633400 5.371710
250 +-37.135700 -21.193900 -25.528100 5.842560
251 +-37.347600 -20.750900 -25.149700 6.552620
252 +-37.241800 -20.186400 -24.831900 7.223230
253 +-37.324900 -19.904600 -24.583800 7.866160
254 +-37.684800 -19.702800 -24.284400 8.428730
255 +-37.935300 -19.384500 -23.910600 8.945630
256 +-38.232700 -19.229200 -23.536000 9.510050
257 +-38.768500 -19.270900 -23.532700 9.891020
258 +-39.285700 -19.227100 -23.828200 10.235200
259 +-39.663000 -19.154300 -24.268800 10.615900
260 +-39.748700 -19.104100 -24.673400 11.049200
261 +-39.843800 -18.998900 -24.799300 11.590300
262 +-39.998100 -19.128400 -24.918000 11.944700
263 +-40.130200 -19.292200 -25.133800 12.099800
264 +-40.395400 -19.783700 -25.247800 12.224200
265 +-40.695300 -20.475700 -24.902400 12.556000
266 +-40.563600 -20.632300 -24.207300 12.693500
267 +-40.311800 -20.871100 -23.868600 12.188400
268 +-40.219100 -21.562800 -23.850100 11.347500
269 +-40.019900 -22.056100 -23.428900 10.711900
270 +-39.887200 -22.416400 -22.913000 10.023700
271 +-40.114200 -23.020300 -22.709800 8.716220
272 +-40.085500 -23.670100 -22.314300 7.451550
273 +-39.843200 -24.332400 -21.505000 6.334360
274 +-39.858200 -24.868000 -20.710600 4.997560
275 +-39.709200 -24.874600 -19.987700 3.330930
276 +-39.575200 -24.947300 -19.088500 1.679840
277 +-39.531800 -25.115300 -18.252900 0.033813
278 +-39.249400 -24.991200 -17.471200 -1.599410
279 +-38.863100 -24.914700 -16.640000 -3.135650
280 +-38.827200 -25.285400 -15.728800 -4.553320
281 +-38.852500 -25.627700 -14.881200 -5.910230
282 +-38.520400 -25.664600 -14.110800 -7.447850
283 +-38.022900 -25.518100 -13.272400 -8.904780
284 +-37.865800 -25.700800 -12.634100 -10.310500
285 +-37.885800 -26.082600 -12.165100 -11.764300
286 +-37.540900 -26.152200 -11.807600 -13.282200
287 +-37.089800 -26.232600 -11.050200 -14.401400
288 +-36.667800 -26.447700 -10.175700 -15.435800
289 +-36.435400 -26.819600 -9.512330 -16.741700
290 +-36.149300 -27.142900 -8.915240 -18.133500
291 +-35.884000 -27.231300 -8.341570 -19.398600
292 +-35.467600 -27.237300 -7.520650 -20.256500
293 +-35.034500 -27.586200 -6.767110 -21.138200
294 +-34.869500 -28.222400 -6.175420 -22.203200
295 +-34.843400 -28.431000 -5.653930 -23.210500
296 +-34.292500 -28.115400 -5.026960 -23.989600
297 +-33.996000 -28.037300 -4.346190 -24.645200
298 +-33.623900 -28.491600 -3.780030 -25.429300
299 +-33.347400 -28.915100 -3.137070 -26.211900
300 +-33.025900 -28.942500 -2.417470 -26.931300
301 +-32.635400 -29.071500 -1.597910 -27.603600
302 +-32.209000 -29.449600 -0.658260 -28.123400
303 +-31.762400 -29.710900 0.472514 -28.352600
304 +-31.275300 -29.750900 1.487640 -28.512800
305 +-30.849800 -29.791900 2.320070 -28.680100
306 +-30.690500 -30.172700 2.963780 -28.989100
307 +-30.342500 -30.426900 3.439920 -29.333000
308 +-29.838800 -30.597800 4.240080 -29.353300
309 +-29.584800 -31.073600 5.392420 -29.195500
310 +-29.277300 -31.252100 6.581250 -29.032200
311 +-28.624000 -31.342100 7.515540 -29.048800
312 +-28.076000 -31.539400 8.431350 -28.864900
313 +-27.787100 -31.616500 9.354480 -28.623400
314 +-27.413200 -31.643400 10.189600 -28.603000
315 +-27.083500 -32.009700 11.191000 -28.482200
316 +-26.682600 -32.159700 12.260900 -28.075400
317 +-26.199700 -32.185000 13.326100 -27.748300
318 +-26.027000 -32.655800 14.363100 -27.609000
319 +-25.871100 -33.010600 15.169300 -27.171600
320 +-25.483100 -32.877100 15.609000 -26.713600
321 +-25.333400 -32.965900 15.904100 -26.592100
322 +-25.262800 -33.381100 15.996100 -26.664800
323 +-24.910800 -33.504900 15.990500 -26.740800
324 +-24.759900 -33.706600 16.288200 -26.698400
325 +-24.641100 -34.098200 16.756400 -26.710900
326 +-24.503200 -34.465800 17.102200 -26.693000
327 +-24.449500 -34.703100 17.206200 -26.576900
328 +-24.550700 -34.910000 17.241100 -26.259500
329 +-24.697400 -35.179600 17.093900 -25.972800
330 +-24.913800 -35.485400 16.661800 -25.836500
331 +-24.982500 -35.854800 16.283200 -25.424300
332 +-25.263900 -36.424900 15.818700 -24.862300
333 +-25.485600 -36.959500 15.146500 -24.182900
334 +-25.437500 -37.074700 14.308000 -23.569200
335 +-25.408800 -37.272400 13.299700 -23.036200
336 +-25.583700 -37.625500 11.907900 -22.785300
337 +-25.929000 -37.852200 10.499100 -22.493700
338 +-26.435400 -38.086100 9.480660 -21.798800
339 +-27.045600 -38.433600 8.422880 -21.062200
340 +-27.470500 -38.584000 7.171800 -20.309600
341 +-27.691400 -38.402700 5.775860 -19.461500
342 +-27.934400 -38.142400 4.293050 -18.578400
343 +-28.218700 -37.793200 2.606640 -17.817700
344 +-28.496000 -37.457300 0.883406 -17.115100
345 +-28.681300 -36.986200 -0.627424 -16.402700
346 +-28.848100 -36.672400 -1.958130 -15.671900
347 +-29.109900 -36.454400 -3.181830 -14.933400
348 +-29.385400 -36.218800 -4.324560 -14.187700
349 +-29.436400 -35.900500 -5.518870 -13.397300
350 +-29.614400 -35.569900 -6.688010 -12.518900
351 +-30.033800 -35.063200 -7.986660 -11.654800
352 +-30.370300 -34.532700 -9.177900 -10.803800
353 +-30.941500 -34.580100 -10.314700 -10.040800
354 +-31.334700 -34.488800 -11.500500 -9.453150
355 +-31.680900 -34.158500 -12.555800 -8.839580
356 +-31.917000 -33.732400 -13.621200 -8.174530
357 +-32.102000 -33.331700 -14.740900 -7.544650
358 +-32.589800 -32.962400 -15.922100 -7.048970
359 +-33.008500 -32.744500 -17.157800 -6.730590
360 +-33.196400 -32.519000 -18.151000 -6.244270
361 +-33.624500 -32.193700 -19.141200 -5.728290
362 +-33.989800 -31.712400 -20.154300 -5.296590
363 +-34.271200 -31.301900 -21.050200 -4.794590
364 +-34.448000 -30.897800 -21.939900 -4.361400
365 +-34.626200 -30.515500 -22.795600 -3.891530
366 +-34.976500 -30.080000 -23.422100 -3.341100
367 +-35.418400 -29.537400 -24.011100 -2.815660
368 +-35.988000 -29.354100 -24.798000 -2.422520
369 +-36.532100 -29.321200 -25.474100 -2.137190
370 +-36.108000 -28.446100 -25.851300 -1.787670
371 +-36.305400 -28.188700 -26.174500 -1.367230
372 +-36.656200 -28.014900 -26.412800 -0.881926
373 +-36.830000 -27.675400 -26.461100 -0.312122
374 +-36.554800 -27.018700 -26.384800 0.241695
375 +-36.244200 -26.537500 -26.362200 0.676749
376 +-36.371300 -26.616800 -26.233300 1.124390
377 +-36.626100 -26.284800 -26.014400 1.705070
378 +-36.729500 -25.649200 -25.737300 2.335740
379 +-36.675400 -25.259600 -25.635500 2.788530
380 +-36.815300 -25.114100 -25.499200 3.424730
381 +-37.184100 -25.037300 -25.136900 4.376200
382 +-37.424900 -24.653000 -24.730900 5.282510
383 +-37.384100 -24.336100 -24.452200 6.027320
384 +-37.488100 -24.159700 -24.133100 6.650760
1 +-23.919300 -37.152900 7.298750 -23.166800
2 +-25.434800 -37.889300 6.323000 -22.274300
3 +-25.584000 -37.789100 5.405110 -21.171400
4 +-25.037500 -37.244200 4.356990 -20.227400
5 +-25.154800 -36.924700 3.051010 -19.411200
6 +-25.886700 -36.981700 1.838850 -18.577100
7 +-26.205400 -36.914700 0.635821 -17.813500
8 +-26.308800 -36.565300 -0.573123 -17.084200
9 +-26.900100 -36.245800 -1.705360 -16.245900
10 +-27.401500 -36.070900 -2.904830 -15.421700
11 +-27.003500 -35.588500 -4.144410 -14.633300
12 +-26.741800 -34.478200 -5.301570 -13.844000
13 +-27.091200 -33.837300 -6.484530 -13.131800
14 +-27.913100 -33.522700 -7.639460 -12.430600
15 +-28.924700 -33.396700 -8.861380 -11.826200
16 +-29.280400 -32.966900 -10.041500 -11.189200
17 +-29.362700 -32.409500 -11.424000 -10.736700
18 +-30.482500 -32.611400 -12.588500 -10.135100
19 +-28.828300 -31.235500 -13.635100 -9.554040
20 +-29.542500 -30.987500 -14.766100 -9.185650
21 +-29.711000 -30.344800 -16.095700 -8.969560
22 +-29.914800 -29.900300 -17.375200 -8.599130
23 +-30.028600 -29.348500 -18.423100 -8.124970
24 +-30.449200 -28.993300 -19.410700 -7.698550
25 +-31.185800 -29.018000 -20.257900 -7.202530
26 +-31.399300 -28.613900 -21.041900 -6.724050
27 +-31.522000 -28.140200 -21.979700 -6.382040
28 +-31.751500 -27.868100 -22.941700 -6.054690
29 +-31.937700 -27.528700 -23.682800 -5.582380
30 +-32.354700 -27.300700 -24.449700 -5.196230
31 +-31.983000 -26.304000 -25.160400 -4.775490
32 +-31.437300 -25.130400 -25.743100 -4.215350
33 +-33.713300 -26.281400 -26.014400 -3.647300
34 +-33.042400 -25.309600 -26.375900 -3.099240
35 +-32.872600 -24.674600 -26.728800 -2.453830
36 +-32.963100 -24.128800 -27.088900 -1.804720
37 +-33.285000 -23.686900 -27.316200 -1.208220
38 +-33.626600 -23.101900 -27.570400 -0.600007
39 +-34.028200 -22.673200 -28.002100 0.075862
40 +-34.343800 -22.346000 -28.136600 0.813147
41 +-34.687100 -22.082100 -27.918500 1.590030
42 +-34.741300 -21.664300 -27.598700 2.372880
43 +-34.771200 -21.253900 -27.584300 3.086750
44 +-34.978700 -21.209500 -27.442200 3.758860
45 +-35.043400 -20.884600 -26.821000 4.429970
46 +-34.997200 -20.419200 -26.508000 5.192150
47 +-35.326000 -20.086200 -26.036500 6.130140
48 +-35.652600 -20.023400 -25.806700 6.857980
49 +-35.894300 -20.036400 -25.769800 7.429700
50 +-36.198000 -19.933100 -25.408400 7.967020
51 +-36.367500 -19.965500 -24.862500 8.315400
52 +-36.675400 -20.223400 -24.808200 8.728850
53 +-36.682900 -20.042500 -25.278800 8.990160
54 +-36.541400 -19.811300 -25.608100 9.662970
55 +-36.601200 -19.982600 -25.747000 10.154600
56 +-36.638400 -20.029600 -25.793000 10.703700
57 +-36.500100 -20.162500 -25.328700 10.989800
58 +-36.647100 -20.605300 -24.993900 11.188700
59 +-36.835700 -21.119300 -24.627600 11.406900
60 +-36.991100 -21.554400 -23.998900 11.635800
61 +-37.105200 -21.890500 -23.515000 11.653200
62 +-37.341400 -22.517900 -23.078800 11.501800
63 +-37.627200 -23.392500 -22.471400 11.052400
64 +-37.822300 -24.128200 -21.841100 10.312000
65 +-38.210800 -24.715100 -21.280700 9.392280
66 +-38.235900 -25.056300 -20.646300 8.460970
67 +-37.780500 -25.247500 -20.114100 7.363910
68 +-37.736000 -25.762100 -19.558200 6.158970
69 +-37.932300 -26.602000 -18.606100 5.115880
70 +-37.804200 -27.109800 -17.663300 3.866650
71 +-37.494000 -27.246200 -16.727900 2.415490
72 +-37.325600 -27.378900 -15.620100 0.980806
73 +-37.274300 -27.743700 -14.605000 -0.428332
74 +-37.277900 -28.183700 -13.923300 -2.068460
75 +-37.011600 -28.376200 -13.151400 -3.674400
76 +-36.672300 -28.326500 -12.297400 -5.222480
77 +-36.529000 -28.483200 -11.533300 -6.795470
78 +-36.323200 -28.446700 -10.773600 -8.284310
79 +-35.821900 -28.025900 -9.969720 -9.546190
80 +-35.228600 -27.723900 -9.019660 -10.777500
81 +-34.819400 -28.068300 -8.440190 -12.318800
82 +-34.418400 -28.487100 -7.819000 -13.589000
83 +-33.859000 -28.672700 -6.999320 -14.766200
84 +-33.916000 -29.240800 -6.058530 -15.946700
85 +-33.159700 -29.236500 -5.471570 -17.231700
86 +-32.608000 -29.476900 -4.955810 -18.593300
87 +-32.377100 -29.674600 -4.489620 -19.736500
88 +-32.067100 -30.081500 -4.350730 -20.896700
89 +-31.601800 -30.446700 -3.797280 -22.006200
90 +-31.175400 -30.617700 -3.406470 -23.055500
91 +-30.603400 -30.669400 -3.126930 -23.887400
92 +-30.193600 -30.940700 -2.948200 -24.848200
93 +-29.828200 -31.206800 -2.749540 -25.909200
94 +-29.016400 -31.209800 -2.443420 -26.879400
95 +-28.426600 -31.410000 -2.005930 -27.511700
96 +-28.192800 -31.697300 -1.348410 -28.027800
97 +-27.772400 -31.784900 -0.767944 -28.680400
98 +-27.274200 -32.142600 -0.362280 -29.247300
99 +-26.567100 -32.405100 0.029498 -29.742500
100 +-25.648600 -32.438400 0.464234 -30.235000
101 +-25.209900 -32.577200 0.876957 -30.707900
102 +-24.993800 -32.934200 1.387700 -31.065300
103 +-24.600500 -33.052100 2.040010 -31.172200
104 +-24.217200 -33.077500 2.743780 -31.194600
105 +-23.712400 -33.262400 3.314430 -31.304500
106 +-23.043400 -33.373500 3.892790 -31.443000
107 +-22.689900 -33.593300 4.716200 -31.471900
108 +-22.725000 -33.905500 5.693480 -31.297500
109 +-22.449700 -34.120100 6.541990 -30.867200
110 +-21.834300 -34.264100 7.116120 -30.584300
111 +-21.673100 -34.419200 7.814320 -30.385500
112 +-21.296300 -34.332800 8.756360 -30.056000
113 +-20.603100 -34.192300 9.582530 -29.598000
114 +-20.238700 -34.479200 10.194400 -29.118000
115 +-20.184800 -34.941500 10.689300 -28.683200
116 +-20.035000 -35.026900 11.218800 -28.328700
117 +-19.805500 -34.992900 11.742800 -27.871600
118 +-19.776600 -35.166400 11.948600 -27.834700
119 +-19.628600 -35.173800 12.159700 -28.132600
120 +-19.210400 -34.897400 12.727400 -28.202300
121 +-18.863500 -34.853300 13.290900 -28.344700
122 +-18.833000 -34.938000 13.752200 -28.554100
123 +-19.037600 -34.893300 14.210100 -28.440300
124 +-19.236700 -34.834200 14.556500 -28.190300
125 +-19.284600 -34.899500 14.781600 -27.890000
126 +-19.397900 -34.919600 14.950300 -27.629800
127 +-20.042100 -35.212000 14.906500 -27.527400
128 +-20.783300 -35.636400 14.584500 -27.422500
129 +-21.017100 -35.587200 14.354200 -27.013900
130 +-21.214500 -35.428200 14.006800 -26.520500
131 +-21.658700 -35.544700 13.312200 -26.104600
132 +-22.065500 -35.734900 12.432000 -25.675400
133 +-22.559700 -35.726300 11.403000 -25.322600
134 +-23.145200 -35.605200 10.114500 -24.954900
135 +-23.561600 -35.514800 8.841890 -24.398300
136 +-23.915600 -35.547700 7.684970 -23.676500
137 +-24.170200 -35.400800 6.415290 -22.997000
138 +-24.443300 -35.183300 4.954520 -22.215800
139 +-24.646800 -34.917100 3.363360 -21.512200
140 +-24.653100 -34.487200 1.054510 -20.544600
141 +-24.805200 -34.129400 0.266953 -19.686600
142 +-25.153800 -33.944300 -1.148420 -18.855700
143 +-25.442700 -33.854700 -2.599670 -18.227500
144 +-25.764500 -33.537300 -4.017480 -17.617900
145 +-25.973700 -32.912700 -5.454980 -16.965800
146 +-25.898500 -32.551900 -6.658520 -16.189700
147 +-25.851500 -31.993500 -7.801940 -15.514200
148 +-25.970800 -31.590600 -9.021810 -14.933900
149 +-26.231700 -31.291900 -10.417200 -14.436200
150 +-26.742800 -31.039700 -11.720100 -13.836300
151 +-27.065500 -30.437600 -13.276100 -13.320200
152 +-27.393700 -29.856900 -14.451500 -12.740500
153 +-27.802900 -29.492900 -15.559500 -12.067600
154 +-28.167300 -29.281100 -16.634200 -11.444900
155 +-28.199300 -28.872300 -17.661000 -10.768100
156 +-28.139100 -28.313300 -18.593700 -10.043300
157 +-28.408500 -27.906200 -19.575600 -9.462510
158 +-28.853800 -27.917800 -20.468500 -8.909420
159 +-29.038200 -27.871900 -21.350600 -8.345590
160 +-29.060500 -27.456800 -22.275600 -7.738800
161 +-29.105100 -27.117400 -23.195400 -7.227610
162 +-29.236000 -26.828800 -23.987100 -6.814410
163 +-29.199600 -26.152300 -24.616400 -6.327740
164 +-29.507700 -25.722400 -25.211200 -5.811560
165 +-30.050000 -25.592000 -25.737700 -5.279070
166 +-30.323900 -25.497400 -26.170900 -4.664350
167 +-30.697400 -25.412100 -26.636000 -4.123650
168 +-30.929800 -24.946000 -27.044900 -3.535410
169 +-31.104300 -24.541800 -27.239700 -2.734950
170 +-31.449600 -24.328600 -27.328800 -1.871630
171 +-31.612300 -24.060600 -27.441400 -1.280100
172 +-31.657700 -23.597100 -27.580000 -0.739282
173 +-32.113800 -23.109300 -27.608200 -0.062406
174 +-32.809800 -22.800400 -27.679300 0.542440
175 +-33.104100 -22.419900 -27.536100 1.255300
176 +-33.171900 -22.186900 -27.504400 1.841920
177 +-33.374600 -22.198100 -27.480500 2.357010
178 +-33.664200 -21.994900 -27.266900 3.000450
179 +-34.038600 -21.560200 -26.821400 3.695740
180 +-34.453700 -21.213400 -26.334400 4.448400
181 +-34.895000 -21.113700 -25.846600 5.207900
182 +-35.332900 -21.259800 -25.576700 5.761000
183 +-35.708100 -21.239000 -25.421900 6.129460
184 +-36.113600 -20.905100 -25.324500 6.493670
185 +-36.465800 -20.539600 -25.269100 6.863760
186 +-36.788300 -20.368700 -25.279700 7.306910
187 +-37.072300 -20.268400 -25.380300 7.742040
188 +-37.295800 -20.351500 -25.466000 8.217630
189 +-37.558200 -20.541600 -25.651900 8.676340
190 +-37.653800 -20.398000 -25.652300 9.170320
191 +-37.526600 -20.143800 -25.405400 9.777760
192 +-37.652800 -20.219100 -25.373500 10.239100
193 +-37.766700 -20.458400 -25.577600 10.511500
194 +-37.764300 -20.718200 -25.440600 10.869600
195 +-37.976300 -20.997800 -25.320500 10.937400
196 +-38.079100 -21.099600 -25.129000 10.774200
197 +-37.977300 -21.448700 -24.711900 10.628800
198 +-37.740800 -21.906900 -24.147400 10.244200
199 +-37.386800 -22.155400 -23.500500 9.513160
200 +-37.265700 -22.670800 -22.967900 8.578540
201 +-37.171300 -23.297600 -22.535400 7.519510
202 +-37.163100 -23.681000 -21.712000 6.550250
203 +-37.441700 -24.213700 -20.990200 5.402630
204 +-37.846800 -24.896500 -20.152800 4.051490
205 +-37.793100 -25.081000 -19.452500 2.626740
206 +-37.360700 -24.956000 -18.451500 1.222100
207 +-37.178500 -25.294500 -17.549700 -0.098493
208 +-36.945900 -25.732300 -16.772900 -1.437330
209 +-36.567100 -25.562900 -16.106200 -2.962050
210 +-36.424700 -25.378700 -15.346500 -4.431330
211 +-36.283700 -25.459500 -14.390000 -5.676660
212 +-35.958300 -25.727900 -13.567800 -6.981070
213 +-35.388100 -25.802000 -12.706200 -8.171380
214 +-34.877900 -25.934300 -11.750800 -9.304310
215 +-34.555600 -26.084900 -11.007800 -10.663900
216 +-34.317100 -26.114700 -10.413300 -12.067800
217 +-33.883000 -26.318800 -9.892920 -13.468700
218 +-33.621000 -26.817200 -9.264470 -14.553800
219 +-33.399700 -27.341000 -8.631170 -15.680000
220 +-32.937600 -27.811200 -8.141340 -17.042000
221 +-32.185400 -27.932500 -7.684760 -18.333300
222 +-31.561800 -28.049600 -7.195780 -19.548800
223 +-31.173600 -28.381500 -6.835650 -20.896400
224 +-30.626800 -28.646900 -6.418750 -22.064100
225 +-30.122200 -28.956200 -5.966760 -23.057400
226 +-29.530800 -29.355800 -5.454860 -24.088800
227 +-28.934600 -29.593100 -5.021910 -25.083400
228 +-28.361300 -29.543900 -4.584230 -26.007000
229 +-27.784700 -29.613300 -3.967430 -26.839000
230 +-27.236200 -29.996700 -3.324750 -27.632800
231 +-26.692000 -30.213900 -2.660240 -28.281800
232 +-26.320700 -30.313200 -2.038670 -28.805000
233 +-25.772900 -30.625600 -1.618980 -29.505600
234 +-25.325200 -30.978600 -1.186770 -30.053600
235 +-25.122300 -31.300000 -0.380713 -30.178900
236 +-24.683000 -31.517100 0.472094 -30.391400
237 +-24.128400 -31.754500 1.399660 -30.502600
238 +-23.710100 -31.988500 2.359300 -30.404400
239 +-23.411300 -32.373400 3.269880 -30.154500
240 +-22.833100 -32.518300 3.692800 -29.980500
241 +-22.299200 -32.712000 3.888300 -29.944900
242 +-21.945500 -32.951000 4.269220 -29.713100
243 +-21.427100 -32.965400 5.109250 -29.215600
244 +-20.747300 -32.877500 6.055710 -28.706100
245 +-20.361000 -32.926000 6.993810 -28.195900
246 +-20.231600 -33.208800 7.614390 -27.886800
247 +-19.911300 -33.349800 8.038040 -27.976700
248 +-19.696400 -33.413600 8.598980 -28.182200
249 +-19.703300 -33.681500 9.558240 -28.099100
250 +-19.627400 -34.204300 10.478700 -28.000200
251 +-19.557500 -34.606400 11.077900 -28.278700
252 +-19.346900 -34.522300 11.356200 -28.744100
253 +-19.012600 -34.220200 11.569300 -28.966900
254 +-18.839700 -34.245100 11.829100 -29.170500
255 +-18.535400 -34.224900 12.249900 -29.440000
256 +-18.660100 -34.132900 12.739500 -29.688700
257 +-19.101800 -34.184400 13.553400 -29.754000
258 +-19.327900 -34.065100 14.474200 -29.957400
259 +-19.589100 -34.189800 13.510600 -29.735100
260 +-20.062700 -34.350900 13.313400 -29.552600
261 +-20.346300 -34.371200 13.577000 -29.301700
262 +-20.696900 -34.615500 13.558200 -29.142100
263 +-21.137100 -35.079900 13.433100 -29.097800
264 +-21.476900 -35.419400 13.220100 -28.871000
265 +-21.715800 -35.467900 12.819000 -28.390400
266 +-21.932700 -35.385600 12.257000 -27.935400
267 +-22.133200 -35.461200 11.512700 -27.642700
268 +-22.565700 -35.579000 10.796000 -27.277100
269 +-23.195400 -35.615900 10.195700 -26.620700
270 +-23.797600 -35.527700 9.462130 -25.948700
271 +-24.428900 -35.613100 8.557210 -25.187900
272 +-24.990800 -35.487600 7.308600 -24.432200
273 +-25.093100 -35.113500 5.783730 -23.700500
274 +-25.286200 -34.807300 4.115760 -23.121700
275 +-25.656200 -34.618700 2.528050 -22.531900
276 +-26.035500 -34.392500 1.154100 -21.892700
277 +-26.213200 -33.987100 -0.039873 -21.103500
278 +-25.998400 -33.203300 -1.273710 -20.279400
279 +-25.884300 -32.514400 -2.691540 -19.601000
280 +-26.409800 -32.374800 -4.024380 -18.892000
281 +-26.752500 -32.106900 -5.173460 -18.147200
282 +-26.836300 -31.583700 -6.288310 -17.449500
283 +-26.934100 -30.968600 -7.470580 -16.741300
284 +-27.314600 -30.688000 -8.589350 -15.956400
285 +-27.673900 -30.345800 -9.707070 -15.219500
286 +-27.688300 -29.734000 -10.883800 -14.437700
287 +-27.989600 -29.232800 -12.141500 -13.805800
288 +-28.544000 -28.754400 -13.064300 -12.955000
289 +-28.858000 -28.291000 -14.342500 -12.393000
290 +-29.026500 -27.640500 -15.782600 -11.930900
291 +-29.001400 -27.060000 -16.776300 -11.141600
292 +-29.481100 -26.966000 -17.789200 -10.419300
293 +-30.087800 -26.622700 -18.883300 -9.848850
294 +-30.217600 -26.033300 -20.025300 -9.382330
295 +-30.611100 -26.186600 -21.188000 -8.863680
296 +-31.147200 -26.336200 -22.414800 -8.419580
297 +-31.600500 -26.148300 -23.371200 -7.888350
298 +-31.721600 -25.783700 -24.281500 -7.401110
299 +-32.083800 -25.514800 -25.112400 -6.930010
300 +-32.447400 -25.423000 -25.640900 -6.419230
301 +-32.360700 -24.928400 -26.260100 -5.768390
302 +-32.429600 -24.284400 -26.521500 -5.095620
303 +-33.024100 -24.224800 -26.954100 -4.519380
304 +-33.406400 -24.266700 -27.424500 -3.979180
305 +-33.497300 -24.075300 -27.707000 -3.418150
306 +-33.748600 -23.990700 -27.961300 -2.886830
307 +-33.983200 -23.755200 -28.044400 -2.202040
308 +-34.007800 -23.068700 -27.886700 -1.341270
309 +-34.120300 -22.716600 -27.769400 -0.521034
310 +-34.330500 -22.696700 -27.691500 0.198007
311 +-34.441500 -22.447000 -27.515800 0.901704
312 +-34.537500 -22.150600 -27.195300 1.712480
313 +-34.839600 -21.958100 -26.731100 2.531900
314 +-35.048500 -22.009400 -26.390200 3.116400
315 +-35.374700 -22.173400 -26.120900 3.665910
316 +-35.493700 -21.953900 -25.844700 4.351270
317 +-35.327900 -21.366100 -25.357500 5.088930
318 +-35.398000 -21.005100 -24.773400 5.829610
319 +-35.584200 -20.860300 -24.207600 6.462270
320 +-35.810900 -20.987700 -23.807600 6.836340
321 +-35.999200 -21.070800 -23.691100 6.949450
322 +-36.487800 -21.232200 -23.696200 7.225620
323 +-36.822500 -21.260900 -23.861700 7.628840
324 +-36.617600 -20.904400 -24.025800 8.262180
325 +-36.380100 -20.660300 -24.140300 8.914920
326 +-36.421200 -20.883400 -24.455300 9.364130
327 +-36.585200 -21.088500 -24.649900 9.880920
328 +-36.649300 -21.282300 -24.526000 10.643600
329 +-36.591600 -21.791200 -24.196900 11.276500
330 +-36.527100 -22.245800 -23.761400 11.598600
331 +-36.690200 -22.590700 -23.334300 11.572500
332 +-36.753100 -23.116800 -22.849900 11.208700
333 +-36.642500 -23.486700 -22.315500 10.693200
334 +-36.568900 -23.642900 -21.855000 10.169900
335 +-36.464400 -24.128500 -21.625400 9.307790
336 +-36.361100 -24.651300 -20.982400 8.723890
337 +-36.185800 -24.946900 -20.722200 7.639630
338 +-36.195700 -25.465900 -20.338800 6.623750
339 +-36.311800 -26.126100 -19.781200 5.641200
340 +-36.282900 -26.506000 -19.206800 4.479980
341 +-36.239300 -26.747100 -18.606000 3.040260
342 +-36.136600 -27.011000 -17.951500 1.408530
343 +-36.101900 -27.232900 -17.037700 -0.034773
344 +-35.752000 -27.029900 -16.285200 -1.612240
345 +-35.269500 -26.862900 -15.722900 -3.279850
346 +-34.906000 -26.923300 -14.931900 -4.628340
347 +-34.596800 -26.769200 -14.336300 -6.123010
348 +-34.564300 -26.937700 -13.913200 -7.765910
349 +-34.453400 -27.252700 -13.417100 -9.159010
350 +-34.053600 -27.423900 -12.742800 -10.328200
351 +-33.872100 -27.750800 -12.155000 -11.546800
352 +-33.601600 -28.040200 -11.805900 -12.943100
353 +-33.055200 -28.241500 -11.230300 -14.248700
354 +-32.232300 -27.935000 -10.464000 -15.377300
355 +-31.859000 -27.824200 -9.826760 -16.485700
356 +-31.295900 -27.826600 -9.312800 -17.556200
357 +-30.959900 -28.070400 -9.051610 -18.873200
358 +-30.502000 -28.099300 -8.768300 -20.159600
359 +-29.922200 -28.222000 -8.283550 -21.152800
360 +-29.311600 -28.620600 -7.859430 -22.272200
361 +-28.958000 -29.242300 -7.458730 -23.347100
362 +-28.768800 -29.940700 -7.056220 -24.362000
363 +-28.328000 -30.101000 -6.569750 -25.269500
364 +-27.617800 -30.167800 -5.971080 -26.021000
365 +-27.510800 -30.714100 -5.532150 -26.886300
366 +-27.079200 -31.071200 -5.003010 -27.594900
367 +-25.915800 -30.519000 -4.275320 -28.153900
368 +-25.069200 -30.465900 -3.563880 -28.739000
369 +-25.162300 -31.420400 -2.797590 -29.245100
370 +-24.961300 -32.111800 -1.817950 -29.671700
371 +-24.314200 -32.039500 -0.866057 -30.004100
372 +-23.520200 -31.807300 0.046434 -30.251800
373 +-23.106600 -32.165100 1.106340 -30.197100
374 +-23.121700 -32.820600 2.033430 -30.192200
375 +-23.035300 -33.376200 2.792900 -30.363400
376 +-22.801500 -33.655500 3.459360 -30.529000
377 +-22.383000 -33.385900 4.036000 -30.464500
378 +-22.074100 -33.523600 4.677210 -30.326200
379 +-21.812600 -33.673800 4.983760 -30.399800
380 +-21.685100 -34.083200 6.013870 -29.758600
381 +-21.495600 -34.259300 6.671910 -29.447800
382 +-21.220500 -34.682800 7.525440 -29.329500
383 +-20.555700 -34.504200 8.555160 -29.074300
384 +-20.499300 -34.797800 9.461380 -28.804100
385 +-20.680200 -35.294100 9.800840 -28.343900
386 +-20.664600 -35.445500 10.060700 -28.332600
387 +-20.652000 -35.796500 9.837630 -28.995500
388 +-20.366600 -36.034400 11.211900 -28.269000
389 +-19.876900 -35.959900 12.085100 -28.293600
390 +-19.792000 -36.117700 12.507000 -28.991200
391 +-20.114400 -36.563600 13.006500 -29.283800
392 +-20.093800 -36.647600 13.943200 -29.421000
393 +-19.775400 -36.526800 14.036700 -29.374500
394 +-19.675300 -36.557900 14.911300 -29.511600
395 +-19.901700 -36.707700 14.781600 -29.338300
396 +-21.510400 -38.251900 15.779700 -29.528100
397 +-20.776300 -37.554600 15.336000 -29.441900
398 +-20.492900 -37.366000 15.251900 -29.455700
399 +-21.072300 -37.952000 14.258400 -29.573600
400 +-21.102200 -37.852800 14.402600 -28.394500
401 +-22.312000 -39.077800 13.615700 -28.264000
402 +-22.092500 -38.899100 12.645200 -28.145500
403 +-22.475700 -39.060700 12.764100 -26.634000
404 +-23.863400 -40.328500 11.600800 -26.758300
405 +-23.458200 -39.587500 10.819200 -26.405100
406 +-23.297200 -39.022600 9.626950 -25.757100
407 +-23.938000 -38.869100 8.457350 -24.866300
408 +-24.274500 -38.719900 7.451070 -23.909700
409 +-24.896300 -38.929100 6.010370 -23.095600
410 +-24.476200 -38.202900 4.421300 -22.209900
411 +-25.017900 -38.182500 2.810350 -21.313900
412 +-25.373900 -37.872300 1.183200 -20.718600
413 +-25.810000 -37.723400 0.319371 -19.333800
414 +-26.333400 -37.915500 -1.429680 -19.111700
415 +-25.568600 -36.481400 -2.417950 -18.225500
416 +-26.891800 -37.306500 -3.227360 -17.087400
417 +-26.530600 -36.310000 -4.722260 -16.699300
418 +-25.694000 -34.674000 -6.145120 -16.231400
419 +-26.416800 -34.784000 -7.503240 -15.724900
420 +-27.316700 -35.081800 -8.757730 -15.143600
421 +-27.725400 -34.890900 -9.594600 -14.114500
422 +-28.092900 -34.612200 -10.876700 -13.664900
423 +-27.757300 -33.822300 -12.047900 -13.090200
424 +-27.627000 -33.336600 -13.187500 -12.529900
425 +-28.062100 -33.258300 -14.281000 -11.865900
426 +-28.767200 -33.358600 -15.285500 -11.211400
427 +-28.094200 -31.812500 -16.280000 -10.601000
428 +-27.941400 -30.626800 -17.893800 -10.767500
429 +-28.698300 -30.586500 -18.908400 -10.283100
430 +-28.522100 -29.862900 -19.875500 -9.655160
431 +-28.975300 -29.743000 -20.861300 -9.102990
432 +-29.256700 -29.319500 -21.110300 -7.620970
1 +-32.659200 -27.513700 -8.266810 -20.701200
2 +-32.908700 -28.111400 -7.737540 -21.634700
3 +-33.179500 -28.773500 -7.117670 -22.560000
4 +-32.648500 -28.900800 -6.666240 -23.555400
5 +-31.258100 -28.457000 -6.229540 -24.574100
6 +-29.730200 -27.934500 -5.712140 -25.522500
7 +-31.316200 -29.625200 -5.157720 -26.385500
8 +-31.316500 -30.146600 -4.589170 -27.160100
9 +-30.016000 -29.946800 -4.015060 -27.898500
10 +-32.137600 -31.849300 -3.450510 -28.610000
11 +-29.452200 -30.528300 -2.896050 -29.244000
12 +-29.936100 -31.084000 -2.182560 -29.624500
13 +-30.011400 -31.609500 -1.360810 -29.888700
14 +-29.700000 -32.072800 -0.602284 -30.192500
15 +-28.877100 -32.013300 0.246858 -30.425500
16 +-28.034800 -31.954200 1.132360 -30.581500
17 +-27.553000 -32.167300 2.018070 -30.638800
18 +-27.057800 -32.270200 2.912880 -30.616900
19 +-26.905200 -32.435100 3.622460 -30.613100
20 +-27.539500 -32.956900 4.146810 -30.673100
21 +-28.763500 -33.675100 4.792580 -30.597800
22 +-26.736800 -33.040100 5.689600 -30.282500
23 +-25.654100 -32.995200 6.752390 -29.793200
24 +-26.281500 -33.736600 7.691890 -29.448000
25 +-24.964000 -33.725100 8.539020 -29.215700
26 +-25.595500 -34.159500 9.288450 -29.005600
27 +-25.381300 -34.404800 9.975810 -28.551600
28 +-24.536500 -34.283700 10.546600 -28.177000
29 +-25.230800 -34.992800 11.118500 -27.969600
30 +-24.928700 -35.151300 11.677200 -27.841100
31 +-24.280200 -35.179100 12.124700 -27.808500
32 +-23.947900 -35.330900 12.615400 -27.950900
33 +-24.650300 -36.065400 13.064600 -28.150600
34 +-25.721100 -36.436200 13.286900 -28.393400
35 +-24.095700 -36.106400 13.467500 -28.640600
36 +-24.605600 -36.907400 13.834000 -28.625200
37 +-24.631800 -37.282100 14.193800 -28.458500
38 +-24.749100 -37.672700 14.253800 -28.446400
39 +-25.089000 -38.211200 14.179900 -28.362100
40 +-25.761900 -38.930600 14.008600 -28.147800
41 +-26.155700 -39.539800 13.810800 -27.719500
42 +-26.168000 -39.647900 13.454400 -27.313000
43 +-26.464200 -39.928400 12.924400 -26.944600
44 +-27.178600 -40.644500 12.247200 -26.629700
45 +-27.773400 -41.487400 11.632400 -26.253700
46 +-28.039000 -41.691900 10.675700 -26.170400
47 +-28.316900 -41.928400 9.451750 -25.767700
48 +-28.544100 -41.752200 7.983690 -25.087400
49 +-28.636400 -41.444100 7.032990 -23.994600
50 +-28.994900 -41.509100 6.545300 -23.292400
51 +-29.271600 -41.299500 3.768720 -22.502100
52 +-29.521700 -40.932800 2.893340 -21.917000
53 +-30.047600 -40.641000 1.589870 -21.079800
54 +-30.349000 -40.213900 -0.130697 -20.476800
55 +-30.289000 -39.651100 -1.704750 -19.669600
56 +-30.452900 -39.198100 -3.076670 -18.738900
57 +-30.761200 -38.985400 -4.350540 -17.842700
58 +-30.805100 -38.617400 -5.640290 -16.999400
59 +-30.911000 -38.459900 -6.778690 -16.114400
60 +-31.226400 -37.999100 -8.043710 -15.410700
61 +-31.519300 -37.369800 -9.397020 -14.815000
62 +-31.607300 -36.866100 -10.801200 -14.336400
63 +-32.001000 -36.471300 -11.959900 -13.627700
64 +-32.611500 -36.155300 -12.957200 -12.774800
65 +-32.742400 -35.620000 -14.155200 -12.128000
66 +-32.733200 -34.815900 -15.427100 -11.571600
67 +-32.708200 -34.170200 -16.504800 -10.941100
68 +-32.856100 -33.728300 -17.600900 -10.488900
69 +-33.110900 -33.334200 -18.766700 -10.052700
70 +-33.260400 -32.831400 -19.747600 -9.515990
71 +-33.401500 -32.133000 -20.486800 -8.899610
72 +-33.557100 -31.360600 -21.489400 -8.469700
73 +-33.776100 -30.745500 -22.541300 -8.071150
74 +-34.137500 -30.411800 -23.226200 -7.448360
75 +-34.331400 -29.966300 -23.879100 -6.855730
76 +-34.374100 -29.448800 -24.555600 -6.269640
77 +-34.449700 -28.923500 -25.207700 -5.658600
78 +-34.610900 -28.281300 -25.838900 -4.999380
79 +-35.015600 -27.931600 -26.286600 -4.306610
80 +-35.104600 -27.643800 -26.616100 -3.640390
81 +-34.998500 -27.027600 -27.082600 -3.120200
82 +-35.111600 -26.347100 -27.583200 -2.709090
83 +-35.437400 -25.698300 -27.696800 -2.102990
84 +-35.708900 -25.263400 -27.701300 -1.343330
85 +-35.832300 -24.944100 -27.912500 -0.619234
86 +-35.942600 -24.685700 -28.145500 -0.033646
87 +-36.010900 -24.335900 -28.317800 0.624432
88 +-36.249300 -24.006400 -28.050300 1.338490
89 +-36.376700 -23.505700 -27.557500 2.146590
90 +-36.356800 -22.825600 -28.782200 2.970980
91 +-36.475600 -22.484800 -26.914200 3.772300
92 +-36.743400 -22.393000 -26.610400 4.330690
93 +-36.859200 -22.105000 -26.815500 4.871100
94 +-36.776000 -21.688400 -26.524700 5.641090
95 +-37.033500 -21.436300 -26.022400 6.511250
96 +-37.341100 -21.222800 -25.624100 7.148110
97 +-37.569700 -21.234000 -25.237900 7.661000
98 +-37.848600 -21.288400 -24.562400 7.949690
99 +-38.106700 -21.161600 -24.412900 8.268670
100 +-37.972400 -20.695500 -24.939000 8.724890
101 +-37.547400 -20.172700 -24.819800 9.142290
102 +-37.553000 -20.250900 -24.955000 9.615270
103 +-37.716700 -20.648100 -25.564300 10.154700
104 +-37.777800 -20.717200 -25.781400 10.501000
105 +-37.896500 -20.610600 -26.012400 10.691800
106 +-38.042500 -20.937100 -26.110300 10.895500
107 +-38.332100 -21.486100 -25.796100 11.080300
108 +-38.281800 -21.714400 -25.506800 10.986900
109 +-38.054900 -21.892800 -25.302600 10.615400
110 +-38.108800 -22.329500 -24.758600 10.127900
111 +-38.017200 -22.734100 -23.984200 9.691950
112 +-37.513300 -22.961500 -23.470600 9.097570
113 +-37.478100 -23.403400 -23.123200 8.280790
114 +-37.554500 -23.838400 -22.712800 7.211210
115 +-37.549600 -24.119700 -22.229700 6.028720
116 +-37.688300 -24.595700 -21.899400 4.533120
117 +-37.824400 -25.124200 -21.374500 3.081170
118 +-37.612400 -25.291400 -20.596500 1.822410
119 +-37.543400 -25.587100 -19.877300 0.359798
120 +-37.510700 -25.920000 -19.122500 -1.334560
121 +-37.288000 -25.904800 -18.302900 -2.930850
122 +-37.043900 -26.038600 -17.735200 -4.593530
123 +-36.668800 -26.194200 -17.028800 -6.096800
124 +-36.371200 -26.274200 -16.265500 -7.505390
125 +-36.277600 -26.446700 -15.692600 -8.798680
126 +-35.967900 -26.545300 -14.951000 -9.973110
127 +-35.534500 -26.413700 -14.108300 -11.223900
128 +-35.103300 -26.461700 -13.360000 -12.584100
129 +-34.738600 -26.650500 -12.692000 -13.904200
130 +-34.518900 -26.886200 -11.959200 -15.221900
131 +-34.193900 -27.255800 -11.156900 -16.328500
132 +-33.460800 -27.403400 -10.542700 -17.554900
133 +-33.028000 -27.497500 -9.933440 -18.733900
134 +-32.749700 -27.792000 -9.357930 -19.807900
135 +-32.254200 -28.236000 -8.842790 -20.806700
136 +-31.843900 -28.776500 -8.201870 -21.659800
137 +-31.556100 -29.070900 -7.653320 -22.614200
138 +-31.191600 -29.209300 -7.313020 -23.713200
139 +-30.723200 -29.364500 -6.875460 -24.621500
140 +-30.236500 -29.712100 -6.331780 -25.460000
141 +-29.811500 -30.158000 -5.767390 -26.288100
142 +-29.546800 -30.592400 -5.073670 -26.980200
143 +-29.033400 -30.896900 -4.238520 -27.521900
144 +-28.399700 -31.091700 -3.538380 -28.114100
145 +-27.925000 -31.419300 -2.783910 -28.650600
146 +-27.602500 -31.910700 -2.089010 -29.257300
147 +-27.322800 -32.352700 -1.324360 -29.657800
148 +-26.835000 -32.595800 -0.593717 -29.978000
149 +-26.298100 -32.784600 0.097364 -30.328200
150 +-25.643800 -32.972700 0.846648 -30.609100
151 +-24.783400 -33.152500 1.606470 -30.718600
152 +-24.233300 -33.465300 2.477640 -30.747700
153 +-23.725600 -33.809800 3.349460 -30.792400
154 +-23.285000 -34.246800 4.406910 -30.640300
155 +-23.094800 -34.732500 5.252340 -30.582100
156 +-22.628600 -34.972200 5.972360 -30.575700
157 +-22.289700 -35.287300 6.876100 -30.374700
158 +-22.118100 -35.714000 7.782680 -30.177000
159 +-22.107100 -36.197700 8.674850 -30.028700
160 +-21.863400 -36.401900 9.606040 -29.798000
161 +-21.228900 -36.356800 10.520600 -29.529300
162 +-20.893000 -36.630000 11.318800 -29.279100
163 +-20.738800 -36.889100 12.197500 -28.984100
164 +-20.606300 -37.086900 12.905400 -28.651300
165 +-20.677800 -37.568500 13.558800 -28.502400
166 +-20.766000 -37.928000 14.081200 -28.344400
167 +-20.488100 -37.910000 14.239900 -28.130200
168 +-20.426600 -38.167500 14.195400 -28.036900
169 +-20.583300 -38.777600 14.407000 -28.045300
170 +-20.390900 -39.091100 14.705500 -27.990100
171 +-20.226300 -39.112200 15.042700 -27.676100
172 +-20.601200 -39.376100 15.739000 -27.436000
173 +-21.126000 -39.905600 15.971300 -27.460600
174 +-21.333200 -40.366400 15.465500 -27.594400
175 +-21.163900 -40.381200 15.495200 -27.429900
176 +-21.484800 -40.569300 15.367700 -26.771200
177 +-22.059200 -41.017400 14.878300 -26.244900
178 +-22.231100 -41.382500 14.323400 -25.850400
179 +-22.315300 -41.555000 13.937500 -25.407500
180 +-22.976100 -41.633100 13.359900 -25.066200
181 +-23.636300 -41.802700 12.523900 -24.846400
182 +-24.039500 -41.801200 11.578700 -24.502100
183 +-24.371500 -41.513900 10.695900 -23.886700
184 +-24.882400 -41.384400 9.720140 -23.028300
185 +-25.192700 -41.078800 8.557300 -22.258100
186 +-25.452600 -40.900100 7.327610 -21.440100
187 +-25.883700 -40.809700 6.328090 -20.625300
188 +-26.348800 -40.625500 5.170060 -19.884100
189 +-26.523800 -40.035300 3.443000 -19.183300
190 +-26.482100 -39.299800 1.774120 -18.340900
191 +-26.664300 -38.638200 0.684555 -17.556900
192 +-26.971200 -37.920500 -1.008540 -16.860900
193 +-27.359700 -37.421900 -1.916840 -16.167400
194 +-27.611600 -36.852600 -3.112920 -15.351300
195 +-27.746500 -36.086400 -4.561000 -14.636700
196 +-28.173100 -35.689600 -6.051620 -14.071200
197 +-28.592600 -35.010600 -7.397360 -13.485500
198 +-28.808200 -34.031300 -8.580230 -12.761800
199 +-28.826700 -33.105600 -9.720760 -11.832800
200 +-28.980000 -32.400200 -11.143400 -11.146800
201 +-29.387600 -32.052000 -12.511700 -10.633300
202 +-29.742500 -31.558200 -13.843200 -10.203800
203 +-29.863200 -30.768900 -15.060000 -9.663630
204 +-29.688700 -29.997800 -16.330400 -9.096960
205 +-29.696500 -29.334200 -17.715600 -8.603290
206 +-30.239100 -28.785200 -18.833800 -8.121950
207 +-30.668900 -28.306600 -19.835000 -7.777150
208 +-30.922700 -27.997800 -20.927500 -7.465340
209 +-30.937700 -27.414600 -22.154400 -7.307860
210 +-30.829100 -26.664200 -23.238500 -7.154040
211 +-31.189900 -26.445700 -24.140900 -6.991280
212 +-31.803000 -26.254000 -25.081800 -6.803960
213 +-32.208000 -25.674800 -26.114000 -6.582210
214 +-32.256200 -25.093800 -26.694400 -5.920770
215 +-32.278500 -24.670800 -27.032800 -5.188490
216 +-32.662200 -24.469200 -27.500000 -4.785500
217 +-33.033300 -24.246100 -28.006300 -4.440350
218 +-33.038600 -23.717100 -28.282700 -3.697690
219 +-33.152500 -23.039300 -28.524700 -2.845750
220 +-33.387600 -22.512000 -28.494100 -2.219440
221 +-33.555700 -22.268500 -28.606900 -1.115670
222 +-33.662300 -22.157300 -28.763100 -0.515684
223 +-33.690700 -21.909800 -28.658100 0.182340
224 +-34.045400 -21.646500 -28.442400 0.941382
225 +-34.327300 -21.310000 -28.251100 1.682490
226 +-34.405000 -20.966600 -27.928400 2.478820
227 +-34.463600 -20.588500 -27.339600 3.257090
228 +-34.618600 -20.364400 -26.882400 3.751500
229 +-34.913700 -20.122000 -26.339100 4.304040
230 +-35.063800 -19.675100 -25.730400 4.898750
231 +-35.168600 -19.432200 -25.274100 5.354810
232 +-35.222400 -19.270400 -24.838600 5.853990
233 +-35.287400 -18.926700 -24.405300 6.407990
234 +-35.776600 -18.975400 -24.209600 7.023190
235 +-36.242900 -19.096500 -24.433400 7.476740
236 +-36.435400 -19.015900 -24.928300 7.710710
237 +-36.797800 -19.207800 -25.136100 7.937470
238 +-37.144900 -19.324900 -25.367300 8.195280
239 +-37.274800 -19.159900 -25.611900 8.503560
240 +-37.465600 -19.352400 -25.543600 8.987990
241 +-37.736300 -19.686200 -25.382900 9.446260
242 +-37.862100 -19.793700 -25.390100 9.675480
243 +-37.752000 -20.041000 -24.970400 9.940320
244 +-37.603700 -20.388900 -24.287000 10.060200
245 +-37.751100 -20.834800 -23.753500 9.945690
246 +-37.995200 -21.561100 -23.478400 9.414480
247 +-38.103800 -22.471400 -23.002900 8.782390
248 +-38.181600 -23.039000 -22.504900 8.011080
249 +-38.045800 -23.323900 -22.218200 6.929290
250 +-37.758500 -23.648900 -21.884500 5.715450
251 +-37.754600 -24.019000 -21.334800 4.447220
252 +-37.814400 -24.612600 -20.486200 3.237050
253 +-37.752500 -25.176600 -19.636200 1.922200
254 +-37.662700 -25.506700 -19.054400 0.409475
255 +-37.684500 -25.778400 -18.451600 -1.016310
256 +-37.986400 -26.193300 -17.761500 -2.500050
257 +-37.820700 -26.377100 -17.219500 -4.023890
258 +-37.374200 -26.236900 -16.617800 -5.365370
259 +-36.949900 -26.471200 -15.879700 -6.582240
260 +-36.773400 -26.695200 -15.104500 -7.898890
261 +-36.711100 -26.817200 -14.345400 -9.284060
262 +-36.546800 -26.977500 -13.484800 -10.498500
263 +-36.111800 -27.020200 -12.876300 -11.757200
264 +-35.606400 -27.123200 -12.405500 -13.124800
265 +-35.076800 -27.229700 -11.694000 -14.170700
266 +-34.645300 -27.630200 -11.174000 -15.339700
267 +-34.349900 -28.041400 -10.897400 -16.799500
268 +-33.945600 -28.145000 -10.605900 -18.219500
269 +-33.497300 -28.263800 -9.964800 -19.277200
270 +-33.308500 -28.614500 -9.266110 -20.315900
271 +-33.265600 -29.025600 -8.878380 -21.644000
272 +-32.980800 -29.328700 -8.633990 -22.912400
273 +-32.481500 -29.299700 -8.094490 -23.841700
274 +-32.172600 -29.550500 -7.395490 -24.598900
275 +-31.851500 -30.057200 -6.812490 -25.495300
276 +-31.343300 -30.476000 -6.171220 -26.302900
277 +-30.987100 -30.622700 -5.633220 -27.187200
278 +-30.441200 -30.726900 -5.001420 -27.884500
279 +-29.721700 -30.994800 -4.288000 -28.441800
280 +-29.579200 -31.355200 -3.875040 -29.186700
281 +-29.768100 -31.805600 -3.688430 -30.056800
282 +-29.316400 -31.840500 -3.159570 -30.453600
283 +-28.551100 -31.695500 -2.305730 -30.588800
284 +-27.941800 -32.087300 -1.543030 -30.893700
285 +-27.539600 -32.432300 -0.786831 -31.235900
286 +-27.099700 -32.507200 0.321845 -31.231400
287 +-26.662200 -32.691600 1.463140 -31.070300
288 +-26.368000 -33.032600 2.198270 -30.971700
289 +-26.122600 -33.410200 2.706680 -30.844900
290 +-25.698700 -33.754100 3.265090 -30.704000
291 +-24.994300 -33.789700 3.964140 -30.214600
292 +-24.270800 -33.706300 4.902840 -29.717100
293 +-24.102600 -33.958700 5.988940 -29.335000
294 +-24.002400 -34.498100 6.922910 -29.119800
295 +-23.619300 -34.947400 7.866230 -28.618500
296 +-23.026600 -34.925800 8.641250 -28.277100
297 +-22.516200 -34.912700 9.147790 -28.233300
298 +-22.189300 -35.137700 9.737630 -28.166000
299 +-22.220300 -35.618800 10.310000 -28.141800
300 +-22.364300 -36.280600 10.988100 -28.018300
301 +-22.275500 -36.608300 11.302800 -28.256700
302 +-21.860500 -36.536600 11.372200 -28.756700
303 +-21.450700 -36.633500 11.654600 -28.884600
304 +-21.379100 -36.871100 12.027600 -28.756000
305 +-21.488700 -36.958700 11.952400 -28.540400
306 +-21.781400 -37.180800 11.719200 -28.518300
307 +-22.271600 -37.646600 11.346900 -28.127400
308 +-22.649400 -38.095900 12.889700 -28.436000
309 +-22.655700 -38.302500 13.194500 -28.505700
310 +-22.787100 -38.646400 13.608000 -28.590100
311 +-23.041300 -38.902200 12.961500 -28.093300
312 +-23.267200 -38.991500 12.656800 -27.588900
313 +-23.388000 -39.103800 12.290200 -27.014400
314 +-23.682200 -39.387300 11.940600 -26.556300
315 +-24.154600 -39.726800 11.437800 -26.136700
316 +-24.304000 -39.663000 10.783100 -25.740400
317 +-24.469900 -39.540100 10.149200 -25.284200
318 +-24.727900 -39.467000 9.363590 -24.672700
319 +-25.063200 -39.426000 8.405120 -23.927100
320 +-25.330400 -39.314200 7.231660 -23.100800
321 +-25.690700 -39.248100 6.019680 -22.185800
322 +-26.224900 -39.282800 4.799600 -21.236700
323 +-26.709600 -39.169000 3.615850 -20.504500
324 +-26.808400 -38.689400 2.422030 -19.860000
325 +-26.821400 -38.120000 1.152890 -19.189200
326 +-26.944500 -37.624500 0.028348 -18.481100
327 +-27.130100 -37.263100 -0.820162 -17.682000
328 +-27.590800 -36.824600 -1.968760 -17.031000
329 +-27.806100 -36.101000 -3.210690 -16.342900
330 +-27.767600 -35.340200 -4.378290 -15.518300
331 +-28.142500 -34.785400 -5.359880 -14.712200
332 +-28.608900 -34.373700 -6.369540 -14.114400
333 +-28.743900 -34.087700 -7.559550 -13.632400
334 +-28.979200 -33.629300 -8.800400 -13.069800
335 +-29.135100 -32.780100 -9.952870 -12.451000
336 +-29.424300 -32.222300 -11.075500 -11.823800
337 +-29.724200 -31.768800 -12.340400 -11.313800
338 +-29.557800 -30.901500 -13.757800 -10.967000
339 +-29.506700 -30.034500 -15.081100 -10.588300
340 +-29.809300 -29.577400 -16.045000 -9.997100
341 +-30.173200 -29.289800 -17.005300 -9.423350
342 +-30.569500 -29.092800 -18.207200 -8.985760
343 +-30.878600 -28.584700 -19.305300 -8.643910
344 +-31.010400 -27.881900 -20.476400 -8.344710
345 +-30.982600 -27.274200 -21.689700 -7.773200
346 +-31.002600 -26.940900 -22.297700 -7.099150
347 +-31.140700 -26.790500 -23.025500 -6.582650
348 +-31.235600 -26.326300 -24.038200 -6.287760
349 +-31.376500 -25.818400 -24.932100 -5.917420
350 +-31.791400 -25.552900 -25.291400 -5.069790
351 +-32.213100 -25.408800 -25.774000 -4.262220
352 +-32.274900 -25.144300 -26.439000 -3.707320
353 +-32.140500 -24.513100 -27.094200 -3.190100
354 +-32.423100 -23.833500 -27.386600 -2.522140
355 +-32.936100 -23.501900 -27.604200 -1.844560
356 +-33.097800 -23.317100 -27.862200 -1.217040
357 +-32.794900 -22.694700 -28.087400 -0.571743
358 +-32.714600 -22.078800 -28.069300 0.065538
359 +-32.923100 -21.773600 -28.021400 0.554459
360 +-33.072600 -21.350000 -28.018300 0.964593
361 +-33.373100 -21.186300 -27.895300 1.784580
362 +-33.908300 -21.388700 -27.681200 2.554960
363 +-34.290700 -21.184000 -26.847000 3.342050
364 +-34.519300 -20.802300 -26.773700 4.118620
365 +-35.106400 -20.790600 -26.552800 4.982590
366 +-34.492400 -19.562400 -25.697400 5.944750
367 +-34.948100 -19.826500 -25.118900 6.682950
368 +-34.966200 -19.899500 -24.614400 7.319770
369 +-34.946700 -19.620100 -24.388100 7.603750
370 +-35.175500 -19.266300 -24.321800 7.869810
371 +-35.535500 -19.167600 -24.145200 8.488010
372 +-35.918100 -19.257900 -24.155800 9.038420
373 +-36.263800 -19.284300 -24.598300 9.265830
374 +-36.563900 -19.354100 -25.029000 9.562530
375 +-36.969400 -19.577900 -25.021600 10.124600
376 +-37.407100 -19.835400 -24.857500 10.684400
377 +-37.788600 -20.151900 -24.836200 10.879000
378 +-37.977300 -20.497500 -24.883400 10.967300
379 +-38.190400 -20.864500 -24.908200 10.967600
380 +-38.238600 -21.179900 -24.685800 10.887600
381 +-38.193600 -21.474400 -24.419600 10.497600
382 +-38.116900 -21.830900 -24.516400 9.490430
383 +-37.925700 -22.200500 -23.851300 8.873540
384 +-38.395300 -22.900900 -23.173200 8.067970
385 +-38.231300 -23.079600 -22.660800 7.184860
1 +-39.403600 -24.580300 -18.626000 -1.365290
2 +-38.528600 -24.012100 -17.918200 -2.755960
3 +-37.953800 -23.928600 -17.089900 -3.979640
4 +-37.924500 -24.569600 -16.317600 -5.155850
5 +-38.065800 -25.237500 -15.597600 -6.360500
6 +-36.389700 -24.249300 -14.734500 -7.401090
7 +-38.865400 -26.158400 -13.962900 -8.515590
8 +-35.871200 -24.836000 -13.246100 -9.730930
9 +-38.477500 -26.938900 -12.636400 -11.036200
10 +-37.273600 -26.521300 -12.143600 -12.935100
11 +-36.812900 -26.587700 -11.710500 -14.086100
12 +-37.369000 -27.325200 -10.999500 -14.792900
13 +-36.050200 -27.161900 -10.301700 -15.662900
14 +-35.990300 -27.750200 -9.918840 -16.935200
15 +-36.062300 -28.105800 -9.506280 -18.238600
16 +-33.704600 -27.202700 -9.043920 -19.398200
17 +-32.731200 -27.054600 -8.509150 -20.371100
18 +-34.961200 -29.065500 -8.040380 -21.426100
19 +-33.673500 -28.863100 -7.629560 -22.495700
20 +-33.366600 -29.114000 -7.260630 -23.499700
21 +-32.950100 -29.287700 -6.863320 -24.433600
22 +-31.486300 -28.905300 -6.366950 -25.281000
23 +-33.932600 -30.844200 -5.884210 -26.100300
24 +-33.351900 -31.232500 -5.478790 -26.981300
25 +-32.960300 -31.674500 -4.843710 -27.659600
26 +-32.251900 -31.916800 -4.285030 -28.309200
27 +-31.323300 -31.897500 -3.729470 -28.965800
28 +-30.132900 -31.676700 -3.030860 -29.376900
29 +-31.830900 -33.329400 -2.358710 -29.839800
30 +-28.963800 -32.161500 -1.706070 -30.290700
31 +-29.328700 -32.821600 -1.045790 -30.729700
32 +-29.474100 -33.392900 -0.118403 -31.006200
33 +-29.778100 -34.047300 0.898764 -31.274200
34 +-29.986700 -34.482600 1.729340 -30.968700
35 +-29.698800 -34.921800 2.371570 -31.202300
36 +-27.258800 -34.431400 3.157480 -31.646600
37 +-27.852700 -35.036600 3.991180 -31.615900
38 +-27.349500 -35.241600 4.763620 -31.251200
39 +-26.406300 -35.318400 5.615550 -30.870300
40 +-25.845500 -35.576000 6.606640 -30.443400
41 +-25.976400 -36.134800 7.567470 -30.016600
42 +-26.099500 -36.821500 8.508370 -29.555300
43 +-25.713500 -37.389800 9.422720 -29.018400
44 +-25.455900 -37.916500 10.344700 -28.543600
45 +-25.530500 -38.262600 11.004900 -28.207800
46 +-26.352900 -38.267300 11.425200 -27.924800
47 +-24.741600 -38.565400 11.799500 -27.765900
48 +-24.447300 -38.953900 12.333000 -27.810700
49 +-24.544900 -39.142700 12.888500 -27.861300
50 +-24.389200 -39.276500 13.229000 -28.035400
51 +-24.075900 -39.445500 13.518200 -28.151300
52 +-23.402900 -39.630300 13.915400 -27.992500
53 +-25.998200 -40.107400 14.213700 -28.017000
54 +-22.888500 -39.488500 13.822200 -28.691400
55 +-24.374900 -40.364000 14.550400 -27.320400
56 +-24.783700 -40.747600 14.253500 -27.447600
57 +-24.628100 -40.725800 13.732300 -27.559700
58 +-25.054600 -40.736000 13.220000 -27.285000
59 +-25.534600 -41.003200 12.707700 -26.732000
60 +-25.834300 -41.321700 11.856900 -26.221300
61 +-25.993900 -41.403900 11.079200 -25.873400
62 +-26.274000 -41.476600 10.266000 -25.553300
63 +-27.020300 -41.841900 9.034460 -25.073900
64 +-27.819000 -42.076500 7.688160 -24.241400
65 +-28.510500 -42.080900 6.418190 -23.391500
66 +-28.852500 -41.898100 5.776270 -22.467600
67 +-28.829700 -41.584700 4.318000 -21.718300
68 +-29.024800 -41.265800 2.935240 -20.956800
69 +-29.483200 -40.983200 1.589040 -20.126800
70 +-29.995400 -40.650400 0.174709 -19.530900
71 +-30.201200 -40.090000 -1.224020 -18.951900
72 +-30.258400 -39.532400 -2.592330 -18.262700
73 +-30.442000 -39.122900 -3.859320 -17.650000
74 +-30.562000 -38.963900 -5.092320 -17.050700
75 +-30.861400 -38.640200 -6.446990 -16.381200
76 +-31.212100 -36.856500 -7.677690 -15.585000
77 +-31.424100 -36.756800 -8.679140 -14.708300
78 +-31.692900 -36.028400 -9.702110 -13.962700
79 +-31.900300 -35.441100 -10.865900 -13.287600
80 +-31.958500 -34.672900 -12.207500 -12.830200
81 +-31.969000 -33.901200 -13.326700 -12.297300
82 +-32.251700 -33.479100 -14.331300 -11.706400
83 +-32.696600 -33.032700 -15.405200 -11.169900
84 +-32.894700 -32.263700 -16.453000 -10.732100
85 +-33.071700 -31.427700 -17.442800 -10.364800
86 +-33.326000 -30.966500 -18.576600 -9.998990
87 +-33.836900 -30.537900 -19.708000 -9.399860
88 +-34.523900 -30.193700 -20.635500 -8.819310
89 +-34.982200 -29.805500 -21.472000 -8.409740
90 +-34.961800 -29.278300 -22.130400 -7.837500
91 +-34.788800 -28.522800 -22.791000 -7.204940
92 +-34.934200 -27.982000 -23.566900 -6.739090
93 +-35.017800 -27.477100 -24.326700 -6.301990
94 +-35.078200 -26.987300 -24.990900 -5.844150
95 +-35.158600 -26.588200 -25.556100 -5.461710
96 +-35.234800 -26.204200 -25.805200 -4.949170
97 +-35.543200 -25.842400 -26.001000 -4.223400
98 +-35.865400 -25.511800 -26.492300 -3.502420
99 +-35.970100 -25.112100 -26.647100 -2.712110
100 +-35.819300 -24.678600 -26.741700 -1.937310
101 +-35.792300 -24.263900 -26.900300 -1.207660
102 +-35.844100 -23.846200 -27.164700 -0.614795
103 +-35.683800 -23.394000 -27.249900 -0.066545
104 +-35.480700 -23.046600 -27.220000 0.454448
105 +-35.483900 -22.964900 -27.114300 0.949432
106 +-35.703100 -22.942600 -26.870100 1.570410
107 +-35.885100 -22.491300 -26.633300 2.297400
108 +-35.958100 -22.013000 -26.557500 2.978080
109 +-35.739200 -21.694300 -26.488900 3.647050
110 +-35.742200 -21.397000 -26.460300 4.384960
111 +-35.919000 -21.122100 -26.357200 5.269930
112 +-36.123400 -21.059400 -26.262600 5.862140
113 +-36.569500 -21.078900 -26.460400 6.124750
114 +-36.768200 -20.933200 -26.857600 6.418160
115 +-36.714200 -20.832300 -26.699500 6.970950
116 +-36.823700 -20.788600 -26.732600 7.592640
117 +-36.757500 -20.646700 -27.497100 8.133530
118 +-36.630400 -20.477700 -27.776800 8.775960
119 +-36.432700 -20.388500 -27.930100 9.445450
120 +-36.460700 -20.736100 -28.378500 9.927010
121 +-36.382900 -21.024300 -28.873900 10.143700
122 +-36.329300 -21.180300 -29.026100 10.350900
123 +-36.309000 -21.475000 -28.756200 10.601700
124 +-36.410600 -21.713000 -28.342700 10.616200
125 +-36.440000 -21.999800 -27.977800 10.299800
126 +-36.161100 -22.341000 -27.646200 9.913290
127 +-36.018900 -22.608400 -27.269100 9.530620
128 +-36.202600 -22.907700 -26.759400 9.016190
129 +-36.273500 -23.189500 -26.230300 8.361720
130 +-36.217900 -23.625400 -25.771700 7.564940
131 +-36.284700 -24.241100 -25.310800 6.581230
132 +-36.350300 -24.690100 -25.049500 5.257680
133 +-36.316800 -24.837600 -24.687600 3.780860
134 +-36.107000 -24.928100 -23.729700 2.271970
135 +-35.870700 -25.338500 -22.788600 0.941644
136 +-35.902900 -25.890700 -21.995800 -0.417847
137 +-35.802400 -25.912200 -21.249900 -1.918990
138 +-35.439200 -25.720800 -20.569500 -3.410110
139 +-35.222800 -25.616800 -19.887800 -4.879080
140 +-35.100200 -25.702000 -19.092400 -6.276060
141 +-34.888000 -25.810900 -18.149400 -7.569300
142 +-34.638100 -25.877500 -17.297300 -8.871420
143 +-34.564900 -26.208600 -16.709600 -10.342600
144 +-34.597400 -26.816400 -16.142700 -11.770300
145 +-34.284900 -26.932300 -15.467600 -13.064500
146 +-33.959300 -26.904300 -14.811800 -14.372200
147 +-33.874600 -27.261800 -14.156400 -15.620300
148 +-33.553900 -27.699300 -13.449500 -16.760700
149 +-33.052700 -28.076800 -12.853300 -18.025300
150 +-32.771200 -28.389700 -12.301800 -19.352900
151 +-32.097000 -28.352700 -11.770600 -20.512600
152 +-31.525600 -28.435200 -11.232400 -21.507600
153 +-31.469700 -29.011300 -10.575200 -22.434200
154 +-31.176400 -29.277900 -9.980940 -23.487100
155 +-30.631900 -29.412200 -9.461870 -24.501400
156 +-30.336800 -29.740700 -8.868910 -25.501400
157 +-30.312500 -30.277700 -8.140380 -26.363400
158 +-30.271500 -30.787900 -7.296230 -27.000700
159 +-29.791500 -31.024000 -6.707250 -27.729900
160 +-29.203900 -31.063200 -6.350280 -28.460800
161 +-28.688400 -31.116500 -6.261520 -29.170400
162 +-28.498300 -31.408500 -5.165570 -29.661300
163 +-28.382600 -31.865900 -4.194470 -29.962400
164 +-28.242500 -32.260400 -3.492570 -30.293100
165 +-27.767000 -32.136700 -2.730620 -30.547800
166 +-27.564600 -32.232000 -1.946560 -30.780500
167 +-27.756600 -32.870200 -1.102200 -31.060400
168 +-27.671700 -33.351800 -0.265961 -31.253700
169 +-27.293700 -33.624300 0.263302 -31.436200
170 +-27.138300 -33.608900 1.511410 -31.374100
171 +-27.110400 -33.476200 2.510250 -31.081700
172 +-26.942400 -33.649400 3.369510 -30.732800
173 +-26.736000 -33.872100 4.458510 -30.303300
174 +-26.456200 -33.984800 5.344780 -29.945100
175 +-26.276600 -34.152400 6.009070 -29.715500
176 +-26.226200 -34.282400 6.962800 -29.458700
177 +-26.216000 -34.246000 8.184100 -29.015000
178 +-26.169300 -34.332900 9.144800 -28.586300
179 +-26.181300 -34.818100 9.762000 -28.397500
180 +-26.384100 -35.561100 10.583100 -28.395600
181 +-26.802300 -35.902100 11.298500 -28.422100
182 +-26.795400 -35.687100 11.719000 -28.328700
183 +-26.492000 -35.800100 12.350300 -28.383900
184 +-26.544900 -36.548400 12.560100 -28.577100
185 +-26.799600 -37.070100 12.372300 -28.622900
186 +-26.670500 -37.007200 12.640900 -28.528500
187 +-26.550100 -37.136800 12.703800 -28.167500
188 +-26.672000 -37.599900 13.252600 -27.936500
189 +-27.107800 -38.356700 13.549200 -27.719800
190 +-27.552400 -39.109100 13.540100 -27.680000
191 +-27.855900 -39.570900 13.159100 -27.767500
192 +-28.324600 -40.068800 12.814600 -27.537500
193 +-28.633800 -40.610000 12.453500 -27.034200
194 +-28.719700 -40.955200 11.887500 -26.653500
195 +-29.031200 -41.451700 11.342600 -26.301000
196 +-29.473800 -42.177100 10.755100 -25.940700
197 +-29.794200 -42.720300 10.093000 -25.385200
198 +-30.045200 -42.673800 9.145870 -24.940100
199 +-30.298900 -42.504100 8.024510 -24.495200
200 +-30.747500 -42.649100 6.971450 -23.888900
201 +-31.595600 -43.194300 5.956870 -23.112200
202 +-32.131400 -43.555000 4.795960 -22.238200
203 +-32.167300 -43.446700 3.418300 -21.469600
204 +-32.228500 -42.788300 1.929800 -20.795200
205 +-32.586100 -42.359500 0.427411 -20.031700
206 +-32.710300 -42.331900 -0.998228 -19.214300
207 +-32.649200 -42.036600 -2.284500 -18.419100
208 +-32.748000 -41.336700 -3.314830 -17.637800
209 +-32.887100 -40.833400 -4.351120 -16.929500
210 +-33.186800 -40.420500 -5.648320 -16.375700
211 +-33.380500 -39.938700 -6.777250 -15.631700
212 +-33.177500 -38.892400 -7.832920 -14.775400
213 +-33.344700 -37.988100 -9.096590 -14.100300
214 +-33.776500 -37.601600 -10.252400 -13.362900
215 +-33.988400 -36.815500 -11.311800 -12.573700
216 +-34.305100 -35.711800 -12.581900 -11.967400
217 +-34.471100 -34.889200 -13.990400 -11.619200
218 +-34.280000 -34.153100 -15.148800 -11.147800
219 +-34.279400 -33.479700 -16.223700 -10.542300
220 +-34.655100 -32.570100 -17.251200 -9.961720
221 +-35.105400 -31.708400 -18.212500 -9.262040
222 +-35.664700 -30.947200 -19.322900 -8.665270
223 +-36.269900 -30.414500 -20.248000 -8.177050
224 +-36.400500 -29.850000 -21.116700 -7.796650
225 +-36.154300 -28.919100 -22.079800 -7.483860
226 +-36.227000 -28.158800 -22.955700 -7.122350
227 +-36.587200 -27.459900 -23.886300 -6.744060
228 +-36.815700 -26.738300 -24.706300 -6.267000
229 +-36.995700 -26.039800 -25.173300 -5.677930
230 +-37.316300 -25.365500 -25.621800 -5.180820
231 +-37.549800 -24.865900 -26.294300 -4.831300
232 +-37.450800 -24.498000 -26.813000 -4.350510
233 +-37.227300 -23.778400 -27.080800 -3.747530
234 +-37.405000 -23.227600 -27.188700 -3.057010
235 +-37.854700 -22.945600 -27.281100 -2.334590
236 +-37.970100 -22.501900 -27.429700 -1.675260
237 +-37.711000 -21.827000 -27.575000 -1.020230
238 +-37.560800 -21.441000 -27.809400 -0.420295
239 +-37.869900 -21.337500 -28.037900 0.110598
240 +-37.908300 -21.028300 -28.046800 0.723205
241 +-37.573500 -20.479200 -27.822400 1.340510
242 +-37.411800 -20.128100 -27.410600 2.027390
243 +-37.738700 -20.036300 -26.928800 2.818680
244 +-38.027300 -19.789200 -26.412700 3.623480
245 +-37.909600 -19.406500 -26.033400 4.307410
246 +-37.626600 -19.244500 -25.716100 4.944740
247 +-37.252700 -18.924300 -25.363300 5.431650
248 +-37.247500 -18.698000 -24.953300 5.964490
249 +-37.440600 -18.721700 -24.648900 6.561960
250 +-37.642800 -18.742400 -24.738100 7.034780
251 +-37.657200 -18.823800 -25.163700 7.294200
252 +-37.415000 -18.764600 -25.574400 7.636110
253 +-37.191500 -18.496600 -25.907800 7.999410
254 +-37.315200 -18.426800 -26.061400 8.457250
255 +-37.607800 -18.641200 -26.143700 8.874210
256 +-37.727000 -19.039200 -26.240800 9.138910
257 +-37.772200 -19.580400 -26.299200 9.304560
258 +-37.955600 -19.823200 -26.107400 9.522210
259 +-37.839000 -19.787100 -25.840900 9.479390
260 +-37.546600 -19.990600 -25.368800 9.239370
261 +-37.472700 -20.383200 -24.912800 8.711440
262 +-37.269200 -20.675800 -24.633800 7.937280
263 +-37.028000 -20.924700 -24.287600 7.095990
264 +-36.972200 -21.264800 -23.878600 6.258410
265 +-36.891300 -21.689100 -23.339200 5.335160
266 +-36.764800 -22.037000 -22.656900 4.304520
267 +-36.658000 -22.296100 -21.970500 3.130100
268 +-36.792700 -22.698600 -21.199800 1.967370
269 +-36.797600 -23.125800 -20.353300 0.773001
270 +-36.543800 -23.228600 -19.647500 -0.557994
271 +-36.207500 -23.190200 -19.068500 -1.969230
272 +-36.197600 -23.241500 -18.352000 -3.263940
273 +-36.346000 -23.447300 -17.488500 -4.498870
274 +-36.279300 -23.673200 -16.671900 -5.607600
275 +-35.767900 -23.756100 -16.059000 -6.924280
276 +-35.535200 -24.031900 -15.345700 -8.246500
277 +-35.563000 -24.222200 -14.506100 -9.434100
278 +-35.589400 -24.591100 -13.778700 -10.757800
279 +-35.444100 -25.093500 -13.179200 -12.142500
280 +-35.189600 -25.315100 -12.318600 -13.071500
281 +-35.030500 -25.551400 -11.493600 -14.020900
282 +-34.718200 -25.837300 -10.952400 -15.244800
283 +-34.342000 -25.991400 -10.274500 -16.262000
284 +-34.138600 -26.171000 -9.451210 -17.065500
285 +-33.986700 -26.431300 -8.897690 -18.005200
286 +-33.796600 -26.836100 -8.647800 -19.211400
287 +-33.614600 -27.373400 -8.366260 -20.356700
288 +-33.366500 -27.674100 -8.007850 -21.266900
289 +-33.050300 -27.980700 -7.556040 -22.141400
290 +-32.540300 -28.297800 -7.083020 -23.084300
291 +-32.292700 -28.445300 -6.688150 -24.130700
292 +-32.152500 -28.847000 -6.303990 -25.167900
293 +-31.829000 -29.328300 -5.725180 -26.019400
294 +-31.660100 -29.653200 -4.929520 -26.626300
295 +-31.187800 -29.793700 -4.143330 -27.114500
296 +-30.587200 -30.121500 -3.450000 -27.586400
297 +-30.451200 -30.829800 -2.836770 -28.210600
298 +-30.191400 -31.364600 -1.952040 -28.557700
299 +-29.562400 -31.476000 -1.007500 -28.844900
300 +-29.260700 -31.625800 -0.271855 -29.262300
301 +-29.315300 -32.261100 0.557700 -29.543300
302 +-29.143100 -32.730800 1.432450 -29.663100
303 +-28.523300 -32.802000 2.237540 -29.765300
304 +-27.962700 -32.959400 2.927870 -29.843700
305 +-27.828000 -33.434700 3.630970 -29.779800
306 +-27.799400 -33.710100 4.420310 -29.588000
307 +-27.517600 -33.834700 5.071040 -29.585500
308 +-27.132700 -34.278200 6.058180 -29.429100
309 +-26.923000 -35.122000 7.244400 -29.141900
310 +-26.719600 -35.189200 8.246290 -28.843100
311 +-26.247700 -35.317100 8.894360 -28.702400
312 +-25.768400 -35.378900 9.379310 -28.539400
313 +-25.661300 -35.844700 9.859950 -28.260300
314 +-25.643400 -36.402300 10.428600 -28.057500
315 +-25.657600 -36.850500 10.874700 -28.125000
316 +-25.529200 -37.123700 11.442900 -28.136100
317 +-25.240600 -37.243700 12.089400 -28.129900
318 +-25.092600 -37.612800 12.506100 -28.208100
319 +-24.963200 -37.886500 12.653900 -28.217300
320 +-24.909700 -37.971100 12.712400 -28.017100
321 +-25.089500 -37.967600 12.756000 -27.735200
322 +-25.126600 -38.098600 12.910100 -27.181900
323 +-25.058300 -38.077800 13.067400 -26.567900
324 +-25.130200 -38.403500 12.849800 -26.379200
325 +-25.417700 -39.124500 12.481500 -26.240500
326 +-25.832900 -39.760300 12.012000 -25.877400
327 +-26.241500 -40.087200 11.469300 -25.388400
328 +-26.384000 -40.265900 10.870500 -25.027500
329 +-26.524800 -40.552400 10.227500 -24.614500
330 +-26.879700 -40.968700 9.231920 -24.227400
331 +-27.415800 -41.304900 8.330580 -23.732500
332 +-27.924800 -41.272300 7.389620 -23.441500
333 +-28.336800 -41.036500 6.415890 -23.192900
334 +-28.711400 -40.800000 5.603780 -22.614700
335 +-29.055900 -40.590600 4.600490 -21.872600
336 +-29.219600 -39.849300 3.373380 -21.029300
337 +-29.315400 -39.201800 1.896410 -20.175800
338 +-29.716000 -38.919000 0.257388 -19.473700
339 +-30.286700 -38.368400 -1.177060 -18.670200
340 +-30.484300 -37.626700 -2.460540 -17.826400
341 +-30.676800 -37.066300 -3.772860 -16.924500
342 +-30.558100 -36.267100 -5.249790 -16.203100
343 +-30.292400 -35.414800 -6.696930 -15.381100
344 +-30.318600 -34.675000 -8.051170 -14.814600
345 +-30.692600 -34.366900 -9.432380 -14.350400
346 +-31.038800 -33.881700 -10.688100 -13.844500
347 +-31.273900 -33.078600 -11.826300 -13.315700
348 +-31.605000 -32.536300 -13.014900 -12.770900
349 +-32.084900 -32.226500 -14.206000 -12.325200
350 +-32.137900 -31.662400 -15.177200 -11.757200
351 +-31.968100 -30.871500 -16.215400 -11.224800
352 +-31.919500 -30.147100 -17.473500 -10.785700
353 +-32.060900 -29.528200 -18.601400 -10.230900
354 +-32.282000 -29.139400 -19.451100 -9.522630
355 +-32.404400 -28.664100 -20.269900 -8.806610
356 +-32.524100 -28.028100 -21.275400 -8.337430
357 +-32.641100 -27.319200 -22.521200 -8.077680
358 +-33.029900 -27.151800 -23.603200 -7.763460
359 +-33.524100 -27.145500 -24.383600 -7.388320
360 +-33.636900 -26.581400 -24.947200 -6.883880
361 +-33.657900 -25.847300 -25.816100 -6.422360
362 +-33.758100 -25.412600 -26.415900 -5.951950
363 +-33.884300 -25.272300 -26.867800 -5.455180
364 +-34.150800 -25.369000 -27.234200 -4.882080
365 +-34.482900 -25.324400 -27.619800 -4.241310
366 +-34.554000 -24.845200 -27.991300 -3.702940
367 +-34.622300 -24.432100 -28.293200 -3.321250
368 +-34.548700 -24.092700 -28.319800 -2.824360
369 +-34.675300 -23.769700 -28.331400 -2.349160
370 +-35.032300 -23.698000 -28.305100 -2.001940
371 +-35.121600 -23.115900 -28.097200 -1.635420
372 +-35.208800 -22.702300 -27.775200 -1.006330
373 +-35.267500 -22.716300 -27.590500 -0.264646
374 +-35.071600 -22.253500 -27.280000 0.531406
375 +-35.145900 -21.814400 -26.934700 1.248890
376 +-35.226300 -21.532200 -26.561300 1.902650
377 +-35.136400 -21.370500 -26.196100 2.488950
378 +-35.030300 -21.297600 -26.011800 3.053850
379 +-35.090900 -21.184900 -25.555700 3.744240
380 +-35.330000 -21.209100 -25.107100 4.486080
381 +-35.459800 -20.994300 -24.798100 5.118700
382 +-35.687900 -20.964500 -24.447800 5.609950
383 +-35.953500 -21.017700 -24.230700 5.928630
384 +-36.003300 -20.837100 -24.393500 6.038050
385 +-35.719900 -20.501000 -24.865000 6.141930
386 +-35.574100 -20.252000 -25.310900 6.326970
387 +-35.504100 -20.136900 -25.452200 6.694170
388 +-35.680200 -20.314500 -25.448100 7.155460
389 +-35.636000 -20.626100 -25.484800 7.766810
390 +-35.350600 -20.678000 -25.596200 8.312990
391 +-35.242600 -20.681800 -25.885900 8.580590
392 +-35.242900 -20.802300 -25.986700 8.799650
393 +-35.337600 -21.185200 -25.621300 9.209640
394 +-35.599800 -21.643100 -25.170800 9.363090
395 +-34.489200 -20.938200 -24.806500 9.100480
396 +-35.290500 -22.237800 -24.456800 8.722840
397 +-35.545000 -22.828800 -24.463600 8.021780
1 +-26.244800 -31.249200 0.585126 -28.554200
2 +-25.901400 -31.803900 1.583610 -28.685500
3 +-25.386800 -32.049900 2.291790 -28.911100
4 +-25.014900 -31.520600 3.171540 -29.101600
5 +-23.230400 -30.893400 3.888170 -29.052900
6 +-23.035400 -31.191600 4.686420 -28.969500
7 +-22.723100 -31.667600 5.708160 -28.809700
8 +-22.454800 -32.184500 6.602460 -28.649200
9 +-21.794100 -32.232000 7.448920 -28.481000
10 +-20.842800 -32.185000 8.239360 -28.437900
11 +-21.815300 -33.283100 9.120730 -28.343400
12 +-21.582600 -33.654500 9.913120 -28.177000
13 +-21.142700 -33.804100 10.544900 -27.907800
14 +-20.520200 -33.794400 11.366700 -27.611400
15 +-18.950900 -32.977900 12.029400 -27.626600
16 +-22.979300 -36.004600 12.470000 -27.585200
17 +-23.791400 -36.836600 12.881300 -27.599500
18 +-21.560900 -36.107700 13.254200 -27.865700
19 +-20.473400 -35.731300 13.560400 -28.139400
20 +-20.460800 -35.769100 13.910500 -28.316800
21 +-21.519200 -36.600500 14.229400 -28.423300
22 +-20.432900 -36.078000 14.534800 -28.315600
23 +-20.039300 -35.891000 14.856200 -28.087600
24 +-20.364000 -36.555400 15.073800 -27.844200
25 +-20.503200 -36.687300 15.116600 -27.619600
26 +-18.400700 -35.286400 15.094500 -27.306200
27 +-22.193100 -37.750900 14.928200 -26.949000
28 +-18.607000 -35.816000 14.439200 -26.627800
29 +-19.158700 -36.397400 13.771000 -26.269600
30 +-20.785400 -37.203700 13.146100 -25.834300
31 +-22.954600 -38.014700 12.464700 -25.341900
32 +-25.479000 -38.934000 11.640700 -24.959700
33 +-25.866400 -38.823000 11.064400 -24.577400
34 +-22.904200 -37.400600 10.627000 -24.087400
35 +-24.177400 -37.708700 7.883020 -23.362000
36 +-24.915200 -37.663300 7.098970 -22.724200
37 +-24.961600 -37.210100 6.116810 -21.846800
38 +-24.837700 -36.614300 4.701870 -21.003600
39 +-25.170300 -36.267000 3.024200 -20.250700
40 +-26.337700 -36.163200 0.685256 -19.554200
41 +-27.374700 -35.751400 -0.282707 -18.945700
42 +-27.141500 -34.811900 -1.629510 -18.327000
43 +-27.060500 -34.104200 -3.050410 -17.680100
44 +-28.661100 -34.191100 -4.352740 -16.879500
45 +-28.005400 -33.583500 -5.566020 -16.186400
46 +-28.489900 -33.610900 -6.768560 -15.540400
47 +-28.002000 -32.532500 -8.012500 -14.848900
48 +-28.156800 -31.643800 -9.452260 -14.218200
49 +-27.863200 -30.751400 -10.970500 -13.673900
50 +-27.620000 -30.115500 -12.126300 -12.974900
51 +-28.016400 -29.891900 -13.105200 -12.207600
52 +-29.388200 -30.212700 -14.134000 -11.413200
53 +-30.447500 -30.268200 -15.132100 -10.669200
54 +-31.173300 -30.369700 -16.182100 -10.079600
55 +-31.362500 -30.186500 -17.304200 -9.555540
56 +-31.123600 -29.573600 -18.137900 -8.963830
57 +-31.030600 -29.030200 -18.959100 -8.350870
58 +-31.300000 -28.660200 -19.900400 -7.861920
59 +-31.534100 -28.148000 -21.116100 -7.423290
60 +-31.478900 -27.532200 -22.246700 -6.951620
61 +-31.848700 -27.383700 -23.047100 -6.345060
62 +-33.013900 -27.764500 -23.832200 -5.833400
63 +-33.809000 -27.929400 -24.494500 -5.294510
64 +-33.644300 -27.529200 -25.192000 -4.697480
65 +-33.634300 -27.155300 -26.061600 -4.178510
66 +-34.161500 -27.119800 -26.536300 -3.560450
67 +-34.550400 -26.999200 -26.917300 -2.968050
68 +-34.465300 -26.512500 -27.172600 -2.274580
69 +-34.606300 -26.292900 -27.464600 -1.710680
70 +-34.992100 -26.185100 -27.840600 -1.229460
71 +-34.894800 -25.682900 -28.068800 -0.598111
72 +-35.020100 -25.554300 -28.299300 0.017489
73 +-35.274300 -25.636500 -28.558800 0.742728
74 +-34.971800 -25.344200 -28.520400 1.519600
75 +-34.424400 -24.697500 -27.797900 2.375100
76 +-34.635300 -24.445000 -28.343600 3.176220
77 +-35.472000 -24.706300 -28.001300 4.097940
78 +-35.828900 -24.692600 -27.493800 4.710450
79 +-35.646800 -24.335700 -26.988000 5.291300
80 +-35.480600 -23.840000 -26.373700 5.919220
81 +-35.630600 -23.821900 -25.849100 6.391780
82 +-36.202300 -24.052700 -24.835700 6.793130
83 +-36.623500 -23.939200 -23.715600 7.052320
84 +-36.639200 -23.591900 -22.982900 7.198800
85 +-36.831300 -23.851500 -22.375200 7.550760
86 +-37.583800 -24.680800 -22.822400 8.085030
87 +-37.073700 -24.128700 -24.069500 8.791450
88 +-37.103000 -23.898000 -24.890000 9.474970
89 +-37.432300 -24.089600 -25.309600 10.127200
90 +-37.657000 -24.521000 -25.616900 10.666400
91 +-37.598800 -24.610900 -25.811000 11.015900
92 +-37.275100 -24.576400 -25.766900 11.369300
93 +-37.246000 -24.888800 -25.467900 11.721500
94 +-37.417000 -25.239200 -25.168600 11.750400
95 +-37.734400 -26.050400 -24.915500 11.422600
96 +-37.836700 -26.838900 -24.568900 10.960900
97 +-37.607500 -27.057900 -24.273400 10.278800
98 +-37.582700 -27.282200 -23.910600 9.475690
99 +-37.718900 -27.938800 -23.606900 8.563860
100 +-37.879600 -28.560300 -23.238300 7.602490
101 +-37.984700 -29.195300 -22.736200 6.511450
102 +-37.977200 -29.790000 -22.107800 5.325150
103 +-37.722600 -30.057500 -21.341000 4.076430
104 +-37.808300 -30.778000 -20.501000 2.709720
105 +-38.154900 -31.480700 -19.724000 1.046640
106 +-37.913600 -31.429200 -19.099300 -0.774052
107 +-37.407900 -31.406100 -18.366700 -2.479200
108 +-36.941700 -31.358800 -17.479300 -4.067770
109 +-36.550700 -31.309500 -16.534100 -5.476760
110 +-36.250800 -31.271100 -15.832800 -7.015500
111 +-36.196500 -31.379700 -15.160900 -8.444290
112 +-36.120600 -31.474600 -14.375800 -9.748630
113 +-35.563600 -31.304200 -13.476100 -10.981800
114 +-35.212800 -31.464100 -12.379800 -11.966400
115 +-35.056500 -31.721000 -11.539100 -13.296200
116 +-34.553800 -31.721300 -10.776500 -14.745300
117 +-34.157200 -32.007500 -9.873850 -15.916400
118 +-34.028300 -32.676400 -9.151560 -17.113800
119 +-33.761100 -33.094700 -8.577000 -18.346500
120 +-33.226600 -33.165900 -7.824230 -19.439200
121 +-32.683200 -33.386100 -6.990620 -20.491500
122 +-32.656200 -34.091900 -6.237860 -21.396200
123 +-32.239000 -33.958400 -5.647240 -22.288400
124 +-31.542600 -33.902800 -5.039020 -23.109200
125 +-30.781200 -33.994800 -4.355220 -23.978500
126 +-30.335200 -34.189000 -3.734750 -24.921500
127 +-29.899000 -34.267100 -3.198690 -25.629300
128 +-29.438500 -34.310800 -2.679740 -26.365000
129 +-28.884300 -34.292300 -2.140300 -27.138500
130 +-28.482400 -34.246600 -1.670020 -27.872000
131 +-28.384200 -34.582200 -1.139950 -28.454900
132 +-28.424000 -34.982800 -0.448394 -28.876400
133 +-28.090100 -35.079700 0.266524 -29.208400
134 +-27.563100 -35.215800 0.838884 -29.664000
135 +-26.725900 -34.918900 1.379760 -30.161200
136 +-26.440900 -34.883700 2.093950 -30.284400
137 +-26.406300 -34.866500 2.594700 -30.470200
138 +-26.358300 -35.091200 3.122450 -30.681000
139 +-26.151100 -35.345300 3.819730 -30.722200
140 +-25.592000 -35.306400 4.611380 -30.699500
141 +-25.149700 -35.239300 5.596660 -30.495600
142 +-25.074300 -35.376200 6.387440 -30.152500
143 +-24.666200 -35.163600 7.117620 -29.732700
144 +-24.146300 -35.053800 7.933360 -29.430000
145 +-23.797300 -35.294200 8.942840 -28.991600
146 +-23.699300 -35.526400 9.821770 -28.470600
147 +-23.591500 -35.787400 10.466100 -28.079600
148 +-23.360100 -36.100600 11.132100 -27.702800
149 +-23.275900 -36.185600 11.643400 -27.394600
150 +-23.079500 -36.024800 11.983200 -27.121600
151 +-22.683700 -35.888100 12.142300 -26.982900
152 +-22.583700 -36.091300 12.416800 -26.955200
153 +-22.659400 -36.128900 12.847000 -27.080500
154 +-22.720800 -36.042200 13.114100 -27.461300
155 +-22.582700 -35.996000 13.158000 -27.982200
156 +-22.455800 -35.933900 13.971800 -28.216400
157 +-22.513900 -35.597100 14.571100 -28.223900
158 +-22.953800 -35.395200 14.846600 -28.227800
159 +-23.545100 -35.616800 14.904400 -28.513600
160 +-23.877600 -35.670800 14.725900 -28.790800
161 +-24.090800 -35.502000 14.895600 -28.391200
162 +-24.649900 -35.479100 14.903200 -27.789200
163 +-25.277500 -35.576800 14.477100 -27.345500
164 +-25.687500 -35.596100 13.963300 -26.891300
165 +-25.940800 -35.604600 13.184600 -26.340100
166 +-26.284100 -35.507400 12.105600 -25.949600
167 +-26.733000 -35.386400 11.149900 -25.551500
168 +-27.025600 -35.255200 9.896250 -24.961800
169 +-27.052700 -34.953400 7.871340 -24.090600
170 +-27.233400 -34.627200 7.301110 -23.423900
171 +-27.535500 -34.569100 5.547640 -22.468400
172 +-28.121000 -34.629100 4.107100 -21.604100
173 +-28.705000 -34.487000 2.557220 -20.746500
174 +-28.773700 -34.192700 0.634998 -19.922600
175 +-28.613900 -33.756900 -1.612270 -18.934000
176 +-28.497600 -33.346500 -2.606540 -18.228700
177 +-28.568500 -33.168500 -3.897520 -17.609900
178 +-28.692800 -33.122300 -5.350690 -17.134500
179 +-28.706500 -32.919200 -6.611690 -16.668800
180 +-28.953200 -32.504300 -7.425550 -15.754600
181 +-29.150200 -32.044300 -8.569190 -14.847800
182 +-28.920900 -31.524500 -10.284500 -13.934500
183 +-29.237200 -31.220800 -11.105600 -13.056300
184 +-29.685600 -31.073000 -12.439300 -12.310200
185 +-29.775000 -30.700900 -14.014100 -11.731400
186 +-29.955400 -30.271000 -15.021700 -11.198800
187 +-30.280400 -29.724700 -16.343800 -10.670100
188 +-30.798200 -29.382100 -17.505600 -10.107700
189 +-30.871300 -29.067200 -18.568100 -9.478270
190 +-30.965600 -28.750800 -19.727800 -8.831070
191 +-31.028400 -28.390500 -20.915200 -8.258050
192 +-31.428900 -28.001100 -22.160000 -7.880900
193 +-31.575900 -27.590300 -23.389400 -7.595320
194 +-31.635900 -27.182900 -24.259500 -7.218010
195 +-31.939000 -26.869800 -25.012300 -6.756920
196 +-32.362800 -26.638500 -25.679200 -6.220670
197 +-32.365900 -26.244600 -26.112200 -5.520120
198 +-32.266500 -25.825400 -26.711400 -4.857060
199 +-32.470100 -25.399400 -27.478700 -4.294330
200 +-32.664400 -24.803000 -28.071900 -3.811650
201 +-32.670600 -24.403200 -28.449800 -3.264210
202 +-32.802500 -24.414400 -28.656600 -2.642180
203 +-32.971700 -24.413500 -28.767000 -2.030680
204 +-33.083700 -24.337000 -28.695100 -1.361210
205 +-33.192500 -23.937800 -28.857300 -0.709914
206 +-33.135600 -23.415900 -29.013200 0.051773
207 +-33.385200 -23.413200 -28.924200 0.940840
208 +-33.843500 -23.331800 -28.799700 1.799160
209 +-33.895400 -23.002300 -28.812400 2.434780
210 +-33.800300 -23.045500 -28.549600 3.143120
211 +-33.789800 -22.989400 -28.079700 3.945150
212 +-33.933700 -22.729300 -27.629600 4.741460
213 +-34.106900 -22.664100 -27.213400 5.467670
214 +-34.099200 -22.664400 -26.684700 6.254480
215 +-34.106000 -22.331300 -26.159100 7.032720
216 +-34.193200 -22.156600 -25.671400 7.637440
217 +-34.289700 -22.012500 -24.984800 8.014980
218 +-34.405000 -21.884300 -24.831300 8.302880
219 +-34.514000 -21.989500 -25.160600 8.646820
220 +-34.548200 -21.994900 -25.025600 9.108770
221 +-34.620100 -21.913600 -25.281900 9.434220
222 +-34.826000 -21.989200 -25.703500 9.775500
223 +-35.042700 -22.002100 -25.849800 10.070900
224 +-35.263500 -22.211500 -25.705800 10.330500
225 +-35.339000 -22.738100 -25.800500 10.350100
226 +-35.221900 -23.176300 -25.786600 10.360900
227 +-35.283200 -23.567500 -25.444200 10.316100
228 +-35.534100 -23.684600 -25.121700 10.081700
229 +-35.590900 -23.728800 -24.897700 9.775100
230 +-35.532300 -24.082200 -23.955100 9.246840
231 +-35.845300 -24.580700 -23.387100 8.334320
232 +-36.177500 -25.042200 -23.170800 7.144000
233 +-35.968800 -25.435200 -22.778000 6.067860
234 +-35.921300 -25.912400 -22.047700 5.105860
235 +-36.062000 -26.176400 -21.115600 4.064100
236 +-36.154700 -26.352300 -20.082000 2.915610
237 +-36.133900 -26.604600 -19.207600 1.665160
238 +-36.356300 -27.062700 -18.447600 0.271374
239 +-36.626200 -27.370600 -17.077400 -1.105800
240 +-36.513800 -27.571600 -16.054400 -2.563070
241 +-36.248900 -27.747300 -15.359900 -4.145910
242 +-36.241000 -28.029000 -14.580900 -5.588300
243 +-36.120100 -28.025300 -13.818700 -6.926030
244 +-35.928500 -28.113500 -12.835100 -8.225410
245 +-35.608700 -28.212600 -11.887800 -9.344210
246 +-34.832600 -27.996900 -11.009900 -10.421700
247 +-34.915800 -28.703300 -10.358100 -11.723000
248 +-34.836500 -29.191400 -9.346580 -12.953400
249 +-34.603500 -29.465300 -8.475680 -14.213700
250 +-34.116500 -29.475300 -7.762260 -15.510300
251 +-33.832400 -29.509400 -7.005550 -16.705300
252 +-34.000400 -29.899400 -6.417880 -17.987400
253 +-34.010200 -30.342000 -6.050640 -19.436300
254 +-33.721900 -30.644100 -5.556470 -20.708100
255 +-33.439100 -30.910400 -5.055640 -21.920300
256 +-33.268000 -31.156000 -4.601570 -23.122100
257 +-32.782800 -31.135000 -4.095000 -24.250800
258 +-32.450400 -31.436500 -3.389750 -25.014500
259 +-32.495200 -31.810800 -2.760150 -25.806400
260 +-32.195700 -31.678200 -2.411470 -26.814500
261 +-31.612200 -31.542900 -1.918870 -27.588100
262 +-31.330100 -31.613500 -1.151950 -28.132000
263 +-31.044700 -31.915700 -0.433653 -28.716100
264 +-30.535400 -32.100400 0.161892 -29.302600
265 +-30.083600 -32.187200 0.648707 -29.878900
266 +-29.753600 -32.475500 1.226240 -30.157000
267 +-29.084200 -32.544800 1.890100 -30.262100
268 +-28.475600 -32.586600 2.628790 -30.349300
269 +-28.300500 -32.866100 3.327390 -30.502100
270 +-27.682100 -32.885500 4.116950 -30.496400
271 +-26.920400 -32.730400 5.124230 -30.432300
272 +-26.643600 -33.059400 6.127070 -30.080100
273 +-26.472100 -33.688600 6.958650 -29.851500
274 +-26.100100 -34.065700 7.780020 -29.618700
275 +-25.672400 -34.274600 8.673160 -29.205600
276 +-25.311700 -34.456300 9.512040 -28.501700
277 +-24.980800 -34.554800 10.092500 -27.694400
278 +-24.537900 -34.409800 10.697300 -26.945700
279 +-24.249800 -34.584800 11.331300 -26.327400
280 +-24.066300 -34.997200 11.925000 -25.782800
281 +-23.584100 -35.128700 12.389800 -25.353300
282 +-23.251200 -35.246900 12.597400 -25.309300
283 +-23.167700 -35.259900 13.140200 -25.453200
284 +-23.120700 -35.404200 13.582900 -25.771800
285 +-23.111500 -35.590000 13.733000 -26.207100
286 +-23.047000 -35.604800 13.813900 -26.539700
287 +-22.890300 -35.621100 13.922800 -26.638800
288 +-22.826800 -35.672600 14.172900 -26.641900
289 +-23.136200 -35.850000 14.452600 -26.522900
290 +-23.498500 -36.022400 14.554700 -26.308100
291 +-23.776700 -36.289200 14.462200 -26.027300
292 +-24.151900 -36.797400 14.065200 -25.836000
293 +-24.298800 -36.941500 13.351100 -25.534100
294 +-24.310100 -36.865500 12.207200 -25.496300
295 +-24.581400 -37.142400 11.886100 -25.196400
296 +-25.050300 -37.459900 11.251400 -24.621200
297 +-25.293200 -37.491500 10.224500 -24.224000
298 +-25.345400 -37.430900 9.047920 -23.833900
299 +-25.576200 -37.420000 7.819760 -23.224500
300 +-26.136100 -37.587600 6.643040 -22.479600
301 +-26.668600 -37.597500 5.398300 -21.699100
302 +-26.831500 -37.346800 3.868530 -20.974200
303 +-26.875100 -36.845300 2.317360 -20.031700
304 +-26.912300 -36.384300 0.855784 -19.097000
305 +-27.147100 -35.945200 -0.817644 -18.465700
306 +-27.225000 -35.639400 -2.271760 -17.691500
307 +-27.077700 -35.207700 -3.628330 -16.888900
308 +-27.069800 -34.662200 -5.134140 -16.289600
309 +-27.058000 -34.163600 -6.550060 -15.693600
310 +-27.132100 -33.849400 -7.849820 -14.985400
311 +-27.162100 -33.366000 -9.085100 -14.282600
312 +-27.079000 -32.828400 -10.361100 -13.647700
313 +-27.152000 -32.302100 -11.659400 -13.006900
314 +-27.466700 -31.900100 -12.855800 -12.283200
315 +-27.770400 -31.612300 -13.987100 -11.503600
316 +-28.001400 -31.292300 -15.224400 -10.804800
317 +-28.180500 -30.864900 -16.462800 -10.258600
318 +-28.404100 -30.425300 -17.556600 -9.565060
319 +-28.521200 -29.923700 -18.734900 -8.994780
320 +-28.761700 -29.613500 -19.981900 -8.556200
321 +-29.127500 -29.381500 -21.003800 -8.053650
322 +-29.461400 -29.131600 -21.877400 -7.502010
323 +-29.520100 -28.554400 -22.869400 -7.048120
324 +-29.534300 -28.087100 -23.858200 -6.627470
325 +-29.917600 -28.030000 -24.689600 -6.211920
326 +-30.334800 -27.673600 -25.256900 -5.679580
327 +-30.230100 -26.813500 -25.473100 -5.138330
328 +-30.088100 -25.961200 -26.280600 -4.762150
329 +-30.591000 -25.790100 -27.115200 -4.290550
330 +-30.957400 -25.701500 -27.208800 -3.618820
331 +-30.946700 -25.311100 -27.423400 -3.001420
332 +-31.137000 -24.856200 -27.847400 -2.516020
333 +-31.360800 -24.642600 -28.068300 -2.034390
334 +-31.537200 -24.439800 -28.076800 -1.606310
335 +-31.551200 -23.826600 -28.113000 -1.140800
336 +-31.553500 -23.251300 -28.110300 -0.679632
337 +-31.921800 -23.028700 -28.103700 -0.235661
338 +-32.153500 -22.795400 -28.093900 0.266151
339 +-32.283500 -22.556300 -27.752800 0.806518
340 +-32.654500 -22.314800 -27.432700 1.463380
341 +-32.842000 -22.064500 -27.202100 2.201920
342 +-32.780300 -21.675700 -26.983800 2.894150
343 +-32.907300 -21.208800 -26.800800 3.491620
344 +-33.108300 -21.033300 -26.500800 4.231110
345 +-33.341000 -21.003900 -26.042700 5.098570
346 +-33.561200 -20.918200 -25.507800 5.797200
347 +-33.794900 -20.906000 -25.077600 6.257660
348 +-33.955700 -20.825300 -24.859200 6.510150
349 +-33.970800 -20.706700 -24.932800 6.723440
350 +-34.161500 -20.713700 -25.260000 7.068280
351 +-34.315300 -20.590600 -25.728200 7.453530
352 +-34.139300 -20.447100 -26.013400 8.028550
353 +-33.969300 -20.428100 -26.394300 8.501900
354 +-34.200400 -20.623900 -26.789900 8.940860
355 +-34.291700 -20.913600 -27.053200 9.255650
356 +-34.125200 -21.129800 -27.101900 9.468390
357 +-34.055900 -21.434400 -26.815600 9.640700
358 +-33.697200 -21.593000 -26.440300 9.514420
359 +-33.416700 -21.812200 -25.979300 9.104310
360 +-33.343000 -22.207500 -25.486300 8.528000
361 +-33.145200 -22.754400 -24.948000 7.959970
362 +-32.924300 -23.233400 -24.387100 7.247660
363 +-32.783400 -23.510500 -23.889100 6.302480
364 +-32.822000 -23.866900 -23.240600 5.319090
365 +-32.904400 -24.482300 -22.680700 4.164560
366 +-32.869700 -24.929700 -22.060100 2.915200
367 +-32.764600 -25.003500 -21.256700 1.770870
368 +-32.736600 -24.960300 -20.378000 0.666665
369 +-32.612500 -25.077500 -19.650800 -0.634345
370 +-32.619200 -25.563600 -18.784400 -1.799770
371 +-32.679500 -26.069700 -17.902300 -2.815200
372 +-32.108400 -25.882100 -17.276900 -4.011610
373 +-32.214200 -26.467700 -16.586100 -5.331300
374 +-31.793100 -26.515800 -15.670200 -6.540590
375 +-31.525600 -26.925900 -14.723800 -7.653800
376 +-31.310100 -27.410100 -13.957400 -8.812250
377 +-30.811100 -27.313900 -13.145500 -9.820840
378 +-30.475400 -27.622800 -12.418500 -10.857600
379 +-30.290400 -28.230900 -11.831500 -11.981300
380 +-30.032000 -28.690800 -11.359500 -13.206700
381 +-29.626200 -28.954100 -10.796000 -14.252000
382 +-28.915400 -28.874200 -10.067600 -15.122400
383 +-28.418400 -29.043300 -9.289820 -16.034600
384 +-28.348500 -29.703500 -8.536450 -16.906800
385 +-27.925300 -30.047600 -8.170470 -18.079600
386 +-27.347800 -30.170600 -7.936090 -19.362600
387 +-27.064000 -30.591900 -7.508020 -20.351600
388 +-26.947200 -31.074500 -7.030490 -21.277200
389 +-26.751700 -31.414100 -6.490390 -22.187200
390 +-26.275800 -31.500600 -5.981290 -23.070400
391 +-25.797400 -31.638400 -5.496710 -23.937000
392 +-25.344600 -31.927900 -5.133450 -24.900000
393 +-24.921700 -32.333700 -4.608970 -25.611900
394 +-24.690700 -32.794400 -3.851140 -26.079600
395 +-24.172600 -32.823600 -2.794410 -26.413000
396 +-23.389800 -32.577100 -1.972980 -26.934400
397 +-23.037000 -32.753800 -1.269910 -27.366200
398 +-23.136300 -33.414600 -0.462779 -27.575100
399 +-22.744700 -33.673100 0.278669 -27.774400
400 +-21.904600 -33.597300 0.992917 -28.013700
401 +-21.486400 -33.701300 1.794570 -28.094600
402 +-21.323200 -33.849500 2.677030 -28.269900
403 +-21.153200 -33.962700 3.847670 -28.261000
404 +-21.143700 -34.451900 5.104100 -28.147200
405 +-20.875500 -34.805700 6.251870 -28.069300
406 +-20.244600 -34.433600 7.269440 -28.161700
407 +-19.901600 -34.485300 8.182440 -28.228000
408 +-19.990200 -34.864100 8.944330 -28.168600
409 +-18.844300 -34.202900 9.783070 -27.946000
410 +-19.117200 -34.816000 10.569100 -27.613400
411 +-19.490500 -35.289800 11.751400 -27.150200
412 +-19.519800 -35.492600 12.503300 -26.698600
413 +-19.512600 -35.750200 13.092400 -26.508100
414 +-19.784900 -36.067900 13.472800 -26.370900
415 +-19.324900 -35.620900 13.623900 -26.388300
416 +-19.079200 -35.404800 13.250300 -26.294700
417 +-18.896700 -35.290100 14.105900 -26.345400
418 +-18.995900 -35.133200 14.271800 -26.472100
419 +-19.710100 -35.552000 14.507400 -26.627600
420 +-19.826100 -35.448100 14.728200 -26.607500
421 +-19.557500 -35.142800 14.755100 -26.630900
422 +-19.691300 -35.204900 14.594000 -26.836500
423 +-20.308700 -35.535600 14.468400 -26.986300
424 +-20.839700 -35.815900 14.255100 -26.534600
425 +-20.869900 -35.685300 14.173200 -25.927700
426 +-21.048400 -35.493300 12.705200 -26.545200
427 +-21.522000 -35.514300 12.059800 -26.285800
428 +-22.006500 -35.400600 11.357200 -25.842400
429 +-22.892600 -35.628200 10.015000 -25.848700
430 +-23.295100 -35.580200 9.050960 -25.225700
431 +-23.640900 -35.500600 8.009010 -24.257200
432 +-24.110800 -35.353900 6.635740 -23.487400
433 +-24.651300 -35.256500 4.869580 -22.872100
434 +-24.986700 -35.138300 3.253030 -22.034500
435 +-25.221200 -34.870600 1.835540 -20.984100
436 +-25.365000 -34.500500 0.262457 -20.182500
437 +-25.744600 -34.575200 -1.733910 -19.690400
438 +-26.364600 -34.644600 -2.683630 -18.234300
439 +-26.015200 -33.848500 -4.031260 -17.058100
440 +-25.431600 -32.889100 -5.972570 -16.702000
441 +-26.091900 -33.063300 -7.140720 -15.960300
442 +-26.910500 -33.158700 -8.358320 -15.123000
443 +-26.527300 -32.950100 -9.901720 -14.689300
444 +-26.672500 -32.493800 -11.087400 -13.976300
445 +-26.724600 -31.845600 -11.913000 -12.948700
446 +-26.717300 -31.395200 -12.820600 -11.912100
447 +-27.160800 -31.336200 -14.461500 -11.566100
448 +-26.913000 -30.321800 -16.326700 -11.533300
449 +-28.550400 -31.324200 -17.359200 -10.772400
450 +-28.371100 -30.432900 -18.241900 -10.084600
451 +-28.508200 -29.910500 -19.356000 -9.616570
452 +-29.559400 -30.226200 -20.441500 -9.177340
453 +-29.224500 -29.432000 -21.778600 -9.042510
454 +-29.160200 -28.928700 -23.240400 -9.028700
1 +-23.589500 -34.983000 7.318060 -30.044300
2 +-23.378300 -35.116900 8.429580 -29.689400
3 +-23.403700 -35.535400 9.398520 -29.287900
4 +-23.305600 -35.859900 10.229800 -28.917100
5 +-23.027700 -36.023000 10.841500 -28.477900
6 +-23.002100 -36.354800 11.343700 -27.966800
7 +-22.958500 -36.840400 11.751300 -27.771700
8 +-22.660500 -37.008700 12.080000 -27.899700
9 +-22.159400 -37.091100 12.454000 -28.122000
10 +-20.668900 -36.774300 12.927600 -28.425700
11 +-21.362200 -37.135700 13.254400 -28.972100
12 +-21.494200 -37.196800 13.702800 -29.385600
13 +-21.532200 -37.295100 14.189000 -29.466400
14 +-21.533600 -37.593200 14.607400 -29.359100
15 +-21.801200 -38.134900 14.895200 -29.308200
16 +-22.268400 -38.378400 15.203400 -29.236500
17 +-22.396000 -38.504100 15.245300 -29.141900
18 +-22.667700 -38.862900 15.138400 -28.839900
19 +-23.209600 -39.389700 14.911400 -28.470500
20 +-23.722700 -39.665100 14.546400 -28.116700
21 +-23.780600 -39.771400 14.310000 -27.645800
22 +-23.068000 -39.735700 13.937600 -27.303400
23 +-25.305300 -40.691300 13.369500 -27.188400
24 +-23.590200 -40.249100 12.365300 -27.086400
25 +-25.476800 -40.743800 11.565300 -26.665400
26 +-27.751900 -40.998500 10.208000 -25.778200
27 +-25.946100 -40.862600 9.154950 -25.195000
28 +-25.547600 -40.581700 7.779660 -24.525600
29 +-25.652300 -40.479200 6.350190 -23.686600
30 +-25.715100 -40.278200 4.967140 -22.794100
31 +-25.148200 -39.337400 2.847030 -21.772800
32 +-26.341400 -39.470800 2.182530 -21.139100
33 +-26.687700 -39.168700 0.591873 -20.360800
34 +-26.651100 -38.504700 -0.836142 -19.798900
35 +-26.659000 -38.006800 -2.141040 -19.032800
36 +-26.654700 -37.526500 -3.409600 -18.208900
37 +-26.953300 -37.133500 -4.588290 -17.435900
38 +-27.351800 -36.847000 -5.907880 -16.800300
39 +-27.025500 -36.020300 -7.214460 -16.107900
40 +-28.035500 -35.950900 -8.298880 -15.147200
41 +-28.218800 -35.355100 -9.660590 -14.442000
42 +-28.188900 -34.731100 -10.797000 -13.647300
43 +-28.169800 -33.916500 -11.952600 -12.947400
44 +-28.458100 -33.535600 -13.128400 -12.261000
45 +-29.058900 -33.210000 -14.251500 -11.671100
46 +-29.368400 -32.637600 -15.248400 -11.131800
47 +-29.626600 -32.119500 -16.214700 -10.639300
48 +-29.957900 -31.748300 -17.360800 -10.354600
49 +-30.333900 -31.176900 -18.557200 -10.135600
50 +-30.721900 -30.523800 -19.425300 -9.543270
51 +-30.938000 -29.872600 -20.348500 -8.905520
52 +-31.055200 -29.291800 -21.379200 -8.499900
53 +-31.378000 -28.778600 -22.203900 -8.114410
54 +-31.764300 -28.090400 -22.993500 -7.574520
55 +-32.119400 -27.713800 -23.715200 -7.041900
56 +-32.359400 -27.427100 -24.504800 -6.701360
57 +-32.580000 -27.017000 -25.178400 -6.190540
58 +-32.876000 -26.600800 -25.861400 -5.625050
59 +-33.154900 -26.004000 -26.410300 -5.140410
60 +-33.553900 -25.559600 -26.974700 -4.599370
61 +-33.871100 -25.242100 -26.956700 -3.892530
62 +-33.897600 -24.794100 -27.302000 -3.402910
63 +-33.576000 -24.054400 -27.894400 -2.786500
64 +-33.556400 -23.592900 -28.129900 -1.991120
65 +-34.204600 -23.613600 -27.644000 -1.112600
66 +-34.651000 -23.370900 -27.689100 -0.382872
67 +-34.937300 -23.158600 -28.019500 0.431722
68 +-35.129200 -22.771500 -27.904800 1.298170
69 +-35.136900 -22.281000 -27.503700 2.120530
70 +-35.282100 -22.237600 -27.184300 2.798530
71 +-35.536000 -22.291700 -27.166100 3.443220
72 +-35.832200 -22.011300 -26.975900 4.239550
73 +-35.787600 -21.555800 -26.646500 4.986400
74 +-35.747200 -21.174900 -26.458700 5.579830
75 +-36.174400 -21.309200 -26.468100 6.188250
76 +-36.529200 -21.622000 -26.335700 6.773500
77 +-36.536300 -21.603400 -26.254000 7.238570
78 +-36.443400 -21.394100 -26.429500 7.658300
79 +-36.384100 -21.272800 -27.011200 8.113750
80 +-36.181200 -21.150100 -27.582700 8.779370
81 +-36.181500 -21.337000 -27.724800 9.637380
82 +-36.323700 -21.721200 -27.755700 10.224400
83 +-36.358500 -21.784800 -28.017500 10.632400
84 +-36.333500 -21.859700 -27.846100 11.173800
85 +-36.201900 -22.183600 -27.592000 11.654200
86 +-36.326400 -22.716300 -27.513700 11.863700
87 +-36.797100 -23.351500 -27.269000 12.056600
88 +-36.823400 -23.631900 -26.973500 11.951200
89 +-36.623400 -23.904400 -26.745300 11.601500
90 +-36.690500 -24.057900 -26.321200 11.160400
91 +-36.754100 -24.455600 -25.898600 10.767900
92 +-37.017900 -25.104100 -25.551400 10.366400
93 +-37.100400 -25.653100 -25.245500 9.659280
94 +-37.061500 -26.206800 -25.018200 8.699870
95 +-36.882700 -26.542500 -24.662200 7.674270
96 +-36.691500 -26.946300 -24.081300 6.446150
97 +-36.487400 -27.585000 -23.215500 5.152750
98 +-36.474200 -28.236200 -22.297900 3.666060
99 +-36.587400 -28.626600 -21.548600 1.956980
100 +-36.671500 -28.905100 -20.807900 0.165235
101 +-36.488800 -29.242800 -19.915100 -1.480900
102 +-36.198500 -29.302000 -18.869900 -2.874840
103 +-35.907900 -29.190500 -18.020100 -4.309210
104 +-35.493900 -29.147900 -17.081600 -5.664860
105 +-35.222100 -29.495700 -15.946200 -7.080360
106 +-34.773000 -29.960600 -14.919600 -8.403210
107 +-34.273900 -29.946700 -14.293300 -9.827920
108 +-33.856300 -30.024200 -14.085000 -11.122000
109 +-33.325900 -30.380800 -13.008500 -12.491500
110 +-32.721600 -30.649100 -11.178300 -13.588500
111 +-32.116200 -30.853800 -11.145100 -15.052000
112 +-31.553500 -31.178600 -11.179900 -16.593200
113 +-31.114600 -31.647300 -9.751200 -17.735200
114 +-30.823100 -32.104800 -9.148920 -19.009100
115 +-30.346700 -32.327300 -8.560680 -20.339800
116 +-29.599700 -32.719200 -8.027650 -21.503500
117 +-28.851100 -32.986500 -7.289390 -22.539400
118 +-28.254100 -32.994400 -6.704160 -23.692600
119 +-27.629900 -33.103000 -6.278760 -24.876900
120 +-26.958100 -33.260300 -5.925800 -26.074000
121 +-26.442600 -33.553100 -5.558050 -27.114800
122 +-26.071100 -33.947200 -5.213380 -28.177000
123 +-25.724400 -34.194000 -4.696570 -29.067800
124 +-25.384000 -34.479900 -4.133260 -29.942900
125 +-24.968500 -34.526000 -3.607030 -30.821900
126 +-24.458700 -34.535500 -2.945790 -31.365800
127 +-23.811900 -34.537500 -2.336330 -31.938400
128 +-23.120600 -34.259500 -1.516500 -32.425900
129 +-22.805300 -34.219200 -0.633979 -32.771800
130 +-22.464500 -34.516400 0.153771 -33.062600
131 +-21.887000 -34.671500 1.227560 -33.245600
132 +-21.734900 -34.712100 2.235540 -33.111600
133 +-21.603400 -34.797700 2.866020 -33.144300
134 +-21.129500 -34.942800 3.720680 -33.025400
135 +-20.797200 -34.976900 4.728930 -32.834700
136 +-20.437300 -35.010800 5.625150 -32.640100
137 +-20.134500 -34.763600 6.872170 -32.164500
138 +-20.144500 -34.804500 8.212460 -31.461700
139 +-20.114300 -35.026300 8.934950 -30.866800
140 +-19.879700 -35.266100 9.505970 -30.259100
141 +-19.791900 -35.525600 10.099600 -29.687300
142 +-19.824300 -35.718200 10.575200 -29.122000
143 +-19.926500 -35.838900 10.634700 -28.444800
144 +-19.781700 -35.914700 11.390900 -27.850900
145 +-19.645000 -36.103800 12.279300 -27.665900
146 +-19.631200 -36.305800 12.868500 -27.884100
147 +-19.428000 -36.204700 13.221600 -27.967700
148 +-19.126700 -36.117100 13.667800 -28.325400
149 +-19.196200 -36.330900 14.287100 -28.696100
150 +-19.316800 -36.705600 14.681800 -28.844500
151 +-19.471000 -36.788500 14.857800 -28.898600
152 +-19.960800 -37.013000 15.045700 -28.701600
153 +-20.657900 -37.551600 14.947800 -28.506900
154 +-21.051900 -37.972800 14.700800 -28.393400
155 +-21.367300 -38.193100 14.100300 -28.340800
156 +-21.677800 -38.252500 13.548200 -28.065900
157 +-21.878500 -38.345500 13.299500 -27.561600
158 +-22.346800 -38.888300 12.687000 -27.238600
159 +-22.747000 -39.366600 12.003400 -26.766400
160 +-22.917300 -39.705100 11.426400 -26.153800
161 +-23.524800 -39.998900 10.639000 -25.760400
162 +-24.203500 -39.922800 9.923160 -25.275700
163 +-24.815200 -40.061200 9.397910 -24.492800
164 +-25.566200 -40.100500 8.554850 -23.667300
165 +-26.232100 -40.020600 7.196570 -22.989300
166 +-26.865900 -39.941000 5.628730 -22.284900
167 +-27.543500 -39.798100 4.257320 -21.615800
168 +-28.141100 -39.539500 3.012320 -20.893400
169 +-28.572000 -38.952700 1.608460 -20.066900
170 +-28.742300 -38.147200 0.286544 -19.228600
171 +-29.043200 -37.566400 -0.831130 -18.428800
172 +-29.577500 -37.263200 -2.083960 -17.918700
173 +-29.960900 -36.871300 -3.285350 -17.504000
174 +-30.031300 -36.000300 -4.508560 -16.910800
175 +-30.409500 -35.316600 -5.552100 -15.912200
176 +-30.928800 -34.994000 -6.521640 -15.014800
177 +-31.102400 -34.181000 -7.567450 -14.240400
178 +-31.084000 -33.237600 -8.759350 -13.636800
179 +-31.252200 -32.640400 -10.029300 -13.039800
180 +-31.660500 -32.180000 -11.109200 -12.258800
181 +-32.036000 -31.661800 -11.976500 -11.283400
182 +-32.217600 -31.039300 -12.997600 -10.485900
183 +-32.343800 -30.303900 -14.284900 -9.959980
184 +-32.473000 -29.621500 -15.649300 -9.523960
185 +-32.662900 -29.057400 -16.894700 -9.096740
186 +-32.808900 -28.503800 -18.142800 -8.774330
187 +-32.973100 -27.792900 -19.149200 -8.359080
188 +-33.164200 -27.150400 -20.118100 -7.871860
189 +-33.451100 -26.843800 -21.219500 -7.545080
190 +-33.769900 -26.287100 -22.187100 -7.206740
191 +-33.920400 -25.477300 -22.990100 -6.715810
192 +-33.962700 -24.954600 -23.779700 -6.186950
193 +-34.112300 -24.588100 -24.730100 -5.837680
194 +-34.222800 -24.269400 -25.484000 -5.402070
195 +-34.462600 -23.789600 -26.202000 -4.911210
196 +-34.725900 -23.303900 -26.844000 -4.252330
197 +-34.946100 -22.927100 -27.381800 -3.473830
198 +-35.544900 -22.727700 -27.842100 -2.674250
199 +-35.704700 -22.212700 -28.310900 -1.932360
200 +-35.709700 -21.618700 -28.452200 -1.173530
201 +-35.905200 -21.151900 -28.487800 -0.487792
202 +-36.333600 -20.884200 -28.643700 0.104096
203 +-36.611100 -20.703100 -28.539700 0.884755
204 +-36.707100 -20.427400 -28.837400 1.431050
205 +-36.740300 -20.002100 -28.902400 2.205600
206 +-36.631900 -19.326500 -28.698500 3.010110
207 +-36.763200 -18.894000 -28.525200 3.729890
208 +-36.840700 -18.842400 -28.309800 4.412580
209 +-36.936000 -18.849900 -28.034200 5.119930
210 +-37.124500 -18.811800 -27.742300 5.745360
211 +-37.438900 -18.859500 -27.384400 6.404620
212 +-37.613800 -18.969700 -26.798600 7.131890
213 +-37.701700 -18.716700 -26.220500 7.777620
214 +-37.648000 -18.418500 -26.032700 8.290940
215 +-37.640700 -18.165600 -26.068300 8.901260
216 +-37.667900 -18.101800 -26.093100 9.536670
217 +-37.616800 -18.216500 -26.510800 9.922150
218 +-37.644200 -18.314400 -26.741700 10.271200
219 +-37.839200 -18.511500 -26.736200 10.774500
220 +-37.956900 -18.608000 -26.775100 11.122500
221 +-37.800600 -18.605000 -26.745900 11.492800
222 +-37.639200 -18.829800 -26.493500 11.772900
223 +-37.825800 -19.299600 -26.126400 11.938000
224 +-37.906900 -19.667300 -25.875800 11.805400
225 +-37.863700 -20.135700 -25.753100 11.382200
226 +-37.791900 -20.508100 -25.340600 10.972300
227 +-38.007900 -21.332000 -24.699700 10.636600
228 +-38.535900 -22.333100 -24.392500 9.993650
229 +-38.442600 -22.786900 -24.299500 9.160610
230 +-38.184900 -23.176900 -24.064400 8.316530
231 +-38.131100 -23.760600 -23.748900 7.257300
232 +-37.851300 -24.164400 -23.519000 5.975310
233 +-37.562100 -24.442500 -22.943500 4.759870
234 +-37.324500 -24.566300 -22.063900 3.494530
235 +-37.089000 -24.931000 -21.224300 1.974380
236 +-36.848500 -25.241800 -20.452400 0.391141
237 +-36.737300 -25.478600 -19.486600 -1.004790
238 +-36.503100 -25.810900 -18.620200 -2.303960
239 +-36.197200 -25.877700 -17.961300 -3.808260
240 +-36.010100 -26.115700 -17.325300 -5.504260
241 +-35.975500 -26.449000 -16.438300 -6.829380
242 +-35.602500 -26.624100 -15.617100 -8.029590
243 +-35.183700 -26.446400 -14.950000 -9.465050
244 +-34.692000 -26.499000 -14.129900 -10.860300
245 +-34.530300 -27.052500 -13.132400 -12.010600
246 +-34.138300 -27.319400 -12.179500 -13.078700
247 +-33.642900 -27.447700 -11.516500 -14.493300
248 +-33.155200 -27.887100 -10.823100 -15.894800
249 +-32.943800 -28.456800 -10.035500 -17.216800
250 +-32.552100 -28.759000 -9.160590 -18.312600
251 +-31.925400 -28.974700 -8.454730 -19.438200
252 +-31.462900 -29.262700 -7.984330 -20.722400
253 +-31.130700 -29.685400 -7.302000 -21.633600
254 +-30.777900 -29.846900 -6.599490 -22.549800
255 +-30.325500 -30.023500 -6.046890 -23.627800
256 +-30.109400 -30.439300 -5.436200 -24.566400
257 +-30.004500 -30.894200 -4.826860 -25.501200
258 +-29.886000 -31.124300 -4.213880 -26.364800
259 +-29.113700 -31.219500 -3.692690 -27.254600
260 +-28.940000 -31.481500 -3.304810 -28.259600
261 +-28.472800 -31.737600 -2.762500 -29.008100
262 +-27.860800 -32.079200 -2.180800 -29.605000
263 +-27.656600 -32.474400 -1.645120 -30.100700
264 +-27.254900 -32.450300 -1.052660 -30.519600
265 +-26.579500 -32.422900 -0.294535 -30.711400
266 +-26.460900 -32.809400 0.408691 -30.942400
267 +-26.503300 -33.214000 1.132380 -31.045600
268 +-26.156500 -33.225300 2.024230 -31.053400
269 +-25.789900 -33.336200 2.867470 -31.040700
270 +-25.375500 -33.488400 3.731070 -31.045300
271 +-24.927100 -33.301100 4.617660 -31.087700
272 +-24.824900 -33.541300 5.556780 -30.992900
273 +-24.646000 -33.677400 6.552670 -30.732100
274 +-24.202000 -33.620500 7.459960 -30.593900
275 +-23.684700 -33.780900 8.515470 -30.413600
276 +-23.519200 -34.163500 9.549680 -29.984700
277 +-23.320900 -34.299300 10.290800 -29.594600
278 +-22.934800 -34.189000 10.890300 -29.436900
279 +-22.674300 -34.342100 11.491100 -29.168300
280 +-22.729000 -34.788200 11.946200 -28.720500
281 +-22.757000 -35.232900 12.542800 -28.648400
282 +-22.604200 -35.395800 12.935300 -28.593300
283 +-22.154800 -35.421700 13.325500 -28.568200
284 +-21.737300 -35.455600 13.798200 -28.770700
285 +-21.601600 -35.729000 14.424600 -28.927200
286 +-21.512300 -35.661000 15.003800 -28.959500
287 +-21.752600 -35.719500 15.396300 -29.147100
288 +-22.395400 -36.191500 15.922600 -29.289400
289 +-22.636700 -36.429500 16.278700 -29.592200
290 +-22.597600 -36.486900 16.358700 -29.782700
291 +-22.903500 -36.732000 16.287800 -29.487000
292 +-23.234600 -36.946700 15.938700 -29.199600
293 +-23.606000 -37.205100 15.347400 -29.088700
294 +-23.773200 -37.416200 14.747600 -29.022000
295 +-23.861700 -37.443400 14.236200 -28.842400
296 +-24.167400 -37.306400 13.968800 -28.587300
297 +-24.753300 -37.436500 13.357800 -28.177900
298 +-25.352200 -37.715800 13.020600 -27.483300
299 +-25.791400 -38.005800 11.319600 -26.613200
300 +-26.275400 -38.445400 8.487200 -25.642500
301 +-26.637500 -38.469500 7.496510 -24.946100
302 +-26.615100 -37.917600 6.402390 -24.070100
303 +-26.439700 -37.288300 4.982800 -23.271200
304 +-26.366200 -36.921300 3.065360 -22.339300
305 +-26.657600 -36.848200 1.084600 -21.395200
306 +-27.092200 -36.929000 -0.356136 -20.432800
307 +-27.358200 -36.894600 -1.917850 -19.608000
308 +-27.499900 -36.475800 -3.373640 -18.864200
309 +-27.673900 -35.933300 -4.863020 -18.153200
310 +-28.018400 -35.684600 -6.410600 -17.438700
311 +-28.276200 -35.362400 -7.981000 -16.716000
312 +-28.618400 -34.847800 -9.269090 -15.828700
313 +-29.210400 -34.328500 -10.630700 -15.028600
314 +-29.422300 -33.506300 -12.151400 -14.422300
315 +-29.300300 -32.792000 -13.785700 -13.931400
316 +-29.591800 -32.618200 -15.317200 -13.443600
317 +-29.991200 -32.285900 -16.960100 -12.875500
318 +-30.300100 -31.770900 -18.052200 -12.203200
319 +-30.611800 -31.240500 -18.978500 -11.772300
320 +-30.724500 -30.632000 -20.083600 -11.294300
321 +-31.115000 -30.295600 -21.025800 -10.737200
322 +-31.528700 -29.917300 -22.345200 -10.025900
323 +-31.539500 -29.130800 -23.491400 -9.430200
324 +-31.397500 -28.415400 -24.637500 -8.977250
325 +-31.625500 -28.117000 -25.584500 -8.437790
326 +-31.887100 -27.871600 -26.335800 -7.817370
327 +-31.902700 -27.438400 -27.118100 -7.228120
328 +-32.181400 -27.176700 -27.771800 -6.579130
329 +-32.646900 -27.001200 -28.329000 -5.952720
330 +-32.859700 -26.322200 -28.881100 -5.411100
331 +-33.064800 -25.804600 -29.297900 -4.815240
332 +-33.317900 -25.498400 -29.544000 -4.104100
333 +-33.445900 -25.159200 -29.726100 -3.417390
334 +-33.517600 -24.863900 -29.866800 -2.831230
335 +-33.563600 -24.415900 -29.770400 -2.074450
336 +-33.680500 -23.908500 -29.636500 -1.299340
337 +-33.643400 -23.361800 -29.515300 -0.613720
338 +-33.592400 -22.851700 -29.399300 0.003942
339 +-34.150200 -22.590400 -29.210700 0.709309
340 +-34.483300 -22.481100 -28.946500 1.439040
341 +-34.516300 -22.269300 -28.708800 2.072130
342 +-34.821600 -21.997500 -28.452800 2.684450
343 +-34.974500 -21.537000 -27.834800 3.245550
344 +-34.911200 -21.033700 -27.241000 3.820070
345 +-35.268700 -20.927700 -26.657600 4.586580
346 +-35.454700 -20.817400 -26.139900 5.317360
347 +-35.246500 -20.225300 -25.626200 5.859520
348 +-35.432900 -20.184200 -25.020600 6.314450
349 +-35.999700 -20.550900 -24.565600 6.596250
350 +-36.413600 -20.591000 -24.191000 6.889650
351 +-36.778100 -20.678200 -23.908400 7.276520
352 +-36.535100 -20.369800 -24.125700 7.582330
353 +-36.656000 -20.444500 -24.339400 7.920510
354 +-36.788000 -20.402600 -24.473300 8.257210
355 +-36.756200 -20.282300 -24.738300 8.477560
356 +-36.804000 -20.464300 -24.761100 8.796860
357 +-36.722700 -20.584100 -24.474100 9.256220
358 +-36.989900 -21.027400 -23.970700 9.953970
359 +-37.487200 -21.884400 -23.714000 10.371000
360 +-37.648800 -22.426900 -23.482200 10.618000
361 +-37.848100 -22.900800 -23.211000 10.571200
362 +-38.256500 -23.820400 -22.887600 10.084900
363 +-38.780000 -24.814800 -22.385200 9.509930
364 +-38.911700 -25.292200 -21.635500 9.176230
365 +-38.232800 -25.087300 -21.409100 8.342530
366 +-39.003000 -26.393400 -21.461200 6.948510
367 +-38.716300 -26.849400 -21.027100 6.037140
368 +-38.133300 -26.971700 -20.623800 4.924290
369 +-38.703300 -28.015300 -20.007400 3.944060
370 +-38.735000 -28.317200 -19.077700 3.122390
371 +-38.781300 -28.934800 -18.788100 1.274170
372 +-38.786800 -29.441300 -18.186300 -0.409177
373 +-38.457900 -29.358500 -17.563200 -2.195040
374 +-38.216600 -29.476100 -16.598000 -3.675220
375 +-37.995500 -29.761700 -15.682200 -5.129160
376 +-37.113100 -28.994200 -15.101600 -6.802500
377 +-37.183400 -29.461400 -13.640300 -7.271230
378 +-36.452900 -29.195800 -12.982100 -8.681240
379 +-35.510500 -28.770300 -12.475500 -10.433200
380 +-35.160500 -28.887700 -11.933800 -12.097000
381 +-34.875200 -29.181700 -10.928500 -13.077400
382 +-34.500200 -29.598200 -10.252500 -14.171300
383 +-33.807500 -29.811500 -9.794700 -15.642000
384 +-33.403800 -30.182600 -9.724290 -17.312400
385 +-33.512200 -30.909300 -9.162060 -18.423300
386 +-33.265300 -31.387000 -8.221350 -19.362200
387 +-32.276800 -31.356400 -7.375260 -20.186400
388 +-30.722000 -30.611700 -6.538900 -20.632700
389 +-31.032900 -31.577600 -6.871000 -22.487000
390 +-30.356500 -31.436200 -6.591810 -23.615900
391 +-30.777100 -32.719200 -6.306430 -24.525500
392 +-29.680900 -32.310900 -5.981360 -25.608700
393 +-28.807700 -32.254900 -5.346510 -26.348600
394 +-28.620800 -32.645500 -4.838120 -26.963600
395 +-28.739400 -33.256600 -4.573000 -27.803700
396 +-27.762800 -33.067700 -4.386460 -29.158100
397 +-27.565900 -34.116400 -4.415160 -30.450100
398 +-26.862500 -34.402700 -2.431780 -29.517300
399 +-26.877400 -34.909500 -1.963970 -30.372000
400 +-25.113700 -33.695400 -1.216740 -31.007700
401 +-24.991400 -34.365900 -0.708832 -31.126200
402 +-25.015700 -35.063400 -0.230607 -31.507800
403 +-24.556800 -35.301000 0.305165 -31.719200
404 +-23.836800 -35.024600 0.802596 -31.887100
405 +-23.228800 -34.667800 1.409960 -31.878400
406 +-23.946300 -35.593000 2.622540 -31.412100
407 +-23.447800 -35.353000 3.169120 -31.449300
408 +-22.634700 -34.671500 4.369210 -31.291400
409 +-22.032700 -34.118500 5.736460 -31.027700
410 +-22.508800 -35.177900 6.840630 -30.753100
411 +-22.243200 -35.162200 8.093010 -30.367600
1 +-32.280000 -29.028900 -9.034730 -23.453800
2 +-32.284700 -29.784700 -8.503230 -24.474900
3 +-31.871400 -30.159100 -7.877600 -25.257400
4 +-31.375700 -30.458000 -7.058320 -25.902300
5 +-30.851200 -30.806900 -6.314030 -26.657600
6 +-30.222000 -31.013900 -5.841540 -27.463100
7 +-29.949500 -31.517100 -5.474930 -28.308200
8 +-29.812300 -32.266200 -4.893010 -28.971100
9 +-29.292400 -32.833300 -4.080210 -29.426100
10 +-28.801000 -33.177300 -3.323440 -29.851100
11 +-28.240900 -33.304400 -2.415440 -30.231200
12 +-26.909100 -33.007900 -1.682730 -30.500600
13 +-27.928500 -33.979200 -0.822857 -31.470500
14 +-27.872000 -34.504800 -0.181438 -31.158100
15 +-27.014300 -34.868000 0.529746 -31.087500
16 +-26.148600 -35.101100 1.099640 -31.140100
17 +-25.622600 -35.309000 1.823190 -31.305100
18 +-25.883700 -35.785500 2.652510 -31.447600
19 +-27.239700 -36.481500 3.482520 -31.453000
20 +-23.794200 -35.587600 4.230650 -31.413700
21 +-24.071200 -36.372100 4.918500 -31.313600
22 +-23.854000 -36.609200 5.724210 -31.042800
23 +-23.616400 -36.938700 6.392460 -30.730700
24 +-23.166300 -37.304100 7.068600 -30.411600
25 +-22.902500 -37.674500 7.814300 -30.112900
26 +-22.982900 -38.160400 8.556380 -29.658000
27 +-22.703700 -38.429800 9.397060 -29.027300
28 +-22.355900 -38.773200 10.147700 -28.542800
29 +-22.298600 -39.540400 10.849900 -28.031000
30 +-21.474000 -39.329200 11.403000 -27.575900
31 +-21.257900 -39.559200 11.590100 -27.781600
32 +-21.323300 -39.971000 11.691000 -28.251300
33 +-21.411400 -40.510200 12.152300 -28.225300
34 +-21.188800 -40.760300 12.866500 -27.910600
35 +-21.058200 -40.753400 13.416400 -27.916800
36 +-21.156600 -40.960800 13.871600 -27.965000
37 +-21.413200 -41.297600 14.230800 -27.736200
38 +-21.969200 -42.005300 14.379700 -27.703400
39 +-22.292000 -42.478900 14.323500 -27.822500
40 +-22.265400 -42.533500 14.404200 -27.598100
41 +-22.465000 -42.588600 14.326900 -27.258600
42 +-22.854600 -42.735800 13.955700 -26.948500
43 +-23.299900 -42.968800 13.452800 -26.492200
44 +-23.551000 -43.241400 12.740400 -26.079400
45 +-23.956200 -43.299600 11.941300 -25.670700
46 +-24.181200 -43.121100 11.203500 -25.250600
47 +-24.360300 -42.908300 10.327600 -24.858700
48 +-24.867700 -42.857700 9.425920 -24.307100
49 +-25.415300 -42.732300 8.251550 -23.781700
50 +-25.806700 -42.615600 6.713990 -23.293400
51 +-26.028100 -42.241900 5.323950 -22.631800
52 +-25.996000 -41.629600 4.073550 -21.724900
53 +-26.107500 -40.979500 2.582340 -21.081100
54 +-26.423000 -40.671100 1.192890 -20.312600
55 +-26.702800 -40.095600 -0.144005 -19.527000
56 +-27.098700 -39.474600 -1.409430 -18.732000
57 +-27.297600 -38.899900 -2.808190 -17.965900
58 +-27.294400 -38.138600 -3.805520 -17.191200
59 +-27.416900 -37.410400 -5.086140 -16.487900
60 +-27.709900 -36.831300 -6.253500 -15.830700
61 +-28.094100 -36.295000 -7.190260 -15.094400
62 +-28.391100 -35.717000 -8.437960 -14.521300
63 +-28.749000 -34.940400 -9.716850 -13.850300
64 +-29.121800 -34.234500 -10.960700 -13.087500
65 +-29.533900 -33.586100 -12.365900 -12.433000
66 +-30.002900 -33.148800 -13.307900 -12.001900
67 +-30.285800 -32.591400 -14.594000 -11.577500
68 +-30.469100 -31.852500 -16.311200 -11.311300
69 +-30.586400 -30.755500 -16.948200 -10.783800
70 +-30.686600 -29.983900 -17.923500 -10.359700
71 +-31.174700 -29.619200 -19.069400 -9.896050
72 +-31.465700 -28.906800 -19.991900 -9.292540
73 +-31.554900 -28.087300 -20.908100 -8.723170
74 +-31.864200 -27.594300 -21.987800 -8.290770
75 +-32.241300 -27.075600 -22.662600 -7.832590
76 +-32.654800 -26.357000 -23.366100 -7.390880
77 +-32.935100 -25.776500 -24.057800 -6.950220
78 +-32.880700 -25.098700 -24.769200 -6.531890
79 +-33.089300 -24.572800 -25.476100 -6.054470
80 +-33.610500 -24.332200 -25.973400 -5.440360
81 +-33.933700 -23.866600 -26.253100 -4.897990
82 +-34.238100 -23.352700 -26.350100 -4.251610
83 +-34.870300 -23.404200 -26.609100 -3.511950
84 +-34.801000 -22.757900 -27.058100 -2.866570
85 +-34.920500 -22.265000 -27.412100 -2.188770
86 +-34.763000 -21.850000 -27.609400 -1.540780
87 +-34.719700 -21.349700 -27.580000 -0.857564
88 +-34.851800 -20.903800 -27.645500 -0.232659
89 +-35.240000 -20.674600 -27.738500 0.253444
90 +-35.625000 -20.498100 -27.676000 0.644567
91 +-35.679300 -20.285500 -27.592000 1.170310
92 +-36.033500 -20.244900 -27.450200 1.892660
93 +-36.555100 -20.095400 -27.090000 2.609360
94 +-36.678100 -19.760600 -26.923700 3.258480
95 +-36.588500 -19.382400 -26.788400 4.008200
96 +-36.687400 -19.046700 -26.493500 4.757320
97 +-36.956500 -18.879100 -26.157500 5.380260
98 +-37.217800 -18.885800 -25.882000 5.810650
99 +-37.393600 -19.036500 -25.185100 6.343000
100 +-37.535500 -19.042100 -24.725500 6.933560
101 +-37.763800 -19.184300 -24.853000 7.410350
102 +-37.986300 -19.473000 -25.561200 7.775980
103 +-38.090600 -19.538200 -26.291500 8.343320
104 +-38.176800 -19.595900 -26.632900 8.994030
105 +-38.146700 -19.531300 -26.717700 9.675540
106 +-37.902200 -19.409600 -26.861800 10.304100
107 +-37.855200 -19.610100 -26.962900 10.814100
108 +-38.300500 -20.218000 -26.717400 11.319100
109 +-38.986100 -20.930300 -26.348200 11.873300
110 +-39.134900 -21.246200 -26.014200 12.366600
111 +-39.161600 -21.317700 -25.894000 12.502600
112 +-39.576000 -21.769600 -25.669600 12.441800
113 +-39.889700 -22.554100 -25.058700 12.415900
114 +-39.938900 -22.960200 -24.283900 12.326000
115 +-40.113900 -23.351600 -23.744100 12.080400
116 +-40.311100 -23.956500 -23.256300 11.715300
117 +-40.205900 -24.542000 -22.734200 11.219900
118 +-40.219600 -25.347500 -22.251300 10.574300
119 +-40.432700 -26.086400 -21.689800 9.864860
120 +-40.567700 -26.852200 -21.171100 8.939210
121 +-40.579600 -27.751100 -20.494100 7.884030
122 +-40.513900 -28.426700 -19.531900 6.818730
123 +-40.368600 -29.133600 -18.603200 5.564560
124 +-40.268900 -29.672600 -17.694400 4.297650
125 +-40.174500 -30.003800 -16.788200 2.990330
126 +-39.987300 -30.434900 -15.993400 1.707360
127 +-39.791700 -31.080200 -15.269600 0.510801
128 +-39.485500 -31.543400 -14.522500 -0.669113
129 +-39.164600 -31.796000 -13.589200 -1.948570
130 +-38.629400 -32.105200 -12.684000 -3.377780
131 +-37.912100 -32.734700 -11.965700 -4.752370
132 +-37.541800 -33.343900 -11.270000 -6.029140
133 +-37.111700 -34.200000 -10.561300 -7.403370
134 +-36.488300 -34.871500 -10.025500 -8.885500
135 +-35.919700 -35.261400 -9.468090 -10.309500
136 +-35.419900 -35.594800 -8.950030 -11.821800
137 +-35.077800 -36.154600 -8.481040 -13.298400
138 +-34.728700 -36.788300 -7.972090 -14.548300
139 +-34.114100 -37.114500 -7.252700 -15.742200
140 +-33.196300 -37.050100 -6.837430 -17.054400
141 +-32.370700 -37.124600 -6.415620 -18.311100
142 +-31.790500 -37.331400 -5.996510 -19.599500
143 +-31.199100 -37.540700 -5.743410 -20.862200
144 +-30.509300 -37.705400 -5.369310 -22.068100
145 +-29.787900 -37.939100 -4.869710 -22.999500
146 +-29.077600 -37.943700 -4.545150 -23.922700
147 +-28.474400 -38.025400 -3.722980 -24.963600
148 +-27.806200 -38.263600 -3.136520 -26.080600
149 +-27.314900 -38.462500 -2.569410 -26.772900
150 +-27.044100 -38.457400 -1.850870 -27.437000
151 +-26.632900 -38.417000 -1.092440 -28.213400
152 +-25.974300 -38.137700 -0.405033 -28.991900
153 +-25.329900 -37.881000 0.177033 -29.628400
154 +-25.014700 -37.793300 0.753422 -30.209400
155 +-24.629000 -37.567600 1.651360 -30.619700
156 +-24.278000 -37.894200 2.783110 -30.644200
157 +-23.956800 -38.104300 3.828190 -30.457100
158 +-23.526000 -37.963700 4.545990 -30.578700
159 +-23.135300 -38.148700 5.178930 -30.916300
160 +-22.770500 -38.263400 6.055530 -31.056100
161 +-22.425200 -38.304700 7.270240 -30.610100
162 +-22.294300 -38.410600 8.538670 -29.815500
163 +-22.271600 -38.420200 9.732320 -29.252900
164 +-22.041700 -38.199300 10.799800 -28.860400
165 +-21.818300 -38.238600 11.646800 -28.369700
166 +-21.809700 -38.512600 12.394300 -27.809500
167 +-21.817200 -38.435300 13.087100 -27.450700
168 +-21.699700 -38.542900 13.615600 -27.139700
169 +-21.607300 -38.835800 14.006800 -27.003400
170 +-21.423000 -39.015600 14.623400 -26.895600
171 +-21.419900 -39.028400 15.437600 -26.799700
172 +-21.354800 -39.051000 15.995600 -26.920200
173 +-21.343900 -39.230500 16.298900 -27.170000
174 +-21.199800 -39.295000 16.539600 -27.266900
175 +-21.211000 -39.236600 16.878700 -27.274400
176 +-21.584500 -39.367300 17.192900 -27.046200
177 +-22.107900 -39.589500 17.223400 -26.591300
178 +-22.468200 -39.927300 17.136200 -26.400200
179 +-22.661700 -40.142800 16.747800 -26.514900
180 +-23.061600 -40.300900 16.301300 -26.109600
181 +-23.517600 -40.574000 15.871100 -25.519300
182 +-23.964800 -41.071700 15.219800 -25.152500
183 +-24.372800 -41.468700 14.376600 -24.694000
184 +-24.537100 -41.396200 13.601300 -24.074700
185 +-24.826700 -41.488300 12.776700 -23.511600
186 +-25.415800 -42.203100 11.725800 -23.093000
187 +-26.046800 -42.524500 10.667500 -22.486300
188 +-26.530700 -42.159600 9.611770 -21.593400
189 +-26.978000 -41.779400 8.131370 -20.868500
190 +-27.459900 -41.219500 6.661520 -20.032900
191 +-27.666300 -40.906800 5.464470 -18.923200
192 +-27.836600 -40.218900 4.005930 -18.115600
193 +-27.974200 -38.614600 2.299560 -17.515700
194 +-28.189500 -39.379000 0.586959 -16.917000
195 +-28.297000 -38.130200 -0.898820 -16.022800
196 +-27.997200 -36.962900 -2.534430 -15.341400
197 +-28.172200 -36.048400 -3.964560 -14.684000
198 +-28.546000 -35.417200 -5.107840 -13.920800
199 +-28.488000 -34.777800 -6.404400 -13.279100
200 +-28.554600 -34.080300 -7.909190 -12.752500
201 +-29.055000 -33.467700 -9.382230 -12.252200
202 +-29.416100 -32.888400 -10.712100 -11.454600
203 +-29.363700 -32.117200 -11.984500 -10.783200
204 +-29.498300 -31.275000 -12.984000 -9.981360
205 +-29.773700 -30.544700 -13.915600 -9.238590
206 +-30.031000 -29.911400 -15.161600 -8.777980
207 +-30.411800 -29.415100 -16.356600 -8.333130
208 +-30.452600 -28.473300 -17.475800 -7.855710
209 +-30.478700 -27.687100 -18.799600 -7.660620
210 +-31.083700 -27.411100 -20.011100 -7.390950
211 +-31.784400 -26.984400 -21.206200 -6.958760
212 +-32.019500 -26.373900 -22.221100 -6.587590
213 +-32.006000 -25.608400 -23.068400 -6.072900
214 +-32.082100 -25.009700 -23.894600 -5.650790
215 +-32.399100 -24.721300 -24.594700 -5.173900
216 +-32.965900 -24.462800 -25.003100 -4.750400
217 +-33.068300 -24.001800 -25.527200 -4.382680
218 +-33.195500 -23.573400 -25.863000 -3.902400
219 +-33.721100 -23.283300 -26.145200 -3.375500
220 +-34.079400 -22.921900 -26.409400 -2.835620
221 +-34.203300 -22.516700 -26.487200 -2.183290
222 +-34.370400 -22.441000 -26.750000 -1.688440
223 +-34.457800 -22.253900 -26.970700 -1.073610
224 +-34.325700 -21.581200 -26.945700 -0.358104
225 +-34.397600 -20.832500 -26.748700 0.215884
226 +-34.491000 -20.351600 -26.530800 0.691034
227 +-34.875000 -20.121600 -26.462200 1.112030
228 +-35.315700 -20.089900 -26.264100 1.587280
229 +-35.604900 -19.956100 -25.869400 2.221130
230 +-35.683100 -19.784500 -25.432700 2.942040
231 +-35.794500 -19.565400 -24.974700 3.623960
232 +-36.045600 -19.440100 -24.612300 4.244850
233 +-36.450400 -19.430300 -24.257000 4.886240
234 +-36.522900 -19.070600 -23.818200 5.579040
235 +-36.543800 -18.622100 -23.517900 6.096430
236 +-36.686400 -18.398700 -23.265800 6.580150
237 +-36.803000 -18.202200 -23.394700 6.899780
238 +-36.729100 -17.993900 -23.726600 7.261150
239 +-36.717300 -17.968000 -23.987100 7.876870
240 +-36.580800 -18.065700 -24.287100 8.343100
241 +-36.456000 -18.271800 -24.392600 8.664890
242 +-36.538900 -18.539700 -24.170300 9.054410
243 +-36.373500 -18.725200 -23.806500 9.496090
244 +-35.996400 -18.822200 -23.577200 9.839920
245 +-35.933700 -19.041800 -23.280800 10.052400
246 +-35.993200 -19.373500 -22.927700 10.083600
247 +-35.967400 -19.644400 -22.603800 9.994090
248 +-35.965500 -19.981300 -22.321800 9.624690
249 +-35.881800 -20.448800 -21.687000 9.247630
250 +-35.686800 -21.009200 -21.183100 8.638230
251 +-35.902600 -21.600100 -20.843600 7.864420
252 +-36.176000 -22.202900 -20.560300 7.017860
253 +-36.275600 -22.908400 -20.191200 6.159940
254 +-36.282300 -23.682200 -19.758700 5.182190
255 +-36.136300 -24.298400 -19.287400 4.094970
256 +-36.154400 -24.844500 -18.767800 2.839620
257 +-36.107100 -25.199000 -18.034200 1.526820
258 +-35.867700 -25.635500 -17.192700 0.112961
259 +-35.602400 -26.078000 -16.548300 -1.550670
260 +-35.156500 -26.164200 -15.914100 -3.229870
261 +-34.948400 -26.457700 -15.305000 -4.823540
262 +-34.974300 -27.014400 -14.623200 -6.067490
263 +-34.663800 -27.132100 -14.253500 -7.408250
264 +-34.136100 -27.099100 -13.814000 -8.852050
265 +-33.811400 -27.058200 -13.149700 -9.999600
266 +-33.672100 -27.233900 -12.472200 -10.905700
267 +-33.631000 -27.793300 -12.175900 -12.256500
268 +-33.444300 -28.248100 -11.885800 -13.746800
269 +-33.267800 -28.695000 -11.392200 -14.952100
270 +-32.951500 -29.068800 -10.843600 -16.136500
271 +-32.374000 -29.247200 -10.252100 -17.366800
272 +-32.075300 -29.682300 -9.697540 -18.507900
273 +-31.878100 -30.191700 -9.183460 -19.547400
274 +-31.294700 -30.362400 -8.659670 -20.546800
275 +-30.906700 -30.709300 -8.150120 -21.587500
276 +-30.773900 -31.401500 -7.491780 -22.371200
277 +-30.394400 -31.699200 -6.807180 -23.097700
278 +-30.038400 -31.902600 -6.405680 -24.142300
279 +-29.876900 -32.308900 -6.085190 -25.126400
280 +-29.296700 -32.349600 -5.709330 -25.958300
281 +-28.736200 -32.584700 -4.921840 -26.526000
282 +-28.670300 -32.996500 -4.203930 -27.181800
283 +-28.651400 -33.231200 -3.710460 -27.961700
284 +-28.274900 -33.318700 -3.250000 -28.703700
285 +-27.823400 -33.437600 -2.863040 -29.363000
286 +-27.653600 -33.727200 -2.321660 -29.743000
287 +-27.388900 -33.958900 -1.434880 -29.835000
288 +-26.973200 -34.088000 -0.562902 -30.024900
289 +-26.632800 -34.332000 0.157122 -30.500600
290 +-26.287700 -34.411100 1.068820 -30.603700
291 +-26.016700 -34.600100 2.111130 -30.343500
292 +-25.799400 -34.755800 2.724990 -30.399400
293 +-25.640800 -34.821000 3.831010 -30.380500
294 +-25.595000 -35.086000 4.818020 -30.269800
295 +-25.456600 -35.426100 5.788320 -29.951900
296 +-25.339500 -35.461300 6.853000 -29.447000
297 +-25.299100 -35.554900 7.632520 -29.065300
298 +-25.377400 -35.763900 8.223360 -28.765900
299 +-25.034700 -35.552200 8.907300 -28.474700
300 +-24.576200 -35.293100 9.809220 -28.262600
301 +-24.511000 -35.676100 10.676600 -28.070900
302 +-24.698700 -36.101000 11.328100 -27.917600
303 +-24.767600 -36.247400 11.932600 -27.659100
304 +-24.404400 -35.977600 12.371800 -27.385900
305 +-24.029300 -35.863200 12.772900 -27.400700
306 +-24.211600 -36.197300 12.702400 -27.637300
307 +-24.602800 -36.565000 13.437000 -27.788500
308 +-24.537500 -36.535300 13.868800 -27.837700
309 +-24.337500 -36.389600 14.706200 -27.614300
310 +-24.400900 -36.404600 14.313100 -27.424000
311 +-24.580100 -36.514600 13.775600 -27.449200
312 +-25.014000 -36.855300 13.401400 -27.425700
313 +-25.366900 -37.165700 13.365900 -27.155800
314 +-25.730000 -37.543700 13.346500 -26.869400
315 +-25.919400 -38.162200 12.713100 -26.794400
316 +-25.946600 -38.538900 11.903300 -26.431900
317 +-26.176500 -38.774800 11.119400 -25.874400
318 +-26.585200 -39.260700 10.301900 -25.364800
319 +-26.784000 -39.305600 9.429800 -24.826200
320 +-26.837200 -39.134500 8.465790 -24.341200
321 +-26.694300 -38.851100 7.369660 -23.867600
322 +-26.907100 -38.666600 6.167480 -23.144900
323 +-27.437300 -38.562300 4.707570 -22.310600
324 +-27.882300 -38.503800 3.089620 -21.523600
325 +-28.175600 -38.418600 1.523820 -20.735900
326 +-28.380700 -38.208400 -0.057431 -19.935700
327 +-28.314400 -37.449400 -1.404600 -19.021800
328 +-28.295100 -36.686700 -2.640840 -18.213300
329 +-28.699300 -36.479900 -4.235640 -17.704900
330 +-29.204500 -36.313400 -5.762000 -17.053700
331 +-29.514000 -35.976700 -7.062560 -16.400500
332 +-29.723500 -35.236200 -8.449280 -16.153500
333 +-29.592600 -34.266200 -9.755090 -15.796800
334 +-29.468900 -33.642600 -11.091800 -15.260000
335 +-29.571000 -33.338300 -12.423800 -14.637000
336 +-29.930000 -33.110100 -13.658700 -13.984000
337 +-30.282000 -32.838500 -14.661200 -13.181400
338 +-30.384400 -32.200100 -15.616700 -12.398300
339 +-30.373700 -31.570800 -16.849400 -11.883200
340 +-30.614400 -31.280000 -17.976400 -11.324900
341 +-30.790400 -30.889900 -19.128300 -10.802400
342 +-30.649600 -30.109700 -20.193600 -10.227400
343 +-30.762100 -29.789600 -20.800900 -9.399990
344 +-31.338000 -29.907600 -21.552800 -8.779240
345 +-31.784700 -29.692100 -22.577200 -8.325200
346 +-31.694700 -29.046500 -23.322700 -7.912050
347 +-31.638200 -28.421400 -24.108300 -7.305640
348 +-31.879100 -28.175700 -24.974900 -6.804980
349 +-32.062700 -27.884500 -25.838800 -6.355310
350 +-32.109600 -27.325200 -26.383200 -5.599810
351 +-32.407100 -27.101800 -26.722800 -4.940310
352 +-32.644900 -26.791300 -27.041800 -4.459380
353 +-32.694400 -26.159500 -27.375000 -3.939810
354 +-32.725800 -25.417800 -27.566200 -3.378510
355 +-32.862800 -24.935500 -27.815700 -2.838340
356 +-33.214900 -24.910600 -28.004300 -2.128960
357 +-33.346300 -24.698800 -27.906700 -1.322630
358 +-32.905300 -23.957000 -27.790100 -0.823823
359 +-33.462800 -24.314600 -27.593300 -0.365172
360 +-33.583900 -23.773800 -27.452900 0.271051
361 +-33.625200 -23.225300 -27.288200 0.715812
362 +-33.361000 -22.849400 -26.357300 1.457090
363 +-33.792800 -23.171400 -26.303300 2.127220
364 +-33.753600 -22.654000 -26.433300 2.925760
365 +-33.646200 -22.331800 -25.887600 3.885160
366 +-33.644000 -22.210300 -25.272700 4.821770
367 +-33.821900 -22.424100 -25.262100 5.076970
368 +-33.793000 -22.406700 -24.978800 5.489380
369 +-33.807600 -22.258300 -24.296700 6.048770
370 +-33.544500 -21.789300 -23.843100 6.422360
371 +-32.983400 -21.167500 -23.954300 6.534700
372 +-33.979600 -22.057500 -23.999300 6.933450
373 +-34.147600 -22.115500 -24.047300 7.574720
374 +-33.843800 -22.006100 -24.195900 8.211230
375 +-33.863500 -22.159400 -24.760400 8.450350
376 +-33.865700 -22.319700 -25.122100 8.623430
377 +-33.635500 -22.371400 -25.160300 8.921640
378 +-33.544900 -22.419000 -24.819500 9.297490
379 +-33.433700 -22.455700 -24.534000 9.566800
380 +-34.625400 -23.674600 -24.242700 9.945010
381 +-34.053200 -23.292800 -23.749000 10.124300
382 +-34.441100 -23.941500 -23.512400 9.858570
383 +-34.692600 -24.766400 -23.032800 9.647710
384 +-34.589800 -25.316400 -22.380000 9.117840
385 +-34.555100 -25.607700 -22.000000 8.518100
386 +-34.912800 -26.291500 -21.765900 7.813160
387 +-35.048300 -26.984200 -21.705500 6.902870
388 +-34.253300 -26.735100 -21.749000 5.795310
389 +-35.437600 -28.338000 -21.055500 5.213380
390 +-34.523800 -27.757900 -20.551200 3.988730
391 +-34.677500 -28.458200 -20.547800 2.133270
392 +-34.851900 -29.323100 -19.476500 1.262540
393 +-34.865900 -30.151800 -18.504900 0.145712
394 +-34.436200 -30.493000 -17.659700 -1.136570
395 +-34.016500 -30.616700 -16.912200 -2.434220
396 +-33.779100 -30.600500 -16.338700 -3.754510
397 +-33.623200 -30.543200 -15.871500 -5.066720
398 +-33.285200 -30.558100 -15.462500 -6.441840
399 +-33.111300 -30.835200 -14.956000 -7.763570
400 +-32.365600 -30.438000 -14.210400 -8.849340
401 +-31.674300 -30.096100 -13.323900 -9.891530
402 +-31.503300 -30.317500 -12.784100 -11.305200
403 +-31.354600 -30.764700 -11.876000 -12.057700
404 +-31.213900 -31.269600 -11.605000 -13.792600
405 +-31.004100 -31.504800 -11.147300 -15.316100
406 +-30.930500 -31.836800 -10.378000 -16.786300
1 +-33.348000 -27.441200 -15.874100 -6.943550
2 +-33.128800 -27.500900 -15.311900 -8.260330
3 +-33.210000 -27.922400 -14.595200 -9.592260
4 +-33.062900 -28.219600 -13.890400 -10.918200
5 +-32.611900 -28.133200 -13.176500 -12.270600
6 +-32.143700 -27.994900 -12.528200 -13.625400
7 +-31.148800 -27.491300 -12.138300 -15.084700
8 +-33.117200 -29.417700 -11.725100 -16.443800
9 +-32.515400 -29.268800 -11.093000 -17.609100
10 +-32.557400 -29.666700 -10.383000 -18.675100
11 +-32.731300 -30.175200 -9.839920 -19.834700
12 +-32.185600 -30.178600 -9.400420 -21.024200
13 +-31.682000 -30.268500 -8.913150 -22.127200
14 +-31.391400 -30.578600 -8.311300 -23.044600
15 +-30.752700 -30.574300 -7.740690 -23.918700
16 +-30.562400 -30.864100 -7.274070 -24.827500
17 +-30.589300 -31.172500 -6.809610 -25.708100
18 +-30.324700 -31.431200 -6.362120 -26.592400
19 +-30.056800 -31.897300 -5.697470 -27.265100
20 +-29.424700 -32.073600 -5.018200 -27.866600
21 +-28.607900 -31.939500 -4.414840 -28.444100
22 +-28.052700 -31.942300 -3.815360 -28.978400
23 +-28.444500 -32.681200 -3.296280 -29.604900
24 +-27.153800 -32.491300 -2.608480 -29.917300
25 +-26.611700 -32.621200 -1.793240 -30.047200
26 +-26.674000 -33.167500 -0.847075 -30.210200
27 +-26.367700 -33.483800 0.037331 -30.483200
28 +-24.849400 -33.244100 0.933830 -30.581500
29 +-26.909800 -34.760100 1.627090 -30.740300
30 +-24.632600 -33.898800 2.414120 -30.632600
31 +-24.866500 -34.271400 3.189770 -30.355600
32 +-24.756900 -34.646300 4.012990 -29.871200
33 +-24.022500 -34.772400 4.883550 -29.492900
34 +-23.227500 -34.787400 5.758070 -29.140400
35 +-22.712800 -34.772200 6.486640 -28.926500
36 +-22.236400 -34.990100 7.332390 -28.571200
37 +-21.965000 -35.158000 8.102160 -28.211700
38 +-22.396400 -35.480700 8.900880 -27.787300
39 +-23.264800 -36.207300 9.721110 -27.492000
40 +-23.351700 -36.633200 10.590600 -27.162900
41 +-22.518300 -36.633400 11.140500 -27.215200
42 +-22.026200 -36.646400 11.431900 -27.819000
43 +-21.828000 -36.622500 11.718400 -28.600800
44 +-21.439100 -36.645800 12.245800 -29.124500
45 +-21.243800 -36.755700 13.090300 -29.113800
46 +-21.158400 -36.643000 13.795400 -29.171300
47 +-21.127500 -36.715400 14.368200 -29.372900
48 +-21.420400 -36.974300 14.768400 -29.574100
49 +-21.659500 -37.255100 15.198500 -29.442000
50 +-21.973600 -37.866800 15.497600 -29.314600
51 +-22.324300 -38.120700 15.584700 -29.190300
52 +-23.140800 -38.382900 15.591900 -28.854000
53 +-24.855700 -38.911200 15.358100 -28.573000
54 +-22.884900 -38.241900 14.995600 -28.306200
55 +-24.350300 -38.861300 14.533100 -28.062900
56 +-23.827700 -38.406500 13.881500 -27.885500
57 +-24.417100 -38.695200 13.111500 -27.771300
58 +-25.283900 -38.780700 12.428100 -27.458500
59 +-25.814200 -38.662000 11.507200 -27.094600
60 +-26.128000 -38.320700 10.386100 -26.396900
61 +-26.655500 -38.178400 9.351420 -25.448800
62 +-27.079900 -37.827500 8.128180 -24.604400
63 +-27.468000 -37.525300 6.646860 -23.938200
64 +-27.813800 -37.156300 5.171630 -23.253000
65 +-27.847600 -36.637500 3.746120 -22.440200
66 +-28.157800 -36.257700 2.242070 -21.694900
67 +-28.484700 -35.902100 0.885125 -20.829400
68 +-28.796500 -35.436800 -0.583295 -20.134100
69 +-29.208100 -35.010000 -2.144230 -19.491500
70 +-29.260900 -34.506400 -3.350160 -18.688300
71 +-29.627900 -34.337700 -4.493710 -17.942900
72 +-29.308200 -33.257600 -5.649490 -17.249000
73 +-29.383400 -32.712200 -7.001450 -16.510500
74 +-29.727200 -32.302100 -8.469080 -15.740300
75 +-30.122100 -31.823400 -9.619930 -14.810200
76 +-30.544300 -31.417800 -10.588400 -14.089300
77 +-30.637600 -31.151500 -11.624500 -13.327700
78 +-30.760200 -30.602300 -12.578100 -13.216100
79 +-31.034600 -29.807200 -14.224300 -12.039900
80 +-31.239000 -29.119400 -15.350400 -11.748100
81 +-31.455700 -28.798200 -16.177600 -11.026600
82 +-31.554800 -28.559100 -17.290300 -10.515300
83 +-31.774100 -28.115500 -18.492000 -10.234400
84 +-32.436500 -27.820300 -19.534900 -9.868650
85 +-32.644800 -27.154400 -20.254000 -9.251100
86 +-32.683200 -26.651600 -20.961700 -8.573600
87 +-32.888300 -26.433900 -21.824900 -7.999380
88 +-33.109300 -25.940100 -22.786700 -7.463790
89 +-33.261500 -25.411600 -23.758900 -7.047400
90 +-33.617900 -25.267700 -24.561300 -6.605040
91 +-34.127000 -25.193900 -25.193400 -6.019770
92 +-34.269100 -24.881400 -25.923400 -5.512070
93 +-34.081100 -24.431700 -26.582800 -5.020700
94 +-34.014400 -24.060000 -27.044000 -4.451490
95 +-34.178800 -23.723200 -27.413200 -3.842440
96 +-34.382200 -23.434500 -27.738100 -3.279450
97 +-34.526000 -23.212300 -28.060500 -2.644540
98 +-34.507100 -22.861100 -28.440600 -1.995410
99 +-34.606000 -22.591000 -28.773600 -1.300370
100 +-34.695500 -22.275500 -28.847600 -0.477151
101 +-34.579100 -21.876700 -28.879500 0.323886
102 +-34.522100 -21.658400 -28.962500 0.979133
103 +-34.754900 -21.829000 -28.967900 1.589330
104 +-34.878100 -21.823700 -28.995400 2.246240
105 +-34.629300 -21.680200 -28.723300 2.889940
106 +-34.263900 -21.441000 -27.954100 3.738200
107 +-34.045900 -21.137300 -27.708000 4.672090
108 +-34.227100 -20.936700 -27.564300 5.558320
109 +-34.424300 -20.815200 -27.113700 6.272590
110 +-34.454300 -20.947300 -26.713300 7.015620
111 +-34.525900 -21.353300 -26.487600 7.600500
112 +-34.602700 -21.815800 -26.268800 8.086660
113 +-34.816800 -21.984200 -26.065500 8.532660
114 +-35.000000 -22.007400 -26.198400 8.927530
115 +-35.043100 -22.009400 -26.279300 9.420050
116 +-35.042300 -22.006700 -26.009200 10.020600
117 +-34.985000 -22.075400 -26.064900 10.613900
118 +-35.119000 -22.312600 -26.409400 10.983000
119 +-35.286600 -22.724000 -26.357900 11.270100
120 +-35.349700 -23.018500 -26.560900 11.582700
121 +-35.226400 -23.339700 -26.627500 11.916400
122 +-35.152300 -23.897100 -26.214100 12.029700
123 +-35.466400 -24.618100 -25.604100 12.041600
124 +-35.465500 -25.067300 -25.229000 11.752900
125 +-34.977200 -25.323400 -24.756100 11.311900
126 +-34.973700 -25.928700 -24.458500 10.619100
127 +-35.145800 -26.564300 -24.126700 9.881600
128 +-34.990200 -26.837400 -23.845300 8.962560
129 +-34.739100 -27.105900 -23.693500 7.815830
130 +-34.661500 -27.355100 -23.283300 6.653290
131 +-34.461400 -27.611200 -22.448000 5.556550
132 +-34.093500 -27.881700 -21.594200 4.297140
133 +-33.945500 -28.369700 -20.778600 2.895710
134 +-34.020600 -28.841800 -19.925700 1.465330
135 +-34.047500 -29.001500 -19.117900 0.034405
136 +-33.994200 -29.169300 -18.323700 -1.407310
137 +-33.553700 -29.092600 -17.635400 -3.020370
138 +-33.181400 -29.023400 -16.891100 -4.453330
139 +-33.170400 -29.368900 -16.102600 -5.888430
140 +-33.241700 -29.828700 -15.424200 -7.336760
141 +-33.076400 -30.177500 -14.790300 -8.648760
142 +-32.669600 -30.293000 -14.160700 -9.853940
143 +-32.355600 -30.367800 -13.312300 -11.030700
144 +-32.061500 -30.583800 -12.751700 -12.424500
145 +-31.739300 -30.707100 -12.402100 -13.925200
146 +-31.430400 -30.809800 -11.628500 -15.114900
147 +-31.396300 -31.216100 -10.823300 -16.253900
148 +-31.206700 -31.721300 -10.121600 -17.429600
149 +-30.884300 -32.105000 -9.693260 -18.622100
150 +-30.839300 -32.480700 -9.309280 -19.809800
151 +-30.762400 -32.739000 -8.835550 -20.942200
152 +-30.469600 -32.999000 -8.484860 -22.176500
153 +-30.044500 -33.226600 -8.158450 -23.376300
154 +-29.807100 -33.715700 -7.687360 -24.398600
155 +-29.643100 -34.219700 -7.029620 -25.292000
156 +-29.278300 -34.565200 -6.261860 -26.066000
157 +-28.858400 -34.782200 -5.516990 -26.761100
158 +-28.385400 -35.099800 -4.721710 -27.306300
159 +-27.959500 -35.384700 -3.910230 -27.939300
160 +-27.717400 -35.479400 -3.030490 -28.490300
161 +-27.424300 -35.557100 -2.252940 -28.900000
162 +-27.078200 -35.710200 -1.529690 -29.227500
163 +-26.712400 -36.008400 -0.634586 -29.690700
164 +-26.425100 -36.261300 0.285355 -29.833500
165 +-25.920600 -36.463800 1.102160 -29.919900
166 +-25.430900 -36.573400 1.840730 -30.042100
167 +-25.423000 -36.914000 2.447890 -29.994800
168 +-25.413900 -37.249000 3.666450 -29.798400
169 +-25.046100 -37.211200 4.552900 -29.730900
170 +-24.438700 -37.010900 5.353550 -29.458800
171 +-24.071100 -37.139900 6.332100 -29.030800
172 +-23.738800 -37.289500 7.286130 -28.760100
173 +-23.585300 -37.500900 8.354510 -28.369300
174 +-23.421900 -37.767500 9.306410 -27.906700
175 +-23.020800 -37.822200 10.092900 -27.535300
176 +-22.690200 -37.956000 10.740100 -27.347900
177 +-22.534100 -38.195600 11.148000 -27.459200
178 +-22.511000 -38.399700 11.757500 -27.382000
179 +-22.651500 -38.448200 12.409700 -27.223000
180 +-22.543500 -38.296400 12.835400 -27.221500
181 +-22.188500 -38.257000 13.252800 -27.290900
182 +-21.986100 -38.488700 13.556700 -27.405700
183 +-22.101100 -38.673700 13.759200 -27.324600
184 +-22.273900 -38.723900 14.002200 -26.979000
185 +-22.529400 -38.792600 14.270800 -26.746500
186 +-22.728900 -38.891400 14.531200 -26.439100
187 +-22.816600 -39.031800 14.560700 -26.131000
188 +-22.923300 -39.328400 14.441900 -25.836500
189 +-23.131700 -39.758300 14.286500 -25.388400
190 +-23.395600 -40.192600 13.899700 -24.898000
191 +-23.578500 -40.386300 13.369500 -24.353700
192 +-23.937200 -40.636500 12.664700 -23.670900
193 +-24.528800 -41.133400 11.700000 -23.156000
194 +-24.801900 -41.218800 10.710000 -22.741800
195 +-24.657200 -40.741900 9.728860 -22.495800
196 +-24.823400 -40.596900 8.669540 -22.276100
197 +-25.629500 -40.673700 7.544530 -21.887700
198 +-26.337900 -40.550400 6.466200 -21.265800
199 +-26.480800 -40.221300 5.265430 -20.637300
200 +-26.605400 -39.876300 4.044680 -19.841500
201 +-27.197400 -39.469100 2.893770 -18.865700
202 +-27.731700 -38.962200 1.665740 -17.853700
203 +-27.714700 -38.504100 0.192143 -16.961600
204 +-27.683500 -38.060800 -1.367680 -16.021800
205 +-28.132700 -37.859400 -2.986460 -15.203400
206 +-28.159100 -37.549500 -4.371430 -14.560400
207 +-28.254600 -36.801200 -5.482560 -13.904900
208 +-28.398300 -35.919900 -6.702050 -13.227600
209 +-28.538300 -35.332000 -8.007530 -12.581100
210 +-29.055400 -35.080400 -9.016290 -11.967200
211 +-29.381300 -34.574400 -9.916240 -11.356900
212 +-29.302200 -33.843100 -10.845200 -10.681200
213 +-29.600100 -33.405800 -11.899000 -10.092300
214 +-30.090100 -32.825800 -13.062900 -9.576740
215 +-30.349500 -31.985300 -14.143200 -9.011830
216 +-30.694300 -31.285100 -15.125600 -8.399700
217 +-31.059400 -30.883600 -15.994500 -7.803400
218 +-31.023600 -29.997000 -16.895800 -7.295470
219 +-31.314800 -29.036100 -17.791800 -6.818780
220 +-31.459000 -28.393900 -18.694700 -6.380890
221 +-31.761300 -27.844000 -19.930400 -6.135100
222 +-32.263000 -27.534200 -20.913300 -6.076220
223 +-32.866900 -27.348100 -21.927500 -5.934510
224 +-33.345500 -26.852200 -22.628700 -5.620290
225 +-33.329900 -26.044300 -23.179200 -5.224320
226 +-33.150300 -25.274200 -23.812500 -4.944640
227 +-33.396400 -24.932900 -24.494300 -4.606500
228 +-33.795100 -24.670000 -25.111600 -4.174870
229 +-33.892100 -23.993800 -25.632800 -3.803210
230 +-34.130400 -23.292100 -26.024300 -3.416380
231 +-34.583400 -23.048400 -26.401600 -2.621690
232 +-35.046900 -22.728800 -26.679300 -2.412260
233 +-35.277700 -22.080700 -26.943900 -1.921790
234 +-35.301500 -21.508200 -26.918900 -1.423360
235 +-35.233000 -21.028100 -26.845900 -0.846382
236 +-35.448800 -20.713300 -26.736400 -0.036304
237 +-35.572900 -20.104900 -26.811700 1.081850
238 +-35.572600 -19.537700 -27.139000 1.131200
239 +-35.530900 -19.238100 -27.249400 1.629250
240 +-35.413400 -18.878100 -27.255900 2.432660
241 +-35.466000 -18.648700 -27.244600 3.041180
242 +-35.750200 -18.612000 -27.204500 3.601200
243 +-35.834200 -18.387900 -27.159300 4.190170
244 +-35.827300 -18.195900 -27.160000 4.848350
245 +-35.808200 -18.154900 -27.056100 5.448540
246 +-35.784400 -18.038500 -27.062900 5.834010
247 +-35.780900 -17.779400 -26.979600 6.250820
248 +-35.769900 -17.700600 -26.908100 6.612140
249 +-35.863500 -17.887200 -26.809800 7.099860
250 +-35.958100 -17.936800 -26.838400 7.574820
251 +-36.048800 -17.874000 -26.758700 8.124720
252 +-36.162000 -17.935700 -26.716800 8.621320
253 +-36.302200 -18.265200 -26.691100 9.183540
254 +-36.198000 -18.487800 -26.618300 9.755640
255 +-35.950300 -18.555900 -26.643300 10.060100
256 +-36.036300 -18.953900 -26.410000 10.387400
257 +-36.314300 -19.546400 -25.981000 10.526800
258 +-36.364500 -19.927200 -25.504600 10.291800
259 +-36.231700 -20.109500 -25.345000 9.476350
260 +-36.071100 -20.337500 -25.382700 8.412930
261 +-35.889200 -20.689700 -25.125800 7.562430
262 +-35.628000 -21.024200 -24.650200 6.851640
263 +-35.502400 -21.362100 -24.098700 6.128210
264 +-35.347900 -21.653600 -23.436800 5.271290
265 +-35.203600 -21.943100 -22.505900 4.350600
266 +-35.223200 -22.174400 -21.713200 3.039280
267 +-35.200600 -22.264500 -20.925000 1.437530
268 +-35.021600 -22.601000 -19.739100 0.148320
269 +-34.989200 -23.100800 -18.705100 -1.116470
270 +-34.655800 -23.092800 -17.916500 -2.617650
271 +-34.220200 -22.980600 -17.219200 -4.244270
272 +-34.003500 -23.033800 -16.468300 -5.751070
273 +-33.657500 -23.115900 -15.397500 -6.788470
274 +-33.207200 -23.278400 -14.317500 -7.697870
275 +-33.064200 -23.534200 -13.520700 -8.879080
276 +-32.985100 -23.900300 -12.838000 -10.272100
277 +-32.753600 -24.347700 -12.131300 -11.660900
278 +-32.173300 -24.475200 -11.287500 -12.797100
279 +-31.622700 -24.592200 -10.351500 -13.754500
280 +-31.432200 -24.969300 -9.603660 -14.819400
281 +-31.113700 -25.402300 -9.096160 -16.091000
282 +-30.631300 -25.961900 -8.458490 -17.243800
283 +-30.461600 -26.589900 -7.828700 -18.356600
284 +-30.105200 -26.819500 -7.247970 -19.391000
285 +-29.648600 -27.098200 -6.761310 -20.487100
286 +-29.005900 -27.448800 -6.140020 -21.337400
287 +-28.664100 -28.083700 -5.456430 -22.128000
288 +-28.449600 -28.723400 -4.983590 -23.182700
289 +-28.133700 -29.130500 -4.387220 -24.100800
290 +-27.936900 -29.486000 -3.793180 -24.917000
291 +-27.613400 -29.851900 -3.167480 -25.718400
292 +-26.992100 -30.084200 -2.510360 -26.437600
293 +-26.524400 -30.341700 -1.970060 -27.166900
294 +-26.427600 -30.757700 -1.175570 -27.705600
295 +-26.159000 -30.850200 -0.152684 -27.955800
296 +-25.549600 -30.870400 0.708323 -28.335300
297 +-25.149700 -31.094200 1.275860 -28.985100
298 +-24.621200 -30.963900 1.897500 -29.394500
299 +-23.993000 -31.080600 2.768730 -29.441500
300 +-23.867300 -31.607400 3.489950 -29.730500
301 +-23.831200 -32.181100 4.279040 -29.959500
302 +-23.302300 -32.286600 5.088790 -30.180500
303 +-22.781700 -32.256200 6.096340 -30.181300
304 +-22.837400 -32.949300 7.224110 -30.050400
305 +-22.738400 -33.549900 8.206140 -29.971800
306 +-22.351200 -33.657700 9.135690 -29.955900
307 +-22.210800 -34.127500 10.178400 -29.723600
308 +-22.079300 -34.516500 11.288000 -29.354400
309 +-21.774700 -34.588200 11.928900 -29.244500
310 +-21.538400 -34.863600 12.337500 -29.151200
311 +-21.610800 -35.592600 13.064900 -28.872000
312 +-21.628700 -36.051100 13.816800 -28.572300
313 +-21.285500 -36.023200 14.592900 -28.636400
314 +-20.928600 -36.077800 15.226500 -28.936700
315 +-20.914800 -36.623000 15.580100 -29.123800
316 +-21.144800 -37.289600 15.734000 -29.031900
317 +-21.247600 -37.539800 15.536700 -29.056600
318 +-21.113400 -37.652900 15.130400 -28.964400
319 +-21.167500 -37.864300 15.763200 -28.748000
320 +-21.475200 -38.091700 16.103600 -28.628600
321 +-21.833400 -38.518100 15.688300 -28.458300
322 +-22.139600 -38.968200 15.841800 -28.253000
323 +-22.714000 -39.596000 15.802800 -28.187900
324 +-23.403300 -40.020100 15.531300 -27.979700
325 +-23.613200 -39.964800 15.230100 -27.578100
326 +-23.712100 -40.011800 14.661100 -27.205100
327 +-24.182400 -40.417700 13.879900 -26.666600
328 +-24.972900 -40.962000 12.734600 -26.234300
329 +-25.677100 -41.249800 11.377700 -25.987800
330 +-26.038200 -41.428100 10.312900 -25.442200
331 +-26.345700 -41.315500 9.444880 -24.632500
332 +-26.638900 -40.877300 8.439010 -23.759900
333 +-27.183800 -40.140700 6.803870 -23.047300
334 +-28.092500 -39.802200 4.583560 -22.115400
335 +-28.830400 -39.542900 3.828450 -21.080200
336 +-29.125800 -39.105700 2.427450 -20.137900
337 +-29.196100 -38.290900 0.663306 -19.622300
338 +-29.282400 -37.473000 -1.050070 -18.992200
339 +-29.527400 -36.871900 -2.358190 -18.198300
340 +-29.824100 -36.556800 -3.825070 -17.623300
341 +-30.162200 -36.231500 -5.266690 -17.063200
342 +-30.373600 -35.473200 -6.564280 -16.382800
343 +-30.399600 -34.166700 -8.023870 -15.698400
344 +-30.607800 -33.501500 -9.432660 -15.031200
345 +-31.284000 -33.376400 -10.742600 -14.397000
346 +-31.788900 -32.833300 -11.957300 -13.664800
347 +-31.734100 -31.660900 -13.162600 -12.914900
348 +-31.846100 -30.775300 -14.519000 -12.235700
349 +-32.304300 -30.398800 -15.623900 -11.427500
350 +-32.915100 -30.140200 -16.909600 -10.851600
351 +-33.090200 -29.406800 -18.491200 -10.599000
352 +-33.056900 -28.559500 -19.801600 -10.261900
353 +-33.179000 -27.829200 -20.862500 -9.790590
354 +-33.532700 -27.235200 -21.907900 -9.243730
355 +-33.911300 -26.780300 -22.849400 -8.515980
356 +-34.151500 -26.731500 -23.627500 -7.733340
357 +-34.084800 -25.778300 -24.571500 -7.172300
358 +-34.182200 -25.219700 -25.520000 -6.768110
359 +-34.529300 -24.934100 -26.237600 -6.258800
360 +-35.115900 -24.897900 -26.863700 -5.637110
361 +-35.317900 -24.527800 -27.411900 -5.074960
362 +-35.121600 -23.811100 -27.794600 -4.446090
363 +-35.039200 -23.270500 -28.351400 -4.013030
364 +-35.183700 -22.978900 -28.764200 -3.595990
365 +-35.314600 -22.766300 -28.765800 -2.842280
366 +-35.434200 -22.538800 -28.864000 -2.232990
367 +-35.830000 -22.397800 -29.242400 -1.822560
368 +-35.501600 -21.449700 -29.439600 -1.288030
369 +-35.607500 -21.283100 -29.402900 -0.716521
370 +-35.852700 -21.131800 -29.209700 0.088360
371 +-36.159300 -20.791500 -29.183800 0.805862
372 +-36.250000 -20.617400 -28.683400 1.801640
373 +-36.381800 -20.593900 -28.369700 2.727450
374 +-36.379400 -20.468600 -28.258700 3.401030
375 +-36.616500 -20.418500 -27.994500 4.070990
376 +-37.099500 -20.370600 -27.629400 4.896910
377 +-37.425500 -20.342600 -27.163300 5.819690
378 +-37.319000 -20.123800 -26.820700 6.577390
379 +-37.295100 -20.007000 -26.528300 7.131170
380 +-37.406400 -20.003800 -26.149300 7.598720
381 +-37.371000 -19.886800 -25.788100 7.931100
382 +-37.339400 -19.684200 -25.558000 8.260820
383 +-37.351300 -19.543900 -25.540800 8.605570
384 +-37.419000 -19.633800 -25.543300 9.018610
385 +-37.648500 -19.749400 -25.487700 9.441910
386 +-37.706500 -19.940500 -25.500100 9.866440
387 +-37.442700 -19.848700 -25.315600 10.449500
388 +-37.562100 -19.812600 -25.055800 11.082500
389 +-38.024000 -20.120800 -25.037300 11.526500
390 +-38.218000 -20.419100 -25.161500 11.629700
391 +-38.007600 -20.374100 -24.903200 11.671100
392 +-37.572600 -20.295100 -24.545100 11.511800
393 +-37.502100 -20.714800 -24.155500 11.008400
394 +-37.330300 -21.057300 -23.651500 10.282200
395 +-37.352100 -21.643400 -23.042900 9.638300
396 +-37.508600 -22.165400 -22.515100 9.097600
397 +-37.733500 -22.836800 -22.218800 8.504300
398 +-37.786000 -23.403700 -21.260300 7.498800
399 +-37.544100 -23.847200 -20.380000 6.305360
400 +-37.151000 -24.213000 -19.835100 4.895550
401 +-36.869600 -24.018000 -19.328700 3.205630
402 +-36.810600 -24.022200 -18.198600 2.114290
403 +-37.011000 -24.387700 -17.716800 0.403600
404 +-36.817600 -24.838100 -17.248500 -1.114130
405 +-36.540100 -24.859000 -16.744300 -2.704720
406 +-36.142500 -24.955600 -15.864600 -3.805170
407 +-35.892700 -24.953700 -14.865400 -4.748300
408 +-35.748900 -25.124200 -14.422200 -6.222440
409 +-35.337300 -25.299200 -14.090700 -7.920750
410 +-35.253900 -25.536600 -13.642400 -9.707040
411 +-35.117500 -25.807100 -12.131900 -10.017700
412 +-34.916200 -26.032700 -10.704400 -10.392100
413 +-34.419900 -26.147400 -10.653100 -12.667700
414 +-33.735900 -26.104300 -9.743190 -13.787200
415 +-34.530800 -27.430800 -8.654470 -14.333200
416 +-33.777000 -27.127400 -8.089600 -15.770500
417 +-33.092100 -27.135700 -7.216910 -16.984200
418 +-32.780900 -27.454800 -6.539800 -17.998000
419 +-32.629900 -28.218100 -5.807190 -18.782700
420 +-32.370800 -28.944500 -5.705980 -20.090300
421 +-31.883600 -29.120000 -5.526330 -20.955500
422 +-30.537000 -28.417700 -4.887790 -21.794900
423 +-30.733500 -29.486600 -4.690710 -22.969800
424 +-30.980900 -30.650500 -5.048980 -24.630900
425 +-31.120700 -31.521000 -4.366330 -25.225400
426 +-30.349300 -31.298700 -3.691870 -25.595300
427 +-29.745800 -31.453700 -3.686600 -26.979700
428 +-29.161100 -31.708600 -2.336180 -26.886900
429 +-28.528900 -31.855300 -1.127990 -27.200500
430 +-27.828000 -31.823800 -0.360050 -27.826700
431 +-27.270700 -31.980400 0.300805 -28.318300
432 +-27.322100 -32.554200 0.979346 -28.516800
433 +-27.783000 -33.477200 1.615570 -28.713900
434 +-26.526400 -32.671200 2.176050 -28.844700
435 +-25.987100 -32.720200 3.115800 -28.796900
436 +-25.206200 -32.582900 4.079080 -28.654600
437 +-25.178100 -33.240300 5.114870 -28.595000
438 +-25.690000 -34.157300 5.682890 -28.838900
439 +-25.284500 -34.256900 7.108960 -28.668200
440 +-24.610000 -34.194000 7.966780 -28.684900
441 +-23.601200 -33.592000 9.126510 -28.658300
442 +-23.727600 -33.964700 10.297700 -28.554300
443 +-23.559900 -34.104400 11.083200 -28.034900
1 +
2 +
3 +import os
4 +os.environ["CUDA_VISIBLE_DEVICES"] = "0"
5 +import torch
6 +import argparse
7 +from preprocess import load_data
8 +from model import BeatGAN_MOCAP
9 +
10 +
11 +device = torch.device("cuda:0" if
12 +torch.cuda.is_available() else "cpu")
13 +
14 +
15 +
16 +if not os.path.exists("output"):
17 + os.mkdir("output")
18 +
19 +
20 +dataloader=load_data()
21 +print("load data success!!!")
22 +
23 +
24 +model=BeatGAN_MOCAP(dataloader,device)
25 +
26 +
27 +parser = argparse.ArgumentParser()
28 +parser.add_argument('-m', type=str, default='train',help="mode: /train/eval ")
29 +args = parser.parse_args()
30 +
31 +
32 +if args.m=="train":
33 + model.train()
34 +
35 +elif args.m=="eval":
36 + model.test_score_dist() #for score distribution. Fig 4
37 +
38 +elif args.m=="pic":
39 + model.test_for_pic() # for case study on walk/run/jump. part of Fig 3
40 +
41 +else:
42 + raise Exception("args error m:{}".format(args.m))
43 +
44 +
1 +
2 +
3 +
4 +
5 +
6 +import os,pickle,time,sys
7 +import numpy as np
8 +import torch
9 +import torch.nn as nn
10 +import torch.optim as optim
11 +import matplotlib.pyplot as plt
12 +import matplotlib.gridspec as gridspec
13 +import matplotlib.image as mpimg
14 +import matplotlib
15 +matplotlib.use("Agg")
16 +matplotlib.rcParams.update({'font.size': 25})
17 +plt.rcParams["font.family"] = "Times New Roman"
18 +
19 +dirname=os.path.dirname
20 +sys.path.insert(0,dirname(dirname(os.path.abspath(__file__))))
21 +
22 +
23 +from metric import evaluate
24 +
25 +
26 +def weights_init(mod):
27 + """
28 + Custom weights initialization called on netG, netD and netE
29 + :param m:
30 + :return:
31 + """
32 + classname = mod.__class__.__name__
33 + if classname.find('Conv') != -1:
34 + # mod.weight.data.normal_(0.0, 0.02)
35 + nn.init.xavier_normal_(mod.weight.data)
36 + # nn.init.kaiming_uniform_(mod.weight.data)
37 +
38 + elif classname.find('BatchNorm') != -1:
39 + mod.weight.data.normal_(1.0, 0.02)
40 + mod.bias.data.fill_(0)
41 + elif classname.find('Linear') !=-1 :
42 + torch.nn.init.xavier_uniform(mod.weight)
43 + mod.bias.data.fill_(0.01)
44 +
45 +
46 +class Generator(nn.Module):
47 + def __init__(self, nc):
48 + super(Generator, self).__init__()
49 +
50 + self.encoder = nn.Sequential(
51 + # input is (nc) x 64
52 + nn.Linear(nc * 64, 256),
53 + nn.Tanh(),
54 + nn.Linear(256, 128),
55 + nn.Tanh(),
56 + nn.Linear(128, 32),
57 + nn.Tanh(),
58 + nn.Linear(32, 10),
59 +
60 + )
61 + self.decoder = nn.Sequential(
62 + nn.Linear(10, 32),
63 + nn.Tanh(),
64 + nn.Linear(32, 128),
65 + nn.Tanh(),
66 + nn.Linear(128, 256),
67 + nn.Tanh(),
68 + nn.Linear(256, nc * 64),
69 + nn.Tanh(),
70 + )
71 +
72 + def forward(self, input):
73 + input=input.view(input.shape[0],-1)
74 + z = self.encoder(input)
75 + output = self.decoder(z)
76 + output=output.view(output.shape[0],4,-1)
77 + return output
78 +
79 +class Discriminator(nn.Module):
80 + def __init__(self, nc):
81 + super(Discriminator, self).__init__()
82 +
83 + self.features = nn.Sequential(
84 + # input is (nc) x 64
85 + nn.Linear(nc * 64, 256),
86 + nn.Tanh(),
87 + nn.Linear(256, 128),
88 + nn.Tanh(),
89 + nn.Linear(128, 32),
90 + nn.Tanh(),
91 +
92 + )
93 +
94 + self.classifier=nn.Sequential(
95 + nn.Linear(32, 1),
96 + nn.Sigmoid()
97 + )
98 +
99 + def forward(self, input):
100 + input=input.view(input.shape[0],-1)
101 + features = self.features(input)
102 + # features = self.feat(features.view(features.shape[0],-1))
103 + # features=features.view(out_features.shape[0],-1)
104 + classifier = self.classifier(features)
105 + classifier = classifier.view(-1, 1).squeeze(1)
106 +
107 + return classifier, features
108 +
109 +
110 +
111 +
112 +
113 +
114 +
115 +class BeatGAN_MOCAP:
116 + def __init__(self, dataloader, device):
117 + self.dataloader = dataloader
118 + self.device = device
119 +
120 + self.batchsize = 64
121 + self.nz = 10
122 + self.niter = 300
123 + self.nc=4
124 + self.lr=0.0001
125 + self.beta1=0.5
126 +
127 +
128 + self.G = Generator( self.nc).to(device)
129 + self.G.apply(weights_init)
130 +
131 +
132 + self.D = Discriminator(self.nc).to(device)
133 + self.D.apply(weights_init)
134 +
135 + # Loss Functions
136 + self.bce_criterion = nn.BCELoss()
137 + self.l1_criterion=nn.L1Loss()
138 + self.mse_criterion=nn.MSELoss()
139 +
140 + self.optimizerD = optim.Adam(self.D.parameters(), lr=self.lr, betas=(self.beta1, 0.999))
141 + self.optimizerG = optim.Adam(self.G.parameters(), lr=self.lr, betas=(self.beta1, 0.999))
142 +
143 + self.total_steps = 0
144 + self.cur_epoch = 0
145 +
146 +
147 + self.real_label = 1
148 + self.fake_label = 0
149 +
150 + # -- Discriminator attributes.
151 + self.err_d_real = None
152 + self.err_d_fake = None
153 +
154 + # -- Generator attributes.
155 + self.err_g = None
156 +
157 +
158 + def train(self):
159 + self.train_hist = {}
160 + self.train_hist['D_loss'] = []
161 + self.train_hist['G_loss'] = []
162 + self.train_hist['per_epoch_time'] = []
163 + self.train_hist['total_time'] = []
164 +
165 +
166 +
167 +
168 + print(" Train model ")
169 + best_auc=0
170 + best_auc_epoch=0
171 +
172 +
173 + for epoch in range(self.niter):
174 + self.cur_epoch+=1
175 + self.train_epoch()
176 + auc,th,f1=self.validate()
177 + if auc > best_auc:
178 + best_auc = auc
179 + best_auc_epoch=self.cur_epoch
180 + self.save_weight_GD()
181 + print("[{}] auc:{:.4f} th:{:.4f} f1:{:.4f} \t best_auc:{:.4f} in epoch[{}]\n".format(self.cur_epoch,auc,th,f1,best_auc,best_auc_epoch ))
182 +
183 +
184 +
185 +
186 + def train_epoch(self):
187 + self.G.train()
188 + self.D.train()
189 +
190 + for train_x,train_y in self.dataloader["train"]:
191 + train_x=train_x.to(self.device)
192 + train_y=train_y.to(self.device)
193 + for i in range(1):
194 + self.D.zero_grad()
195 + batch_size=train_x.shape[0]
196 + self.y_real_, self.y_fake_ = torch.ones(batch_size).to(self.device), torch.zeros(batch_size).to(
197 + self.device)
198 + # Train with real
199 + out_d_real, _ = self.D(train_x)
200 + # Train with fake
201 + fake = self.G(train_x)
202 + out_d_fake, _ = self.D(fake)
203 + # --
204 +
205 + self.err_d_real = self.bce_criterion(out_d_real,self.y_real_)
206 + self.err_d_fake = self.bce_criterion(out_d_fake,self.y_fake_)
207 +
208 + self.err_d = self.err_d_real + self.err_d_fake
209 + self.err_d.backward(retain_graph=True)
210 + self.optimizerD.step()
211 +
212 +
213 + self.G.zero_grad()
214 +
215 + _, feat_fake = self.D(fake)
216 + _, feat_real = self.D(train_x)
217 +
218 +
219 + self.err_g_adv = self.mse_criterion(feat_fake, feat_real) # loss for feature matching
220 + self.err_g_rec = self.mse_criterion(fake, train_x) # constrain x' to look like x
221 +
222 + self.err_g = self.err_g_rec+0.01*self.err_g_adv
223 + self.err_g.backward()
224 + self.optimizerG.step()
225 +
226 +
227 + # print(self.err_g.item())
228 + print("d_loss(R/F):{}/{}, g_loss:A/R{}/{}".format(self.err_d_real.item(),self.err_d_fake.item(),self.err_g_adv.item(),self.err_g_rec))
229 + if self.cur_epoch %50==0:
230 + fig, axarr = plt.subplots(2, 2, sharex=True, figsize=(6, 6))
231 + fake_ts=self.G(train_x).detach().cpu().numpy()
232 + input_ts=train_x.cpu().numpy()
233 + for r in range(2):
234 + axarr[r, 0].plot(np.transpose(input_ts[r],(1,0)))
235 + axarr[r, 0].set_ylim(-1, 1)
236 +
237 + for r in range(2):
238 + axarr[r, 1].plot(np.transpose(fake_ts[r],(1,0)))
239 + axarr[r, 1].set_ylim(-1, 1)
240 + # fig.savefig("./output/train/"+str(self.cur_epoch)+".png")
241 +
242 +
243 +
244 + def validate(self):
245 + y_, y_pred = self.predict(self.dataloader["test"])
246 + rocprc, rocauc, best_th, best_f1 = evaluate(y_, y_pred)
247 + return rocauc, best_th, best_f1
248 +
249 +
250 + def predict(self,dataloader_,scale=True):
251 + with torch.no_grad():
252 + # Create big error tensor for the test set.
253 + test_pair=[]
254 +
255 +
256 + self.an_scores = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.float32, device=self.device)
257 + self.gt_labels = torch.zeros(size=(len(dataloader_.dataset),), dtype=torch.long, device=self.device)
258 + # self.dis_feat = torch.zeros(size=(len(dataloader_.dataset), self.opt.ndf*16*10), dtype=torch.float32,
259 + # device=self.device)
260 +
261 +
262 + for i, data in enumerate(dataloader_, 0):
263 + test_x=data[0].to(self.device)
264 + test_y=data[1].to(self.device)
265 +
266 + fake = self.G(test_x)
267 +
268 +
269 +
270 + error = torch.mean(
271 + torch.pow((test_x.view(test_x.shape[0], -1) - fake.view(fake.shape[0], -1)), 2),
272 + dim=1)
273 +
274 + self.an_scores[i*self.batchsize : i*self.batchsize+error.size(0)] = error.reshape(error.size(0))
275 + self.gt_labels[i*self.batchsize : i*self.batchsize+error.size(0)] = test_y.reshape(error.size(0))
276 + # self.dis_feat[i * self.opt.batchsize: i * self.opt.batchsize + error.size(0), :] = d_feat.reshape(
277 + # error.size(0), self.opt.ndf*16*10)
278 +
279 +
280 + # Scale error vector between [0, 1]
281 + if scale:
282 + self.an_scores = (self.an_scores - torch.min(self.an_scores)) / (torch.max(self.an_scores) - torch.min(self.an_scores))
283 +
284 + y_=self.gt_labels.cpu().numpy()
285 + y_pred=self.an_scores.cpu().numpy()
286 + # print(y_pred)
287 +
288 + return y_,y_pred
289 +
290 +
291 + def save_weight_GD(self):
292 + # save_dir=os.path.join("./output/","model")
293 + save_dir="model"
294 + if not os.path.exists(save_dir):
295 + os.makedirs(save_dir)
296 + torch.save(self.G.state_dict(),
297 + os.path.join(save_dir, 'G.pkl'))
298 + torch.save(self.D.state_dict(),
299 + os.path.join(save_dir,'D.pkl'))
300 +
301 + def load(self):
302 + save_dir = "model"
303 +
304 + self.G.load_state_dict(
305 + torch.load(os.path.join(save_dir, 'G.pkl')))
306 + self.D.load_state_dict(
307 + torch.load(os.path.join(save_dir,'D.pkl')))
308 +
309 + def test_score_dist(self):
310 + self.load()
311 + self.G.eval()
312 + self.D.eval()
313 + y_, y_pred = self.predict(self.dataloader["test"])
314 + f = plt.figure()
315 + ax = f.add_subplot(111)
316 + X1=[]
317 + X2=[]
318 + for gt,sc in zip(y_,y_pred):
319 + if gt==0:
320 + X1.append(sc)
321 + else:
322 + X2.append(sc)
323 +
324 +
325 + _, bins, _ = ax.hist(X1, bins=55, range=[0, 1], density=True, alpha=0.3, color='r', label="walk")
326 + _ = ax.hist(X2, bins=bins, alpha=0.3, density=True, color='b', label="others")
327 + ax.set_yticks([])
328 + ax.set_xticks(np.arange(0,1.2, 0.2))
329 + ax.legend()
330 + f.savefig(os.path.join("./output", "dist.pdf"))
331 + auc_prc, roc_auc, best_threshold, best_f1=evaluate(y_, y_pred)
332 + print("ap:{}".format(auc_prc))
333 + print("auc:{}".format(roc_auc))
334 + print("best threshold:{} ==> F1:{}".format(best_threshold,best_f1))
335 +
336 +
337 +
338 + def test_for_exp(self):
339 +
340 + self.load()
341 + self.G.eval()
342 + self.D.eval()
343 + test_0_cnt=0
344 + test_1_cnt=1
345 + legends=["lhumerus","rhumerus" , "lfemur", "rfemur"]
346 + with torch.no_grad():
347 + for i, data in enumerate(self.dataloader["test"], 0):
348 + data_x,data_y=data[0],data[1]
349 + gen_x=self.G(data_x.to(self.device))
350 + for i in range(data_x.shape[0]):
351 + input_x,input_y=data_x[i],data_y[i]
352 + if input_y.item() ==1:
353 + test_1_cnt+=1
354 + if test_1_cnt>20:
355 + return
356 + fig, axarr = plt.subplots(1,2, figsize=(6, 6))
357 + fake_ts = gen_x[i].cpu().numpy()
358 + input_ts = input_x.cpu().numpy()
359 + ax0=axarr[0].plot(np.transpose(input_ts, (1, 0)))
360 + ax1=axarr[ 1].plot(np.transpose(fake_ts, (1, 0)))
361 + fig.legend(iter(ax0), legends)
362 + # ax1.legend(iter(ax1), legends)
363 +
364 +
365 +
366 + fig.savefig("./output/test1/" + str(test_1_cnt) + ".png")
367 + else:
368 + test_0_cnt += 1
369 + if test_0_cnt > 20:
370 + return
371 + fig, axarr = plt.subplots(1, 2, figsize=(6, 6))
372 + fake_ts = gen_x[i].cpu().numpy()
373 + input_ts = input_x.cpu().numpy()
374 + ax0=axarr[0].plot(np.transpose(input_ts, (1, 0)))
375 + ax1=axarr[1].plot(np.transpose(fake_ts, (1, 0)))
376 +
377 + fig.legend(iter(ax0), legends)
378 +
379 + fig.savefig("./output/test0/" + str(test_1_cnt) + ".png")
380 +
381 +
382 + def test_for_pic(self):
383 + from preprocess import load_for_pic
384 + self.load()
385 + self.G.eval()
386 + self.D.eval()
387 + walk_ts,run_ts=load_for_pic(ts_type="run")
388 + print(walk_ts.shape)
389 + input_walk=[]
390 + output_walk=[]
391 + walk_heat=[]
392 +
393 + input_run = []
394 + output_run = []
395 + run_heat = []
396 +
397 + legends = ["lhumerus", "rhumerus", "lfemur", "rfemur"]
398 + with torch.no_grad():
399 + #get res from walk
400 + for i in range(int(walk_ts.shape[1]/64)):
401 + ts=walk_ts[:,i*64:i*64+64]
402 + assert ts.shape[0]==4
403 + fake_ts=self.G(torch.from_numpy(np.array([ts])).float())
404 + fake_ts=fake_ts.numpy()[0]
405 + # heat_score=np.sqrt(np.sum((ts-fake_ts)**2,axis=0))
406 + heat_score=np.max((ts-fake_ts)**2,axis=0)
407 + input_walk.append(ts)
408 + output_walk.append(fake_ts)
409 + walk_heat.append(heat_score)
410 + input_walk=np.concatenate(input_walk, axis=1)
411 + output_walk=np.concatenate(output_walk, axis=1)
412 + walk_heat=np.concatenate(walk_heat)
413 + assert input_walk.shape[0]==4
414 + # get res from run
415 + for i in range(int(run_ts.shape[1] / 64)):
416 + ts = run_ts[:,i * 64:i * 64 + 64]
417 + assert ts.shape[0] == 4
418 + fake_ts = self.G(torch.from_numpy(np.array([ts])).float().to(self.device))
419 + fake_ts = fake_ts.numpy()[0]
420 + heat_score = np.sqrt(np.sum((ts - fake_ts) ** 2, axis=0))
421 + input_run.append(ts)
422 + output_run.append(fake_ts)
423 + run_heat.append(heat_score)
424 +
425 + input_run = np.concatenate(input_run, axis=1)
426 + output_run = np.concatenate(output_run, axis=1)
427 + run_heat = np.concatenate(run_heat)
428 + assert input_run.shape[0] == 4
429 +
430 +
431 +
432 +
433 + SIZE = 1
434 + for i in range(len(walk_heat / SIZE)):
435 + walk_heat[SIZE * i:SIZE * i + SIZE] = np.sum(walk_heat[SIZE * i:SIZE * i + SIZE]) / SIZE
436 + for i in range(len(run_heat / SIZE)):
437 + run_heat[SIZE * i:SIZE * i + SIZE] = np.sum(run_heat[SIZE * i:SIZE * i + SIZE]) / SIZE
438 +
439 + max_val=max(np.max(walk_heat),np.max(run_heat))
440 + min_val=min(np.min(walk_heat),np.min(run_heat))
441 +
442 + walk_heat_norm = np.reshape((walk_heat-min_val)/(max_val-min_val), (1, -1))
443 + run_heat_norm=np.reshape((run_heat-min_val)/(max_val-min_val),(1,-1))
444 +
445 +
446 + # for fig
447 + walk_points = np.arange(input_walk.shape[1])
448 + run_points = np.arange(input_run.shape[1])
449 +
450 + fig = plt.figure(figsize=(14,3 ))
451 +
452 + outer = gridspec.GridSpec(2, 3 ,wspace=0.2,height_ratios=[7, 1], width_ratios=[18,3,2])
453 + for i in range(6):
454 + if i == 0:
455 + inner = gridspec.GridSpecFromSubplotSpec(1, 1,
456 + subplot_spec=outer[i])
457 + ax = plt.Subplot(fig, inner[0])
458 + ax0 = ax.plot(walk_points, np.transpose(input_walk))
459 + ax.set_xlim((0, 210+128))
460 + ax.set_yticks([])
461 + ax.set_xticks([])
462 + ax.margins(0)
463 + fig.add_subplot(ax)
464 +
465 +
466 + elif i == 1:
467 + inner = gridspec.GridSpecFromSubplotSpec(2, 1,
468 + subplot_spec=outer[i], hspace=0.1)
469 +
470 + ax_inner_0 = plt.Subplot(fig, inner[0])
471 + start=210
472 + ax_inner_0.plot(run_points, np.transpose(input_walk)[start:start+run_points.shape[0],:])
473 + ax_inner_0.set_yticks([])
474 + ax_inner_0.set_xticks([])
475 + ax_inner_0.margins(0)
476 + fig.add_subplot(ax_inner_0)
477 +
478 + ax_inner_1 = plt.Subplot(fig, inner[1])
479 + ax_inner_1.plot(run_points, np.transpose(input_run))
480 + ax_inner_1.set_yticks([])
481 + ax_inner_1.set_xticks([])
482 + ax_inner_1.margins(0)
483 + fig.add_subplot(ax_inner_1)
484 +
485 + elif i == 2:
486 + inner = gridspec.GridSpecFromSubplotSpec(2, 1,
487 + subplot_spec=outer[i], hspace=0.1)
488 +
489 + ax_inner_0 = plt.Subplot(fig, inner[0])
490 + fig_walk= mpimg.imread("model/fig_walk.png")
491 + ax_inner_0.imshow(fig_walk,aspect="auto")
492 + ax_inner_0.set_yticks([])
493 + ax_inner_0.set_xticks([])
494 + fig.add_subplot(ax_inner_0)
495 +
496 + ax_inner_1 = plt.Subplot(fig, inner[1])
497 + fig_run=mpimg.imread("model/fig_run.png")
498 + ax_inner_1.imshow(fig_run,aspect="auto")
499 + ax_inner_1.set_yticks([])
500 + ax_inner_1.set_xticks([])
501 + fig.add_subplot(ax_inner_1)
502 +
503 +
504 + elif i == 3:
505 + inner = gridspec.GridSpecFromSubplotSpec(1, 1,
506 + subplot_spec=outer[i])
507 +
508 + ax = plt.Subplot(fig, inner[0])
509 + ax.imshow(walk_heat_norm, cmap="jet", aspect="auto",vmin = 0,vmax = 0.6)
510 + ax.set_yticks([])
511 + # ax.set_xticks([])
512 + fig.add_subplot(ax)
513 + elif i == 4:
514 + inner = gridspec.GridSpecFromSubplotSpec(1, 1,
515 + subplot_spec=outer[i])
516 +
517 + ax = plt.Subplot(fig, inner[0])
518 + ax.imshow(run_heat_norm, cmap="jet", aspect="auto",vmin = 0,vmax = 0.6)
519 + ax.set_yticks([])
520 + fig.add_subplot(ax)
521 +
522 +
523 + # fig.legend(iter(ax0), legends,loc="upper left")
524 + leg=fig.legend(iter(ax0),legends,bbox_to_anchor=(0.12, 0.985), loc='upper left', ncol=4,prop={'size': 12})
525 + leg.get_frame().set_alpha(0)
526 +
527 + # fig.tight_layout()
528 + # fig.show()
529 + # return
530 + fig.savefig("./output/pic_run.pdf")
531 + plt.clf()
532 + plt.close()
533 +
534 +
535 +
No preview for this file type
No preview for this file type
1 +
2 +import os
3 +import numpy as np
4 +import torch
5 +from torch.utils.data import DataLoader,TensorDataset
6 +
7 +
8 +
9 +DATA_DIR="./dataset"
10 +
11 +
12 +WALK=["35_01","35_02","35_03","35_04","35_05","35_06","35_07","35_08","35_09","35_10",
13 + "35_11","35_12","35_13","35_14","35_15","35_16"]
14 +
15 +RUN=["35_17","35_18","35_19","35_20","35_21","35_22","35_23","35_24","35_25","35_26"]
16 +
17 +WINDOW=64
18 +STRIDE_TRAIN=5
19 +STRIDE_TEST=20
20 +
21 +
22 +def normalize(seq):
23 + '''
24 + normalize to [-1,1]
25 + :param seq:
26 + :return:
27 + '''
28 + return 2*(seq-np.min(seq))/(np.max(seq)-np.min(seq))-1
29 +
30 +def read_mocap_file(file_path):
31 + timeseries=[]
32 + with open(file_path,"r") as f:
33 + for line in f.readlines():
34 + x=line.strip().split(" ")
35 + timeseries.append([float(xx) for xx in x])
36 + timeseries=np.array(timeseries)
37 + for i in range(timeseries.shape[1]):
38 + timeseries[:,i]=normalize(timeseries[:,i])
39 +
40 + return timeseries
41 +
42 +
43 +def stat_data():
44 + cnt=0
45 + for walk in WALK:
46 + path=os.path.join(DATA_DIR, "walk", walk + ".amc.4d")
47 + ts=read_mocap_file(path)
48 + # print(ts.shape)
49 + cnt+=ts.shape[0]
50 + print (cnt)
51 + for run in RUN:
52 + path = os.path.join(DATA_DIR, "run", run + ".amc.4d")
53 + ts = read_mocap_file(path)
54 + # print(ts.shape)
55 + cnt += ts.shape[0]
56 + print(cnt)
57 + path = os.path.join(DATA_DIR, "other", "49_02.amc.4d")
58 + ts = read_mocap_file(path)
59 + cnt += ts.shape[0]
60 +
61 + print(cnt)
62 +
63 +
64 +
65 +def get_from_one(file_path,train=True):
66 + ts=read_mocap_file(file_path)
67 + ts_length=ts.shape[0]
68 + samples=[]
69 + stride=STRIDE_TRAIN if train else STRIDE_TEST
70 + for start in np.arange(0,ts_length,stride):
71 + if start+WINDOW>=ts_length:
72 + break
73 + samples.append(ts[start:start+WINDOW,:])
74 + # print(len(samples))
75 + # print(ts_length)
76 + # print(WINDOW)
77 + # print(stride)
78 + assert len(samples)== np.ceil(((ts_length-WINDOW)/stride))
79 + return np.array(samples)
80 +
81 +
82 +def load_data():
83 + batchsize=64
84 + train_x=None
85 + for walk in WALK[:-2]:
86 + ts=get_from_one(os.path.join(DATA_DIR,"walk",walk+".amc.4d"),train=True)
87 + if train_x is None:
88 + train_x=ts
89 + else:
90 + train_x=np.concatenate([train_x,ts])
91 +
92 + train_y=np.zeros([train_x.shape[0],1])
93 +
94 +
95 + test_x=None
96 +
97 + normal_test_cnt=0
98 + for walk in WALK[-2:]:
99 + ts = get_from_one(os.path.join(DATA_DIR, "walk", walk + ".amc.4d"), train=True)
100 + if test_x is None:
101 + test_x=ts
102 + else:
103 + test_x = np.concatenate([test_x, ts])
104 + normal_test_cnt+=ts.shape[0]
105 +
106 + for run in RUN[:]:
107 + ts = get_from_one(os.path.join(DATA_DIR, "run", run + ".amc.4d"), train=True)
108 + test_x = np.concatenate([test_x, ts])
109 +
110 + # add jump test data for experiment
111 + ts = get_from_one(os.path.join(DATA_DIR,"other","49_02.amc.4d"),train=True)
112 + test_x = np.concatenate([test_x, ts])
113 +
114 + test_y=np.ones([test_x.shape[0],1])
115 + test_y[:normal_test_cnt,:]=0
116 +
117 + train_x=np.transpose(train_x,(0,2,1))
118 + test_x=np.transpose(test_x, (0, 2, 1))
119 + print(train_x.shape)
120 + print(test_x.shape)
121 + # print(normal_test_cnt)
122 + # print(test_y)
123 +
124 + train_dataset = TensorDataset(torch.Tensor(train_x), torch.Tensor(train_y))
125 + test_dataset = TensorDataset(torch.Tensor(test_x), torch.Tensor(test_y))
126 +
127 +
128 + dataloader = {"train": DataLoader(
129 + dataset=train_dataset, # torch TensorDataset format
130 + batch_size=batchsize, # mini batch size
131 + shuffle=True,
132 + num_workers=0,
133 + drop_last=False),
134 + "test": DataLoader(
135 + dataset=test_dataset, # torch TensorDataset format
136 + batch_size=batchsize, # mini batch size
137 + shuffle=True,
138 + num_workers=0,
139 + drop_last=False),
140 + }
141 + return dataloader
142 +
143 +
144 +def load_for_pic(ts_type="run"):
145 + walk_ts = read_mocap_file(os.path.join(DATA_DIR, "walk", WALK[-1] + ".amc.4d"))
146 + walk_ts = np.transpose(walk_ts)
147 +
148 + if ts_type=="run":
149 + run_ts = read_mocap_file(os.path.join(DATA_DIR, "run", RUN[1] + ".amc.4d"))
150 + run_ts = np.transpose(run_ts)
151 + ret_ts=run_ts
152 + elif ts_type=="jump":
153 + jump_ts=read_mocap_file(os.path.join(DATA_DIR, "other", "49_02.amc.4d"))
154 + jump_ts = np.transpose(jump_ts)
155 + ret_ts=jump_ts[:,600:750] #jump
156 + # ret_ts=jump_ts[:1500,1650] #hop
157 + else:
158 + raise Exception("ts type error!!!")
159 + return walk_ts,ret_ts
160 +
161 +
162 +
163 +
164 +if __name__ == '__main__':
165 + # get_from_one(os.path.join(DATA_DIR,"run",RUN[0]+".amc.4d"))
166 + # load_data()
167 + stat_data()
168 + # ts1,ts2=load_for_pic(ts_type="jump")
169 + # print(ts1.shape)
170 + # print(ts2.shape)
171 +
172 +
1 +<changed>
2 +
3 +model.py
4 +1) Error appear
5 +
6 +Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu!
7 +
8 +-> class BeatGan
9 +-> self.bce_criterion = nn.BCELoss().cuda()
10 + self.mse_criterion = nn.MSELoss().cuda()
11 +
12 +-> def update_netd
13 +->
14 + self.err_d_real = self.bce_criterion(self.out_d_real, torch.full((self.batchsize,), self.real_label, device=self.device).type(torch.FloatTensor).cuda())
15 +
16 + self.err_d_fake = self.bce_criterion(self.out_d_fake, torch.full((self.batchsize,), self.fake_label, device=self.device).type(torch.FloatTensor).cuda())
17 +
18 +
19 +data.py
20 +1) if you use 2D signal data, the data shape must (num_of_data, 1, width, height)
21 +
22 +2) I changed "np.load()" parts for utilize.
23 +
24 +3) normalize part is changed.
25 +
26 +network.py
27 +1) Conv2D(input channel, output channel, kernel_size, stride, padding)
28 + output size = output channel * (input_size-kernel_size+2*padding)/stride+1
29 +
30 + We use 128*128 data so we set "Encoder"'s Conv2d's parameters like that.
31 + The result is 50*1*1
32 +
33 +2) Decoder is inverse of Encoder
34 +
35 +
36 +option.py
37 +1) change batchsize from 64 to 32, because Memory allocate issue was happened.
38 +
39 +etc)
40 +1) 2D-data must have the shape (n,1,w,h)
41 + 1D-data is (n,1,w)
42 +
43 +1-1) So, you should go to experiments/ecg/dataset/preprocessed.
44 + Push change.py and change2.py to ano0.
45 + Diretory ano0 should have _ _samples.npy file.
46 +
1 +#!/bin/bash
2 +
3 +cd experiments/ecg
4 +
5 +test=1 # 0 means train the model, 1 means evaluate the model
6 +threshold=0.02
7 +fold_cnt=1
8 +
9 +dataroot="./dataset/preprocessed/ano0/"
10 +model="beatgan"
11 +
12 +w_adv=1
13 +niter=100
14 +lr=0.0001
15 +n_aug=0
16 +
17 +outf="./output"
18 +
19 +for (( i=0; i<$fold_cnt; i+=1))
20 +do
21 + echo "#################################"
22 + echo "######## Folder $i ############"
23 + if [ $test = 0 ]; then
24 + python -u main.py \
25 + --dataroot $dataroot \
26 + --model $model \
27 + --niter $niter \
28 + --lr $lr \
29 + --outf $outf \
30 + --folder $i
31 +
32 + else
33 + python -u main.py \
34 + --dataroot $dataroot \
35 + --model $model \
36 + --niter $niter \
37 + --lr $lr \
38 + --outf $outf \
39 + --folder $i \
40 + --outf $outf \
41 + --istest \
42 + --threshold $threshold
43 + fi
44 +
45 +done
1 +#!/bin/bash
2 +
3 +cd experiments/ecg
4 +
5 +test=1 # 0 means train the model, 1 means evaluate the model
6 +threshold=0.02
7 +fold_cnt=1
8 +
9 +dataroot="./dataset/preprocessed/ano0/"
10 +model="beatgan"
11 +
12 +w_adv=1
13 +niter=5
14 +lr=0.0001
15 +n_aug=0
16 +
17 +outf="./output"
18 +
19 +for (( i=0; i<$fold_cnt; i+=1))
20 +do
21 + echo "#################################"
22 + echo "######## Folder $i ############"
23 + if [ $test = 0 ]; then
24 + python -u main.py \
25 + --dataroot $dataroot \
26 + --model $model \
27 + --niter $niter \
28 + --lr $lr \
29 + --outf $outf \
30 + --folder $i
31 +
32 + else
33 + python -u main.py \
34 + --dataroot $dataroot \
35 + --model $model \
36 + --niter $niter \
37 + --lr $lr \
38 + --outf $outf \
39 + --folder $i \
40 + --outf $outf \
41 + --istest \
42 + --threshold $threshold
43 + fi
44 +
45 +done
1 +
2 +cd experiments/ecg
3 +python demo.py
...\ No newline at end of file ...\ No newline at end of file
1 +#!/bin/bash
2 +
3 +cd experiments/mocap
4 +
5 +# python main.py # for train
6 +python main.py -m eval # for evaluation
7 +