snoop2head commited on
Commit
664f840
1 Parent(s): 90fb606

update with braille pattern conversion

Browse files
app.py CHANGED
@@ -5,14 +5,15 @@ Reference
5
  - https://huggingface.co/keremberke/yolov8m-valorant-detection/tree/main
6
  - https://docs.ultralytics.com/usage/python/
7
  """
8
- from pathlib import Path
9
  import PIL
10
 
11
  import streamlit as st
12
  import torch
13
  from ultralyticsplus import YOLO, render_result
14
 
15
- from convert import convert_to_braille_unicode
 
16
 
17
  def load_model(model_path):
18
  """load model from path"""
@@ -53,12 +54,12 @@ source_img = None
53
  source_img = st.sidebar.file_uploader(
54
  "Choose an image...", type=("jpg", "jpeg", "png", "bmp", "webp")
55
  )
56
- c = st.container()
57
 
58
  # left column of the page body
59
 
60
  if source_img is None:
61
- default_image_path = "./images/example.jpeg"
62
  image = load_image(default_image_path)
63
  st.image(default_image_path, caption="Example Input Image", use_column_width=True)
64
  else:
@@ -67,21 +68,27 @@ else:
67
 
68
  # right column of the page body
69
 
70
- if source_img is None:
71
- default_detected_image_path = "./images/example_detected.jpeg"
72
- image = load_image(default_detected_image_path)
73
- st.image(
74
- default_detected_image_path,
75
- caption="Example Detected Image",
76
- use_column_width=True,
77
- )
78
- else:
79
  with torch.no_grad():
80
- res = model.predict(
81
- image, save=True, save_txt=True, exist_ok=True, conf=conf
82
- )
83
- boxes = res[0].boxes
84
  res_plotted = res[0].plot()[:, :, ::-1]
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
85
  st.image(res_plotted, caption="Detected Image", use_column_width=True)
86
  IMAGE_DOWNLOAD_PATH = f"runs/detect/predict/image0.jpg"
87
  with open(IMAGE_DOWNLOAD_PATH, "rb") as fl:
@@ -91,13 +98,6 @@ else:
91
  file_name="image0.jpg",
92
  mime="image/jpg",
93
  )
94
- # for r in res:
95
- # for c in r.boxes.cls:
96
- # print(convert_to_braille_unicode(model.names[int(c)]))
97
- try:
98
- with st.expander("Detection Results"):
99
- for box in boxes:
100
- st.write(box.xywh)
101
 
102
  except Exception as ex:
103
  st.write("Please upload image with types of JPG, JPEG, PNG ...")
 
5
  - https://huggingface.co/keremberke/yolov8m-valorant-detection/tree/main
6
  - https://docs.ultralytics.com/usage/python/
7
  """
8
+ import time
9
  import PIL
10
 
11
  import streamlit as st
12
  import torch
13
  from ultralyticsplus import YOLO, render_result
14
 
15
+ from convert import convert_to_braille_unicode, parse_xywh_and_class
16
+
17
 
18
  def load_model(model_path):
19
  """load model from path"""
 
54
  source_img = st.sidebar.file_uploader(
55
  "Choose an image...", type=("jpg", "jpeg", "png", "bmp", "webp")
56
  )
57
+ c = st.columns(2)
58
 
59
  # left column of the page body
60
 
61
  if source_img is None:
62
+ default_image_path = "./images/alpha-numeric.jpeg"
63
  image = load_image(default_image_path)
64
  st.image(default_image_path, caption="Example Input Image", use_column_width=True)
65
  else:
 
68
 
69
  # right column of the page body
70
 
71
+ with st.spinner("Wait for it..."):
72
+ start_time = time.time()
 
 
 
 
 
 
 
73
  with torch.no_grad():
74
+ res = model.predict(image, save=True, save_txt=True, exist_ok=True, conf=conf)
75
+ boxes = res[0].boxes # first image
 
 
76
  res_plotted = res[0].plot()[:, :, ::-1]
77
+
78
+ list_boxes = parse_xywh_and_class(boxes)
79
+
80
+ try:
81
+ st.success(f"Done! Inference time: {time.time() - start_time:.2f} seconds")
82
+ st.header("Detected Braille Patterns")
83
+ for box_line in list_boxes:
84
+ str_left_to_right = ""
85
+ box_classes = box_line[:, -1]
86
+ for each_class in box_classes:
87
+ str_left_to_right += convert_to_braille_unicode(
88
+ model.names[int(each_class)]
89
+ )
90
+ st.subheader(str_left_to_right)
91
+
92
  st.image(res_plotted, caption="Detected Image", use_column_width=True)
93
  IMAGE_DOWNLOAD_PATH = f"runs/detect/predict/image0.jpg"
94
  with open(IMAGE_DOWNLOAD_PATH, "rb") as fl:
 
98
  file_name="image0.jpg",
99
  mime="image/jpg",
100
  )
 
 
 
 
 
 
 
101
 
102
  except Exception as ex:
103
  st.write("Please upload image with types of JPG, JPEG, PNG ...")
convert.py CHANGED
@@ -1,10 +1,53 @@
1
  import json
 
 
2
 
3
- def convert_to_braille_unicode(str_input, path="./braille_map.json"):
 
4
  with open(path, "r") as fl:
5
  data = json.load(fl)
6
-
7
- for braille in str_input:
8
- if braille in data.values():
9
- str_input = str_input.replace(braille, data[braille])
10
- return str_input
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  import json
2
+ import numpy as np
3
+ import torch
4
 
5
+
6
+ def convert_to_braille_unicode(str_input: str, path: str = "./braille_map.json") -> str:
7
  with open(path, "r") as fl:
8
  data = json.load(fl)
9
+
10
+ if str_input in data.keys():
11
+ str_output = data[str_input]
12
+ return str_output
13
+
14
+
15
+ def parse_xywh_and_class(boxes: torch.Tensor) -> list:
16
+ """
17
+ boxes input tensor
18
+ boxes (torch.Tensor) or (numpy.ndarray): A tensor or numpy array containing the detection boxes,
19
+ with shape (num_boxes, 6).
20
+ orig_shape (torch.Tensor) or (numpy.ndarray): Original image size, in the format (height, width).
21
+
22
+ Properties:
23
+ xyxy (torch.Tensor) or (numpy.ndarray): The boxes in xyxy format.
24
+ conf (torch.Tensor) or (numpy.ndarray): The confidence values of the boxes.
25
+ cls (torch.Tensor) or (numpy.ndarray): The class values of the boxes.
26
+ xywh (torch.Tensor) or (numpy.ndarray): The boxes in xywh format.
27
+ xyxyn (torch.Tensor) or (numpy.ndarray): The boxes in xyxy format normalized by original image size.
28
+ xywhn (torch.Tensor) or (numpy.ndarray): The boxes in xywh format normalized by original image size.
29
+ """
30
+
31
+ # copy values from troublesome "boxes" object to numpy array
32
+ new_boxes = np.zeros(boxes.shape)
33
+ new_boxes[:, :4] = boxes.xywh.numpy() # first 4 channels are xywh
34
+ new_boxes[:, 4] = boxes.conf.numpy() # 5th channel is confidence
35
+ new_boxes[:, 5] = boxes.cls.numpy() # 6th channel is class which is last channel
36
+
37
+ # sort according to y coordinate
38
+ new_boxes = new_boxes[new_boxes[:, 1].argsort()]
39
+
40
+ # find threshold index to break the line
41
+ y_threshold = np.mean(new_boxes[:, 3]) // 2
42
+ boxes_diff = np.diff(new_boxes[:, 1])
43
+ threshold_index = np.where(boxes_diff > y_threshold)[0]
44
+
45
+ # cluster according to threshold_index
46
+ boxes_clustered = np.split(new_boxes, threshold_index + 1)
47
+ boxes_return = []
48
+ for cluster in boxes_clustered:
49
+ # sort according to x coordinate
50
+ cluster = cluster[cluster[:, 0].argsort()]
51
+ boxes_return.append(cluster)
52
+
53
+ return boxes_return
images/alpha-numeric-detected.jpeg ADDED
images/alpha-numeric.jpeg ADDED
runs/detect/predict/image0.jpg CHANGED
runs/detect/predict/labels/image0.txt CHANGED
@@ -1,671 +0,0 @@
1
- 36 0.578125 0.836111 0.0203125 0.0555556
2
- 57 0.744922 0.838889 0.0226563 0.0583333
3
- 44 0.344531 0.354861 0.021875 0.0569444
4
- 61 0.744531 0.839583 0.0234375 0.0569444
5
- 40 0.277344 0.838194 0.0234375 0.0569444
6
- 29 0.510938 0.515278 0.021875 0.0555556
7
- 21 0.478125 0.515972 0.021875 0.0569444
8
- 31 0.644531 0.354861 0.0203125 0.0541667
9
- 40 0.113281 0.515972 0.021875 0.0569444
10
- 44 0.577734 0.832639 0.0210938 0.0569444
11
- 61 0.377734 0.515972 0.0210938 0.0541667
12
- 19 0.710938 0.515972 0.0203125 0.0541667
13
- 32 0.678906 0.8375 0.021875 0.0555556
14
- 21 0.310937 0.515972 0.021875 0.0541667
15
- 30 0.444922 0.354861 0.0210938 0.0569444
16
- 34 0.511719 0.838889 0.021875 0.0583333
17
- 21 0.310547 0.838194 0.0226563 0.0569444
18
- 20 0.511328 0.838889 0.0226563 0.0583333
19
- 10 0.610937 0.829861 0.021875 0.0569444
20
- 56 0.577344 0.515972 0.0234375 0.0569444
21
- 40 0.117578 0.355556 0.0195312 0.0527778
22
- 43 0.377734 0.354167 0.0226563 0.0583333
23
- 42 0.310547 0.838194 0.0226563 0.0569444
24
- 45 0.478516 0.354167 0.0226563 0.0583333
25
- 41 0.8125 0.839583 0.021875 0.0569444
26
- 45 0.444141 0.838194 0.0226563 0.0569444
27
- 46 0.24375 0.355556 0.0203125 0.0527778
28
- 46 0.310937 0.516667 0.021875 0.0555556
29
- 29 0.812109 0.839583 0.0226563 0.0569444
30
- 12 0.310937 0.354861 0.021875 0.0569444
31
- 18 0.544531 0.836111 0.0234375 0.0611111
32
- 33 0.311328 0.354861 0.0226563 0.0569444
33
- 61 0.478125 0.354861 0.021875 0.0569444
34
- 21 0.244531 0.515972 0.021875 0.0569444
35
- 32 0.411719 0.838194 0.0234375 0.0569444
36
- 34 0.411719 0.838194 0.0234375 0.0569444
37
- 27 0.177734 0.516667 0.0226563 0.0555556
38
- 42 0.244531 0.515278 0.021875 0.0555556
39
- 60 0.210938 0.35625 0.0203125 0.0541667
40
- 63 0.176953 0.515972 0.0226563 0.0569444
41
- 44 0.111328 0.515278 0.0210938 0.0555556
42
- 44 0.277344 0.838194 0.0234375 0.0569444
43
- 14 0.277344 0.516667 0.021875 0.0555556
44
- 42 0.644922 0.516667 0.0226563 0.0555556
45
- 32 0.277344 0.354861 0.021875 0.0569444
46
- 4 0.277344 0.355556 0.021875 0.0555556
47
- 53 0.244141 0.354861 0.0210938 0.0541667
48
- 61 0.510938 0.515278 0.021875 0.0555556
49
- 36 0.344141 0.354167 0.0226563 0.0583333
50
- 45 0.377734 0.515972 0.0210938 0.0541667
51
- 61 0.377734 0.354167 0.0226563 0.0583333
52
- 33 0.511328 0.354861 0.0226563 0.0569444
53
- 12 0.778516 0.838889 0.0210938 0.0555556
54
- 56 0.446094 0.515278 0.021875 0.0583333
55
- 14 0.444922 0.354167 0.0210938 0.0583333
56
- 28 0.611719 0.516667 0.021875 0.0555556
57
- 46 0.578125 0.354167 0.021875 0.0583333
58
- 60 0.378125 0.8375 0.021875 0.0583333
59
- 23 0.14375 0.354861 0.0203125 0.0541667
60
- 19 0.844922 0.839583 0.0210938 0.0569444
61
- 43 0.644531 0.354167 0.0203125 0.0555556
62
- 20 0.678125 0.515972 0.021875 0.0569444
63
- 62 0.177734 0.838889 0.0210938 0.0555556
64
- 34 0.244531 0.838194 0.021875 0.0569444
65
- 28 0.711719 0.838889 0.021875 0.0555556
66
- 44 0.110937 0.839583 0.021875 0.0569444
67
- 44 0.14375 0.515972 0.021875 0.0569444
68
- 21 0.310937 0.515972 0.021875 0.0541667
69
- 30 0.444922 0.354861 0.0210938 0.0569444
70
- 34 0.511719 0.838889 0.021875 0.0583333
71
- 21 0.310547 0.838194 0.0226563 0.0569444
72
- 20 0.511328 0.838889 0.0226563 0.0583333
73
- 10 0.610937 0.829861 0.021875 0.0569444
74
- 56 0.577344 0.515972 0.0234375 0.0569444
75
- 40 0.117578 0.355556 0.0195312 0.0527778
76
- 43 0.377734 0.354167 0.0226563 0.0583333
77
- 42 0.310547 0.838194 0.0226563 0.0569444
78
- 45 0.478516 0.354167 0.0226563 0.0583333
79
- 41 0.8125 0.839583 0.021875 0.0569444
80
- 45 0.444141 0.838194 0.0226563 0.0569444
81
- 46 0.24375 0.355556 0.0203125 0.0527778
82
- 46 0.310937 0.516667 0.021875 0.0555556
83
- 29 0.812109 0.839583 0.0226563 0.0569444
84
- 12 0.310937 0.354861 0.021875 0.0569444
85
- 18 0.544531 0.836111 0.0234375 0.0611111
86
- 33 0.311328 0.354861 0.0226563 0.0569444
87
- 61 0.478125 0.354861 0.021875 0.0569444
88
- 21 0.244531 0.515972 0.021875 0.0569444
89
- 32 0.411719 0.838194 0.0234375 0.0569444
90
- 34 0.411719 0.838194 0.0234375 0.0569444
91
- 27 0.177734 0.516667 0.0226563 0.0555556
92
- 42 0.244531 0.515278 0.021875 0.0555556
93
- 60 0.210938 0.35625 0.0203125 0.0541667
94
- 63 0.176953 0.515972 0.0226563 0.0569444
95
- 44 0.111328 0.515278 0.0210938 0.0555556
96
- 44 0.277344 0.838194 0.0234375 0.0569444
97
- 14 0.277344 0.516667 0.021875 0.0555556
98
- 42 0.644922 0.516667 0.0226563 0.0555556
99
- 32 0.277344 0.354861 0.021875 0.0569444
100
- 4 0.277344 0.355556 0.021875 0.0555556
101
- 53 0.244141 0.354861 0.0210938 0.0541667
102
- 61 0.510938 0.515278 0.021875 0.0555556
103
- 36 0.344141 0.354167 0.0226563 0.0583333
104
- 45 0.377734 0.515972 0.0210938 0.0541667
105
- 61 0.377734 0.354167 0.0226563 0.0583333
106
- 33 0.511328 0.354861 0.0226563 0.0569444
107
- 12 0.778516 0.838889 0.0210938 0.0555556
108
- 56 0.446094 0.515278 0.021875 0.0583333
109
- 14 0.444922 0.354167 0.0210938 0.0583333
110
- 28 0.611719 0.516667 0.021875 0.0555556
111
- 46 0.578125 0.354167 0.021875 0.0583333
112
- 60 0.378125 0.8375 0.021875 0.0583333
113
- 23 0.14375 0.354861 0.0203125 0.0541667
114
- 19 0.844922 0.839583 0.0210938 0.0569444
115
- 43 0.644531 0.354167 0.0203125 0.0555556
116
- 20 0.678125 0.515972 0.021875 0.0569444
117
- 62 0.177734 0.838889 0.0210938 0.0555556
118
- 34 0.244531 0.838194 0.021875 0.0569444
119
- 28 0.711719 0.838889 0.021875 0.0555556
120
- 44 0.110937 0.839583 0.021875 0.0569444
121
- 44 0.14375 0.515972 0.021875 0.0569444
122
- 21 0.310937 0.515972 0.021875 0.0541667
123
- 30 0.444922 0.354861 0.0210938 0.0569444
124
- 34 0.511719 0.838889 0.021875 0.0583333
125
- 21 0.310547 0.838194 0.0226563 0.0569444
126
- 20 0.511328 0.838889 0.0226563 0.0583333
127
- 10 0.610937 0.829861 0.021875 0.0569444
128
- 56 0.577344 0.515972 0.0234375 0.0569444
129
- 40 0.117578 0.355556 0.0195312 0.0527778
130
- 43 0.377734 0.354167 0.0226563 0.0583333
131
- 42 0.310547 0.838194 0.0226563 0.0569444
132
- 45 0.478516 0.354167 0.0226563 0.0583333
133
- 41 0.8125 0.839583 0.021875 0.0569444
134
- 45 0.444141 0.838194 0.0226563 0.0569444
135
- 46 0.24375 0.355556 0.0203125 0.0527778
136
- 46 0.310937 0.516667 0.021875 0.0555556
137
- 29 0.812109 0.839583 0.0226563 0.0569444
138
- 12 0.310937 0.354861 0.021875 0.0569444
139
- 18 0.544531 0.836111 0.0234375 0.0611111
140
- 33 0.311328 0.354861 0.0226563 0.0569444
141
- 61 0.478125 0.354861 0.021875 0.0569444
142
- 21 0.244531 0.515972 0.021875 0.0569444
143
- 32 0.411719 0.838194 0.0234375 0.0569444
144
- 34 0.411719 0.838194 0.0234375 0.0569444
145
- 27 0.177734 0.516667 0.0226563 0.0555556
146
- 42 0.244531 0.515278 0.021875 0.0555556
147
- 60 0.210938 0.35625 0.0203125 0.0541667
148
- 63 0.176953 0.515972 0.0226563 0.0569444
149
- 44 0.111328 0.515278 0.0210938 0.0555556
150
- 44 0.277344 0.838194 0.0234375 0.0569444
151
- 14 0.277344 0.516667 0.021875 0.0555556
152
- 42 0.644922 0.516667 0.0226563 0.0555556
153
- 32 0.277344 0.354861 0.021875 0.0569444
154
- 4 0.277344 0.355556 0.021875 0.0555556
155
- 53 0.244141 0.354861 0.0210938 0.0541667
156
- 61 0.510938 0.515278 0.021875 0.0555556
157
- 36 0.344141 0.354167 0.0226563 0.0583333
158
- 45 0.377734 0.515972 0.0210938 0.0541667
159
- 61 0.377734 0.354167 0.0226563 0.0583333
160
- 33 0.511328 0.354861 0.0226563 0.0569444
161
- 12 0.778516 0.838889 0.0210938 0.0555556
162
- 56 0.446094 0.515278 0.021875 0.0583333
163
- 14 0.444922 0.354167 0.0210938 0.0583333
164
- 28 0.611719 0.516667 0.021875 0.0555556
165
- 46 0.578125 0.354167 0.021875 0.0583333
166
- 60 0.378125 0.8375 0.021875 0.0583333
167
- 23 0.14375 0.354861 0.0203125 0.0541667
168
- 19 0.844922 0.839583 0.0210938 0.0569444
169
- 43 0.644531 0.354167 0.0203125 0.0555556
170
- 20 0.678125 0.515972 0.021875 0.0569444
171
- 62 0.177734 0.838889 0.0210938 0.0555556
172
- 34 0.244531 0.838194 0.021875 0.0569444
173
- 28 0.711719 0.838889 0.021875 0.0555556
174
- 44 0.110937 0.839583 0.021875 0.0569444
175
- 44 0.14375 0.515972 0.021875 0.0569444
176
- 21 0.310937 0.515972 0.021875 0.0541667
177
- 30 0.444922 0.354861 0.0210938 0.0569444
178
- 34 0.511719 0.838889 0.021875 0.0583333
179
- 21 0.310547 0.838194 0.0226563 0.0569444
180
- 20 0.511328 0.838889 0.0226563 0.0583333
181
- 10 0.610937 0.829861 0.021875 0.0569444
182
- 56 0.577344 0.515972 0.0234375 0.0569444
183
- 40 0.117578 0.355556 0.0195312 0.0527778
184
- 43 0.377734 0.354167 0.0226563 0.0583333
185
- 42 0.310547 0.838194 0.0226563 0.0569444
186
- 45 0.478516 0.354167 0.0226563 0.0583333
187
- 41 0.8125 0.839583 0.021875 0.0569444
188
- 45 0.444141 0.838194 0.0226563 0.0569444
189
- 46 0.24375 0.355556 0.0203125 0.0527778
190
- 46 0.310937 0.516667 0.021875 0.0555556
191
- 29 0.812109 0.839583 0.0226563 0.0569444
192
- 12 0.310937 0.354861 0.021875 0.0569444
193
- 18 0.544531 0.836111 0.0234375 0.0611111
194
- 33 0.311328 0.354861 0.0226563 0.0569444
195
- 61 0.478125 0.354861 0.021875 0.0569444
196
- 21 0.244531 0.515972 0.021875 0.0569444
197
- 32 0.411719 0.838194 0.0234375 0.0569444
198
- 34 0.411719 0.838194 0.0234375 0.0569444
199
- 27 0.177734 0.516667 0.0226563 0.0555556
200
- 42 0.244531 0.515278 0.021875 0.0555556
201
- 60 0.210938 0.35625 0.0203125 0.0541667
202
- 63 0.176953 0.515972 0.0226563 0.0569444
203
- 44 0.111328 0.515278 0.0210938 0.0555556
204
- 44 0.277344 0.838194 0.0234375 0.0569444
205
- 14 0.277344 0.516667 0.021875 0.0555556
206
- 42 0.644922 0.516667 0.0226563 0.0555556
207
- 32 0.277344 0.354861 0.021875 0.0569444
208
- 4 0.277344 0.355556 0.021875 0.0555556
209
- 53 0.244141 0.354861 0.0210938 0.0541667
210
- 61 0.510938 0.515278 0.021875 0.0555556
211
- 36 0.344141 0.354167 0.0226563 0.0583333
212
- 45 0.377734 0.515972 0.0210938 0.0541667
213
- 61 0.377734 0.354167 0.0226563 0.0583333
214
- 33 0.511328 0.354861 0.0226563 0.0569444
215
- 12 0.778516 0.838889 0.0210938 0.0555556
216
- 56 0.446094 0.515278 0.021875 0.0583333
217
- 14 0.444922 0.354167 0.0210938 0.0583333
218
- 28 0.611719 0.516667 0.021875 0.0555556
219
- 46 0.578125 0.354167 0.021875 0.0583333
220
- 60 0.378125 0.8375 0.021875 0.0583333
221
- 23 0.14375 0.354861 0.0203125 0.0541667
222
- 19 0.844922 0.839583 0.0210938 0.0569444
223
- 43 0.644531 0.354167 0.0203125 0.0555556
224
- 20 0.678125 0.515972 0.021875 0.0569444
225
- 62 0.177734 0.838889 0.0210938 0.0555556
226
- 34 0.244531 0.838194 0.021875 0.0569444
227
- 28 0.711719 0.838889 0.021875 0.0555556
228
- 44 0.110937 0.839583 0.021875 0.0569444
229
- 44 0.14375 0.515972 0.021875 0.0569444
230
- 21 0.310937 0.515972 0.021875 0.0541667
231
- 30 0.444922 0.354861 0.0210938 0.0569444
232
- 34 0.511719 0.838889 0.021875 0.0583333
233
- 21 0.310547 0.838194 0.0226563 0.0569444
234
- 20 0.511328 0.838889 0.0226563 0.0583333
235
- 10 0.610937 0.829861 0.021875 0.0569444
236
- 56 0.577344 0.515972 0.0234375 0.0569444
237
- 40 0.117578 0.355556 0.0195312 0.0527778
238
- 43 0.377734 0.354167 0.0226563 0.0583333
239
- 42 0.310547 0.838194 0.0226563 0.0569444
240
- 45 0.478516 0.354167 0.0226563 0.0583333
241
- 41 0.8125 0.839583 0.021875 0.0569444
242
- 45 0.444141 0.838194 0.0226563 0.0569444
243
- 46 0.24375 0.355556 0.0203125 0.0527778
244
- 46 0.310937 0.516667 0.021875 0.0555556
245
- 29 0.812109 0.839583 0.0226563 0.0569444
246
- 12 0.310937 0.354861 0.021875 0.0569444
247
- 18 0.544531 0.836111 0.0234375 0.0611111
248
- 33 0.311328 0.354861 0.0226563 0.0569444
249
- 61 0.478125 0.354861 0.021875 0.0569444
250
- 21 0.244531 0.515972 0.021875 0.0569444
251
- 32 0.411719 0.838194 0.0234375 0.0569444
252
- 34 0.411719 0.838194 0.0234375 0.0569444
253
- 27 0.177734 0.516667 0.0226563 0.0555556
254
- 42 0.244531 0.515278 0.021875 0.0555556
255
- 60 0.210938 0.35625 0.0203125 0.0541667
256
- 63 0.176953 0.515972 0.0226563 0.0569444
257
- 44 0.111328 0.515278 0.0210938 0.0555556
258
- 44 0.277344 0.838194 0.0234375 0.0569444
259
- 14 0.277344 0.516667 0.021875 0.0555556
260
- 42 0.644922 0.516667 0.0226563 0.0555556
261
- 32 0.277344 0.354861 0.021875 0.0569444
262
- 4 0.277344 0.355556 0.021875 0.0555556
263
- 53 0.244141 0.354861 0.0210938 0.0541667
264
- 61 0.510938 0.515278 0.021875 0.0555556
265
- 36 0.344141 0.354167 0.0226563 0.0583333
266
- 45 0.377734 0.515972 0.0210938 0.0541667
267
- 61 0.377734 0.354167 0.0226563 0.0583333
268
- 33 0.511328 0.354861 0.0226563 0.0569444
269
- 12 0.778516 0.838889 0.0210938 0.0555556
270
- 56 0.446094 0.515278 0.021875 0.0583333
271
- 14 0.444922 0.354167 0.0210938 0.0583333
272
- 28 0.611719 0.516667 0.021875 0.0555556
273
- 46 0.578125 0.354167 0.021875 0.0583333
274
- 60 0.378125 0.8375 0.021875 0.0583333
275
- 23 0.14375 0.354861 0.0203125 0.0541667
276
- 19 0.844922 0.839583 0.0210938 0.0569444
277
- 43 0.644531 0.354167 0.0203125 0.0555556
278
- 20 0.678125 0.515972 0.021875 0.0569444
279
- 62 0.177734 0.838889 0.0210938 0.0555556
280
- 34 0.244531 0.838194 0.021875 0.0569444
281
- 28 0.711719 0.838889 0.021875 0.0555556
282
- 44 0.110937 0.839583 0.021875 0.0569444
283
- 44 0.14375 0.515972 0.021875 0.0569444
284
- 21 0.310937 0.515972 0.021875 0.0541667
285
- 30 0.444922 0.354861 0.0210938 0.0569444
286
- 34 0.511719 0.838889 0.021875 0.0583333
287
- 21 0.310547 0.838194 0.0226563 0.0569444
288
- 20 0.511328 0.838889 0.0226563 0.0583333
289
- 10 0.610937 0.829861 0.021875 0.0569444
290
- 56 0.577344 0.515972 0.0234375 0.0569444
291
- 40 0.117578 0.355556 0.0195312 0.0527778
292
- 43 0.377734 0.354167 0.0226563 0.0583333
293
- 42 0.310547 0.838194 0.0226563 0.0569444
294
- 45 0.478516 0.354167 0.0226563 0.0583333
295
- 41 0.8125 0.839583 0.021875 0.0569444
296
- 45 0.444141 0.838194 0.0226563 0.0569444
297
- 46 0.24375 0.355556 0.0203125 0.0527778
298
- 46 0.310937 0.516667 0.021875 0.0555556
299
- 29 0.812109 0.839583 0.0226563 0.0569444
300
- 12 0.310937 0.354861 0.021875 0.0569444
301
- 18 0.544531 0.836111 0.0234375 0.0611111
302
- 33 0.311328 0.354861 0.0226563 0.0569444
303
- 61 0.478125 0.354861 0.021875 0.0569444
304
- 21 0.244531 0.515972 0.021875 0.0569444
305
- 32 0.411719 0.838194 0.0234375 0.0569444
306
- 34 0.411719 0.838194 0.0234375 0.0569444
307
- 27 0.177734 0.516667 0.0226563 0.0555556
308
- 42 0.244531 0.515278 0.021875 0.0555556
309
- 60 0.210938 0.35625 0.0203125 0.0541667
310
- 63 0.176953 0.515972 0.0226563 0.0569444
311
- 44 0.111328 0.515278 0.0210938 0.0555556
312
- 44 0.277344 0.838194 0.0234375 0.0569444
313
- 14 0.277344 0.516667 0.021875 0.0555556
314
- 42 0.644922 0.516667 0.0226563 0.0555556
315
- 32 0.277344 0.354861 0.021875 0.0569444
316
- 4 0.277344 0.355556 0.021875 0.0555556
317
- 53 0.244141 0.354861 0.0210938 0.0541667
318
- 61 0.510938 0.515278 0.021875 0.0555556
319
- 36 0.344141 0.354167 0.0226563 0.0583333
320
- 45 0.377734 0.515972 0.0210938 0.0541667
321
- 61 0.377734 0.354167 0.0226563 0.0583333
322
- 33 0.511328 0.354861 0.0226563 0.0569444
323
- 12 0.778516 0.838889 0.0210938 0.0555556
324
- 56 0.446094 0.515278 0.021875 0.0583333
325
- 14 0.444922 0.354167 0.0210938 0.0583333
326
- 28 0.611719 0.516667 0.021875 0.0555556
327
- 46 0.578125 0.354167 0.021875 0.0583333
328
- 60 0.378125 0.8375 0.021875 0.0583333
329
- 23 0.14375 0.354861 0.0203125 0.0541667
330
- 19 0.844922 0.839583 0.0210938 0.0569444
331
- 43 0.644531 0.354167 0.0203125 0.0555556
332
- 20 0.678125 0.515972 0.021875 0.0569444
333
- 62 0.177734 0.838889 0.0210938 0.0555556
334
- 34 0.244531 0.838194 0.021875 0.0569444
335
- 28 0.711719 0.838889 0.021875 0.0555556
336
- 44 0.110937 0.839583 0.021875 0.0569444
337
- 44 0.14375 0.515972 0.021875 0.0569444
338
- 21 0.310937 0.515972 0.021875 0.0541667
339
- 30 0.444922 0.354861 0.0210938 0.0569444
340
- 34 0.511719 0.838889 0.021875 0.0583333
341
- 21 0.310547 0.838194 0.0226563 0.0569444
342
- 20 0.511328 0.838889 0.0226563 0.0583333
343
- 10 0.610937 0.829861 0.021875 0.0569444
344
- 56 0.577344 0.515972 0.0234375 0.0569444
345
- 40 0.117578 0.355556 0.0195312 0.0527778
346
- 43 0.377734 0.354167 0.0226563 0.0583333
347
- 42 0.310547 0.838194 0.0226563 0.0569444
348
- 45 0.478516 0.354167 0.0226563 0.0583333
349
- 41 0.8125 0.839583 0.021875 0.0569444
350
- 45 0.444141 0.838194 0.0226563 0.0569444
351
- 46 0.24375 0.355556 0.0203125 0.0527778
352
- 46 0.310937 0.516667 0.021875 0.0555556
353
- 29 0.812109 0.839583 0.0226563 0.0569444
354
- 12 0.310937 0.354861 0.021875 0.0569444
355
- 18 0.544531 0.836111 0.0234375 0.0611111
356
- 33 0.311328 0.354861 0.0226563 0.0569444
357
- 61 0.478125 0.354861 0.021875 0.0569444
358
- 21 0.244531 0.515972 0.021875 0.0569444
359
- 32 0.411719 0.838194 0.0234375 0.0569444
360
- 34 0.411719 0.838194 0.0234375 0.0569444
361
- 27 0.177734 0.516667 0.0226563 0.0555556
362
- 42 0.244531 0.515278 0.021875 0.0555556
363
- 60 0.210938 0.35625 0.0203125 0.0541667
364
- 63 0.176953 0.515972 0.0226563 0.0569444
365
- 44 0.111328 0.515278 0.0210938 0.0555556
366
- 44 0.277344 0.838194 0.0234375 0.0569444
367
- 14 0.277344 0.516667 0.021875 0.0555556
368
- 42 0.644922 0.516667 0.0226563 0.0555556
369
- 32 0.277344 0.354861 0.021875 0.0569444
370
- 4 0.277344 0.355556 0.021875 0.0555556
371
- 53 0.244141 0.354861 0.0210938 0.0541667
372
- 61 0.510938 0.515278 0.021875 0.0555556
373
- 36 0.344141 0.354167 0.0226563 0.0583333
374
- 45 0.377734 0.515972 0.0210938 0.0541667
375
- 61 0.377734 0.354167 0.0226563 0.0583333
376
- 33 0.511328 0.354861 0.0226563 0.0569444
377
- 12 0.778516 0.838889 0.0210938 0.0555556
378
- 56 0.446094 0.515278 0.021875 0.0583333
379
- 14 0.444922 0.354167 0.0210938 0.0583333
380
- 28 0.611719 0.516667 0.021875 0.0555556
381
- 46 0.578125 0.354167 0.021875 0.0583333
382
- 60 0.378125 0.8375 0.021875 0.0583333
383
- 23 0.14375 0.354861 0.0203125 0.0541667
384
- 19 0.844922 0.839583 0.0210938 0.0569444
385
- 43 0.644531 0.354167 0.0203125 0.0555556
386
- 20 0.678125 0.515972 0.021875 0.0569444
387
- 62 0.177734 0.838889 0.0210938 0.0555556
388
- 34 0.244531 0.838194 0.021875 0.0569444
389
- 28 0.711719 0.838889 0.021875 0.0555556
390
- 44 0.110937 0.839583 0.021875 0.0569444
391
- 44 0.14375 0.515972 0.021875 0.0569444
392
- 21 0.310937 0.515972 0.021875 0.0541667
393
- 30 0.444922 0.354861 0.0210938 0.0569444
394
- 34 0.511719 0.838889 0.021875 0.0583333
395
- 21 0.310547 0.838194 0.0226563 0.0569444
396
- 20 0.511328 0.838889 0.0226563 0.0583333
397
- 10 0.610937 0.829861 0.021875 0.0569444
398
- 56 0.577344 0.515972 0.0234375 0.0569444
399
- 40 0.117578 0.355556 0.0195312 0.0527778
400
- 43 0.377734 0.354167 0.0226563 0.0583333
401
- 42 0.310547 0.838194 0.0226563 0.0569444
402
- 45 0.478516 0.354167 0.0226563 0.0583333
403
- 41 0.8125 0.839583 0.021875 0.0569444
404
- 45 0.444141 0.838194 0.0226563 0.0569444
405
- 46 0.24375 0.355556 0.0203125 0.0527778
406
- 46 0.310937 0.516667 0.021875 0.0555556
407
- 29 0.812109 0.839583 0.0226563 0.0569444
408
- 12 0.310937 0.354861 0.021875 0.0569444
409
- 18 0.544531 0.836111 0.0234375 0.0611111
410
- 33 0.311328 0.354861 0.0226563 0.0569444
411
- 61 0.478125 0.354861 0.021875 0.0569444
412
- 21 0.244531 0.515972 0.021875 0.0569444
413
- 32 0.411719 0.838194 0.0234375 0.0569444
414
- 34 0.411719 0.838194 0.0234375 0.0569444
415
- 27 0.177734 0.516667 0.0226563 0.0555556
416
- 42 0.244531 0.515278 0.021875 0.0555556
417
- 60 0.210938 0.35625 0.0203125 0.0541667
418
- 63 0.176953 0.515972 0.0226563 0.0569444
419
- 44 0.111328 0.515278 0.0210938 0.0555556
420
- 44 0.277344 0.838194 0.0234375 0.0569444
421
- 14 0.277344 0.516667 0.021875 0.0555556
422
- 42 0.644922 0.516667 0.0226563 0.0555556
423
- 32 0.277344 0.354861 0.021875 0.0569444
424
- 4 0.277344 0.355556 0.021875 0.0555556
425
- 53 0.244141 0.354861 0.0210938 0.0541667
426
- 61 0.510938 0.515278 0.021875 0.0555556
427
- 36 0.344141 0.354167 0.0226563 0.0583333
428
- 45 0.377734 0.515972 0.0210938 0.0541667
429
- 61 0.377734 0.354167 0.0226563 0.0583333
430
- 33 0.511328 0.354861 0.0226563 0.0569444
431
- 12 0.778516 0.838889 0.0210938 0.0555556
432
- 56 0.446094 0.515278 0.021875 0.0583333
433
- 14 0.444922 0.354167 0.0210938 0.0583333
434
- 28 0.611719 0.516667 0.021875 0.0555556
435
- 46 0.578125 0.354167 0.021875 0.0583333
436
- 60 0.378125 0.8375 0.021875 0.0583333
437
- 23 0.14375 0.354861 0.0203125 0.0541667
438
- 19 0.844922 0.839583 0.0210938 0.0569444
439
- 43 0.644531 0.354167 0.0203125 0.0555556
440
- 20 0.678125 0.515972 0.021875 0.0569444
441
- 62 0.177734 0.838889 0.0210938 0.0555556
442
- 34 0.244531 0.838194 0.021875 0.0569444
443
- 28 0.711719 0.838889 0.021875 0.0555556
444
- 44 0.110937 0.839583 0.021875 0.0569444
445
- 44 0.14375 0.515972 0.021875 0.0569444
446
- 21 0.310937 0.515972 0.021875 0.0541667
447
- 30 0.444922 0.354861 0.0210938 0.0569444
448
- 34 0.511719 0.838889 0.021875 0.0583333
449
- 21 0.310547 0.838194 0.0226563 0.0569444
450
- 20 0.511328 0.838889 0.0226563 0.0583333
451
- 10 0.610937 0.829861 0.021875 0.0569444
452
- 56 0.577344 0.515972 0.0234375 0.0569444
453
- 40 0.117578 0.355556 0.0195312 0.0527778
454
- 43 0.377734 0.354167 0.0226563 0.0583333
455
- 42 0.310547 0.838194 0.0226563 0.0569444
456
- 45 0.478516 0.354167 0.0226563 0.0583333
457
- 41 0.8125 0.839583 0.021875 0.0569444
458
- 45 0.444141 0.838194 0.0226563 0.0569444
459
- 46 0.24375 0.355556 0.0203125 0.0527778
460
- 46 0.310937 0.516667 0.021875 0.0555556
461
- 29 0.812109 0.839583 0.0226563 0.0569444
462
- 12 0.310937 0.354861 0.021875 0.0569444
463
- 18 0.544531 0.836111 0.0234375 0.0611111
464
- 33 0.311328 0.354861 0.0226563 0.0569444
465
- 61 0.478125 0.354861 0.021875 0.0569444
466
- 21 0.244531 0.515972 0.021875 0.0569444
467
- 32 0.411719 0.838194 0.0234375 0.0569444
468
- 34 0.411719 0.838194 0.0234375 0.0569444
469
- 27 0.177734 0.516667 0.0226563 0.0555556
470
- 42 0.244531 0.515278 0.021875 0.0555556
471
- 60 0.210938 0.35625 0.0203125 0.0541667
472
- 63 0.176953 0.515972 0.0226563 0.0569444
473
- 44 0.111328 0.515278 0.0210938 0.0555556
474
- 44 0.277344 0.838194 0.0234375 0.0569444
475
- 14 0.277344 0.516667 0.021875 0.0555556
476
- 42 0.644922 0.516667 0.0226563 0.0555556
477
- 32 0.277344 0.354861 0.021875 0.0569444
478
- 4 0.277344 0.355556 0.021875 0.0555556
479
- 53 0.244141 0.354861 0.0210938 0.0541667
480
- 61 0.510938 0.515278 0.021875 0.0555556
481
- 36 0.344141 0.354167 0.0226563 0.0583333
482
- 45 0.377734 0.515972 0.0210938 0.0541667
483
- 61 0.377734 0.354167 0.0226563 0.0583333
484
- 33 0.511328 0.354861 0.0226563 0.0569444
485
- 12 0.778516 0.838889 0.0210938 0.0555556
486
- 56 0.446094 0.515278 0.021875 0.0583333
487
- 14 0.444922 0.354167 0.0210938 0.0583333
488
- 28 0.611719 0.516667 0.021875 0.0555556
489
- 46 0.578125 0.354167 0.021875 0.0583333
490
- 60 0.378125 0.8375 0.021875 0.0583333
491
- 23 0.14375 0.354861 0.0203125 0.0541667
492
- 19 0.844922 0.839583 0.0210938 0.0569444
493
- 43 0.644531 0.354167 0.0203125 0.0555556
494
- 20 0.678125 0.515972 0.021875 0.0569444
495
- 62 0.177734 0.838889 0.0210938 0.0555556
496
- 34 0.244531 0.838194 0.021875 0.0569444
497
- 28 0.711719 0.838889 0.021875 0.0555556
498
- 44 0.110937 0.839583 0.021875 0.0569444
499
- 44 0.14375 0.515972 0.021875 0.0569444
500
- 21 0.310937 0.515972 0.021875 0.0541667
501
- 30 0.444922 0.354861 0.0210938 0.0569444
502
- 34 0.511719 0.838889 0.021875 0.0583333
503
- 21 0.310547 0.838194 0.0226563 0.0569444
504
- 20 0.511328 0.838889 0.0226563 0.0583333
505
- 10 0.610937 0.829861 0.021875 0.0569444
506
- 56 0.577344 0.515972 0.0234375 0.0569444
507
- 40 0.117578 0.355556 0.0195312 0.0527778
508
- 43 0.377734 0.354167 0.0226563 0.0583333
509
- 42 0.310547 0.838194 0.0226563 0.0569444
510
- 45 0.478516 0.354167 0.0226563 0.0583333
511
- 41 0.8125 0.839583 0.021875 0.0569444
512
- 45 0.444141 0.838194 0.0226563 0.0569444
513
- 46 0.24375 0.355556 0.0203125 0.0527778
514
- 46 0.310937 0.516667 0.021875 0.0555556
515
- 29 0.812109 0.839583 0.0226563 0.0569444
516
- 12 0.310937 0.354861 0.021875 0.0569444
517
- 18 0.544531 0.836111 0.0234375 0.0611111
518
- 33 0.311328 0.354861 0.0226563 0.0569444
519
- 61 0.478125 0.354861 0.021875 0.0569444
520
- 21 0.244531 0.515972 0.021875 0.0569444
521
- 32 0.411719 0.838194 0.0234375 0.0569444
522
- 34 0.411719 0.838194 0.0234375 0.0569444
523
- 27 0.177734 0.516667 0.0226563 0.0555556
524
- 42 0.244531 0.515278 0.021875 0.0555556
525
- 60 0.210938 0.35625 0.0203125 0.0541667
526
- 63 0.176953 0.515972 0.0226563 0.0569444
527
- 44 0.111328 0.515278 0.0210938 0.0555556
528
- 44 0.277344 0.838194 0.0234375 0.0569444
529
- 14 0.277344 0.516667 0.021875 0.0555556
530
- 42 0.644922 0.516667 0.0226563 0.0555556
531
- 32 0.277344 0.354861 0.021875 0.0569444
532
- 4 0.277344 0.355556 0.021875 0.0555556
533
- 53 0.244141 0.354861 0.0210938 0.0541667
534
- 61 0.510938 0.515278 0.021875 0.0555556
535
- 36 0.344141 0.354167 0.0226563 0.0583333
536
- 45 0.377734 0.515972 0.0210938 0.0541667
537
- 61 0.377734 0.354167 0.0226563 0.0583333
538
- 33 0.511328 0.354861 0.0226563 0.0569444
539
- 12 0.778516 0.838889 0.0210938 0.0555556
540
- 56 0.446094 0.515278 0.021875 0.0583333
541
- 14 0.444922 0.354167 0.0210938 0.0583333
542
- 28 0.611719 0.516667 0.021875 0.0555556
543
- 46 0.578125 0.354167 0.021875 0.0583333
544
- 60 0.378125 0.8375 0.021875 0.0583333
545
- 23 0.14375 0.354861 0.0203125 0.0541667
546
- 19 0.844922 0.839583 0.0210938 0.0569444
547
- 43 0.644531 0.354167 0.0203125 0.0555556
548
- 20 0.678125 0.515972 0.021875 0.0569444
549
- 62 0.177734 0.838889 0.0210938 0.0555556
550
- 34 0.244531 0.838194 0.021875 0.0569444
551
- 28 0.711719 0.838889 0.021875 0.0555556
552
- 44 0.110937 0.839583 0.021875 0.0569444
553
- 44 0.14375 0.515972 0.021875 0.0569444
554
- 62 0.177734 0.845139 0.0195312 0.0486111
555
- 36 0.578516 0.8375 0.0210938 0.0527778
556
- 61 0.94375 0.941667 0.0203125 0.0611111
557
- 32 0.153906 0.845833 0.0171875 0.0472222
558
- 27 0.176953 0.516667 0.0210938 0.0555556
559
- 44 0.144531 0.516667 0.0203125 0.0555556
560
- 63 0.177734 0.515972 0.0210938 0.0569444
561
- 61 0.378125 0.354861 0.01875 0.0513889
562
- 61 0.511328 0.516667 0.0195312 0.05
563
- 44 0.110937 0.843056 0.01875 0.05
564
- 21 0.310937 0.515972 0.021875 0.0541667
565
- 30 0.444922 0.354861 0.0210938 0.0569444
566
- 34 0.511719 0.838889 0.021875 0.0583333
567
- 21 0.310547 0.838194 0.0226563 0.0569444
568
- 20 0.511328 0.838889 0.0226563 0.0583333
569
- 10 0.610937 0.829861 0.021875 0.0569444
570
- 56 0.577344 0.515972 0.0234375 0.0569444
571
- 40 0.117578 0.355556 0.0195312 0.0527778
572
- 43 0.377734 0.354167 0.0226563 0.0583333
573
- 42 0.310547 0.838194 0.0226563 0.0569444
574
- 45 0.478516 0.354167 0.0226563 0.0583333
575
- 41 0.8125 0.839583 0.021875 0.0569444
576
- 45 0.444141 0.838194 0.0226563 0.0569444
577
- 46 0.24375 0.355556 0.0203125 0.0527778
578
- 46 0.310937 0.516667 0.021875 0.0555556
579
- 29 0.812109 0.839583 0.0226563 0.0569444
580
- 12 0.310937 0.354861 0.021875 0.0569444
581
- 18 0.544531 0.836111 0.0234375 0.0611111
582
- 33 0.311328 0.354861 0.0226563 0.0569444
583
- 61 0.478125 0.354861 0.021875 0.0569444
584
- 21 0.244531 0.515972 0.021875 0.0569444
585
- 32 0.411719 0.838194 0.0234375 0.0569444
586
- 34 0.411719 0.838194 0.0234375 0.0569444
587
- 27 0.177734 0.516667 0.0226563 0.0555556
588
- 42 0.244531 0.515278 0.021875 0.0555556
589
- 60 0.210938 0.35625 0.0203125 0.0541667
590
- 63 0.176953 0.515972 0.0226563 0.0569444
591
- 44 0.111328 0.515278 0.0210938 0.0555556
592
- 44 0.277344 0.838194 0.0234375 0.0569444
593
- 14 0.277344 0.516667 0.021875 0.0555556
594
- 42 0.644922 0.516667 0.0226563 0.0555556
595
- 32 0.277344 0.354861 0.021875 0.0569444
596
- 4 0.277344 0.355556 0.021875 0.0555556
597
- 53 0.244141 0.354861 0.0210938 0.0541667
598
- 61 0.510938 0.515278 0.021875 0.0555556
599
- 36 0.344141 0.354167 0.0226563 0.0583333
600
- 45 0.377734 0.515972 0.0210938 0.0541667
601
- 61 0.377734 0.354167 0.0226563 0.0583333
602
- 33 0.511328 0.354861 0.0226563 0.0569444
603
- 12 0.778516 0.838889 0.0210938 0.0555556
604
- 56 0.446094 0.515278 0.021875 0.0583333
605
- 14 0.444922 0.354167 0.0210938 0.0583333
606
- 28 0.611719 0.516667 0.021875 0.0555556
607
- 46 0.578125 0.354167 0.021875 0.0583333
608
- 60 0.378125 0.8375 0.021875 0.0583333
609
- 23 0.14375 0.354861 0.0203125 0.0541667
610
- 19 0.844922 0.839583 0.0210938 0.0569444
611
- 43 0.644531 0.354167 0.0203125 0.0555556
612
- 20 0.678125 0.515972 0.021875 0.0569444
613
- 62 0.177734 0.838889 0.0210938 0.0555556
614
- 34 0.244531 0.838194 0.021875 0.0569444
615
- 28 0.711719 0.838889 0.021875 0.0555556
616
- 44 0.110937 0.839583 0.021875 0.0569444
617
- 44 0.14375 0.515972 0.021875 0.0569444
618
- 21 0.310937 0.515972 0.021875 0.0541667
619
- 30 0.444922 0.354861 0.0210938 0.0569444
620
- 34 0.511719 0.838889 0.021875 0.0583333
621
- 21 0.310547 0.838194 0.0226563 0.0569444
622
- 20 0.511328 0.838889 0.0226563 0.0583333
623
- 10 0.610937 0.829861 0.021875 0.0569444
624
- 56 0.577344 0.515972 0.0234375 0.0569444
625
- 40 0.117578 0.355556 0.0195312 0.0527778
626
- 43 0.377734 0.354167 0.0226563 0.0583333
627
- 42 0.310547 0.838194 0.0226563 0.0569444
628
- 45 0.478516 0.354167 0.0226563 0.0583333
629
- 41 0.8125 0.839583 0.021875 0.0569444
630
- 45 0.444141 0.838194 0.0226563 0.0569444
631
- 46 0.24375 0.355556 0.0203125 0.0527778
632
- 46 0.310937 0.516667 0.021875 0.0555556
633
- 29 0.812109 0.839583 0.0226563 0.0569444
634
- 12 0.310937 0.354861 0.021875 0.0569444
635
- 18 0.544531 0.836111 0.0234375 0.0611111
636
- 33 0.311328 0.354861 0.0226563 0.0569444
637
- 61 0.478125 0.354861 0.021875 0.0569444
638
- 21 0.244531 0.515972 0.021875 0.0569444
639
- 32 0.411719 0.838194 0.0234375 0.0569444
640
- 34 0.411719 0.838194 0.0234375 0.0569444
641
- 27 0.177734 0.516667 0.0226563 0.0555556
642
- 42 0.244531 0.515278 0.021875 0.0555556
643
- 60 0.210938 0.35625 0.0203125 0.0541667
644
- 63 0.176953 0.515972 0.0226563 0.0569444
645
- 44 0.111328 0.515278 0.0210938 0.0555556
646
- 44 0.277344 0.838194 0.0234375 0.0569444
647
- 14 0.277344 0.516667 0.021875 0.0555556
648
- 42 0.644922 0.516667 0.0226563 0.0555556
649
- 32 0.277344 0.354861 0.021875 0.0569444
650
- 4 0.277344 0.355556 0.021875 0.0555556
651
- 53 0.244141 0.354861 0.0210938 0.0541667
652
- 61 0.510938 0.515278 0.021875 0.0555556
653
- 36 0.344141 0.354167 0.0226563 0.0583333
654
- 45 0.377734 0.515972 0.0210938 0.0541667
655
- 61 0.377734 0.354167 0.0226563 0.0583333
656
- 33 0.511328 0.354861 0.0226563 0.0569444
657
- 12 0.778516 0.838889 0.0210938 0.0555556
658
- 56 0.446094 0.515278 0.021875 0.0583333
659
- 14 0.444922 0.354167 0.0210938 0.0583333
660
- 28 0.611719 0.516667 0.021875 0.0555556
661
- 46 0.578125 0.354167 0.021875 0.0583333
662
- 60 0.378125 0.8375 0.021875 0.0583333
663
- 23 0.14375 0.354861 0.0203125 0.0541667
664
- 19 0.844922 0.839583 0.0210938 0.0569444
665
- 43 0.644531 0.354167 0.0203125 0.0555556
666
- 20 0.678125 0.515972 0.021875 0.0569444
667
- 62 0.177734 0.838889 0.0210938 0.0555556
668
- 34 0.244531 0.838194 0.021875 0.0569444
669
- 28 0.711719 0.838889 0.021875 0.0555556
670
- 44 0.110937 0.839583 0.021875 0.0569444
671
- 44 0.14375 0.515972 0.021875 0.0569444