Skip to content

Commit

Permalink
add in yolo training
Browse files Browse the repository at this point in the history
  • Loading branch information
hehonglu123 committed Jul 24, 2024
1 parent 6a6d6d7 commit 07deb65
Show file tree
Hide file tree
Showing 1,240 changed files with 1,142 additions and 3 deletions.
5 changes: 2 additions & 3 deletions pyproject.toml
Original file line number Diff line number Diff line change
Expand Up @@ -8,14 +8,13 @@ version = "0.1.0"
description = "FLIR WAAM Helper Functions."

packages = [
{ include = "flir_toolbox", from = "src" },
{ include = "torch_tracking", from = "src" }
{ include = "flir_toolbox", from = "src" }
]

authors = ["Honglu He <[email protected]>",]
maintainers = ["Honglu He <[email protected]>",]

include = ["CHANGELOG.md", "LICENSE", "py.typed","torch_tracking/torch.pt"]
include = ["CHANGELOG.md", "LICENSE", "py.typed"]
license = "BSD-3-Clause"
readme = "README.md"

Expand Down
55 changes: 55 additions & 0 deletions src/flir_toolbox/flir_toolbox.py
Original file line number Diff line number Diff line change
Expand Up @@ -179,6 +179,15 @@ def weld_detection_steel(raw_img,yolo_model,threshold=1.5e4,area_threshold=50,pe

return centroid, bbox, torch_centroid, torch_bbox

def weld_detection_steel(raw_img,torch_model,tip_model):

## Torch detection
torch_centroid, torch_bbox=torch_detect_yolo(raw_img,torch_model)
## Tip detection
tip_centroid, tip_bbox=tip_wire_detect_yolo(raw_img,tip_model)

return tip_centroid, tip_bbox, torch_centroid, torch_bbox


def torch_detect(ir_image,template,template_threshold=0.3,pixel_threshold=1e4):
###template matching for torch, return the upper left corner of the matched region
Expand Down Expand Up @@ -217,6 +226,25 @@ def torch_detect_yolo(ir_image,yolo_model,pixel_threshold=1e4,percentage_thresho

#run yolo
result= yolo_model.predict(ir_torch_tracking,verbose=False, conf=0.5)[0]
conf_all = result.boxes.conf.cpu().numpy() #find the most confident torch prediction
if len(conf_all)>0:
max_conf_idx=np.argmax(conf_all)
bbox = result.boxes.cpu().xyxy[max_conf_idx].numpy()\
#change bbox to opencv format
bbox[2]=bbox[2]-bbox[0]
bbox[3]=bbox[3]-bbox[1]
centroid = np.array([(bbox[0]+bbox[2])/2,(bbox[1]+bbox[3])/2])
return centroid, bbox.astype(int)
else:
return None, None

def tip_detect_yolo(ir_image,tip_model):
ir_tip_tracking=copy.deepcopy(ir_image)
ir_tip_tracking = ((ir_tip_tracking - np.min(ir_tip_tracking)) / (np.max(ir_tip_tracking) - np.min(ir_tip_tracking))) * 255
ir_tip_tracking = ir_tip_tracking.astype(np.uint8)
ir_tip_tracking = cv2.cvtColor(ir_tip_tracking, cv2.COLOR_GRAY2BGR)
#run yolo
result= tip_model.predict(ir_tip_tracking,verbose=False)[0]
if result.boxes.cls.cpu().numpy()==0:
bbox = result.boxes.cpu().xyxy[0].numpy()\
#change bbox to opencv format
Expand All @@ -227,6 +255,33 @@ def torch_detect_yolo(ir_image,yolo_model,pixel_threshold=1e4,percentage_thresho
else:
return None, None

def tip_wire_detect_yolo(ir_image,tip_wire_model):
ir_tip_wire_tracking=copy.deepcopy(ir_image)
pixel_threshold=0.77*np.max(ir_tip_wire_tracking)
ir_tip_wire_tracking[ir_tip_wire_tracking>pixel_threshold]=pixel_threshold
ir_tip_wire_tracking = ((ir_tip_wire_tracking - np.min(ir_tip_wire_tracking)) / (np.max(ir_tip_wire_tracking) - np.min(ir_tip_wire_tracking))) * 255
ir_tip_wire_tracking = ir_tip_wire_tracking.astype(np.uint8)
ir_tip_wire_tracking = cv2.cvtColor(ir_tip_wire_tracking, cv2.COLOR_GRAY2BGR)
#run yolo
result= tip_wire_model.predict(ir_tip_wire_tracking,verbose=False,conf=0.5)[0]
cls_list = result.boxes.cls.cpu().numpy().astype(int)
counts = np.bincount(cls_list)
# Check if there is exactly one 0 and one 1
if len(counts) >= 2 and counts[0] == 1 and counts[1] == 1:
idx0=np.where(cls_list==0)[0][0]
idx1=np.where(cls_list==1)[0][0]
#get the lower right corner of the bounding box of cls 0
x0_left,y0_left,x1_left,y1_left = result.boxes.cpu().xyxy[idx0].numpy()
#get the lower left corner of the bounding box of cls 1
x0_right,y0_right,x1_right,y1_right = result.boxes.cpu().xyxy[idx1].numpy()
#get the average of the two points
centroid_x = (x1_left+x0_right)/2
centroid_y = (y1_left+y1_right)/2

return np.array([centroid_x,centroid_y]), (int(centroid_x - 1.5), int(centroid_y - 1.5), 3, 3)

return None, None

def get_pixel_value(ir_image,coord,window_size):
###get pixel value larger than avg within the window
window = ir_image[coord[1]-window_size//2:coord[1]+window_size//2+1,coord[0]-window_size//2:coord[0]+window_size//2+1]
Expand Down
Binary file added src/flir_toolbox/tip_wire.pt
Binary file not shown.
File renamed without changes.
32 changes: 32 additions & 0 deletions yolov8/data_gen_tip.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,32 @@
import cv2
import pickle, sys
import numpy as np
import matplotlib.pyplot as plt



data_dir='../../../recorded_data/'
data_sets=['ER316L/wallbf_70ipm_v7_70ipm_v7/','ER316L/wallbf_150ipm_v15_150ipm_v15/',
'ER316L/trianglebf_100ipm_v10_100ipm_v10','ER316L/cylinderspiral_100ipm_v10/',
'ER316L/streaming/cylinderspiral_T19000/','ER316L/streaming/cylinderspiral_T25000/',
'ER316L/VPD10/cylinderspiral_50ipm_v5','ER316L/VPD10/cylinderspiral_70ipm_v7',
'ER316L/VPD10/cylinderspiral_110ipm_v11','ER316L/VPD10/cylinderspiral_130ipm_v13']

output_dir='../../../recorded_data/yolov8/tip/'

num_images_per_set=10
img_counts=0
#radmonly select 10 images from each set
for data_set in data_sets:
with open(data_dir+data_set+'/ir_recording.pickle', 'rb') as file:
ir_recording = pickle.load(file)
#select random frames
idxs=np.random.choice(range(3000,len(ir_recording)), num_images_per_set, replace=False)
for idx in idxs:
ir_torch_tracking=np.rot90(ir_recording[idx], k=-1)
ir_torch_tracking_normalized = ((ir_torch_tracking - np.min(ir_torch_tracking)) / (np.max(ir_torch_tracking) - np.min(ir_torch_tracking))) * 255
#save image
cv2.imwrite(output_dir+str(img_counts)+'.png', ir_torch_tracking_normalized)
img_counts+=1


37 changes: 37 additions & 0 deletions yolov8/data_gen_torch.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,37 @@
import cv2
import pickle, sys
import numpy as np
import matplotlib.pyplot as plt



data_dir='../../../../recorded_data/'
# data_sets=['ER316L/wallbf_70ipm_v7_70ipm_v7/','ER316L/wallbf_150ipm_v15_150ipm_v15/',
# 'ER316L/trianglebf_100ipm_v10_100ipm_v10','ER316L/cylinderspiral_100ipm_v10/']
# data_sets=['ER316L/streaming/cylinderspiral_T19000/','ER4043/wallbf_100ipm_v10_120ipm_v12/',
# 'ER4043/wallbf_100ipm_v10_70ipm_v7/','ER4043/wall2bead_w3.0_150ipm_v10_150ipm_v10/']
# data_sets=['ER4043/wallbf_100ipm_v10_100ipm_v10/', 'ER4043/wallbf_100ipm_v10/',]
data_sets=['ER316L/streaming/cylinderspiral_T25000/']
output_dir='../../../../recorded_data/yolov8/torch/'

num_images_per_set=10
pixel_threshold=1e4
percentage_threshold=0.5
img_counts=100
#radmonly select 10 images from each set
for data_set in data_sets:
with open(data_dir+data_set+'/ir_recording.pickle', 'rb') as file:
ir_recording = pickle.load(file)
#select random frames
idxs=np.random.choice(range(3000,len(ir_recording)), num_images_per_set, replace=False)
for idx in idxs:
ir_torch_tracking=np.rot90(ir_recording[idx], k=-1)
pixel_threshold = max(pixel_threshold, percentage_threshold*np.max(ir_torch_tracking))
print(pixel_threshold)
ir_torch_tracking[ir_torch_tracking>pixel_threshold]=pixel_threshold
ir_torch_tracking_normalized = ((ir_torch_tracking - np.min(ir_torch_tracking)) / (np.max(ir_torch_tracking) - np.min(ir_torch_tracking))) * 255
#save image
cv2.imwrite(output_dir+str(img_counts)+'.png', ir_torch_tracking_normalized)
img_counts+=1


34 changes: 34 additions & 0 deletions yolov8/data_gen_wire.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,34 @@
import cv2
import pickle, sys
import numpy as np
import matplotlib.pyplot as plt



data_dir='../../../recorded_data/'
data_sets=['ER316L/wallbf_70ipm_v7_70ipm_v7/','ER316L/wallbf_150ipm_v15_150ipm_v15/',
'ER316L/trianglebf_100ipm_v10_100ipm_v10','ER316L/cylinderspiral_100ipm_v10/',
'ER316L/streaming/cylinderspiral_T19000/','ER316L/streaming/cylinderspiral_T25000/',
'ER316L/VPD10/cylinderspiral_50ipm_v5','ER316L/VPD10/cylinderspiral_70ipm_v7',
'ER316L/VPD10/cylinderspiral_110ipm_v11','ER316L/VPD10/cylinderspiral_130ipm_v13']

output_dir='../../../recorded_data/yolov8/tip-wire/'

num_images_per_set=10
img_counts=0
#radmonly select 10 images from each set
for data_set in data_sets:
with open(data_dir+data_set+'/ir_recording.pickle', 'rb') as file:
ir_recording = pickle.load(file)
#select random frames
idxs=np.random.choice(range(3000,len(ir_recording)), num_images_per_set, replace=False)
for idx in idxs:
ir_torch_tracking=np.rot90(ir_recording[idx], k=-1)
pixel_threshold=0.77*np.max(ir_torch_tracking)
ir_torch_tracking[ir_torch_tracking>pixel_threshold]=pixel_threshold
ir_torch_tracking_normalized = ((ir_torch_tracking - np.min(ir_torch_tracking)) / (np.max(ir_torch_tracking) - np.min(ir_torch_tracking))) * 255
#save image
cv2.imwrite(output_dir+str(img_counts)+'.png', ir_torch_tracking_normalized)
img_counts+=1


13 changes: 13 additions & 0 deletions yolov8/datasets/tip_wire_yolov8_data/data.yaml
Original file line number Diff line number Diff line change
@@ -0,0 +1,13 @@
train: ../train/images
val: ../valid/images
test: ../test/images

nc: 2
names: ['tip_wire_left', 'tip_wire_right']

roboflow:
workspace: torchyolov8
project: tip_wire_yolov8
version: 1
license: CC BY 4.0
url: https://universe.roboflow.com/torchyolov8/tip_wire_yolov8/dataset/1
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file not shown.
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.12904166666666667 0.50953125 0.06395833333333333 0.07684375
1 0.17454166666666668 0.50984375 0.05358333333333333 0.077
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.35112499999999996 0.48940625000000004 0.08208333333333333 0.091625
1 0.40854166666666664 0.48928125 0.06775 0.09153125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3238333333333333 0.52815625 0.07733333333333332 0.08090625
1 0.37825000000000003 0.5278125 0.06083333333333333 0.08103125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.24308333333333335 0.51084375 0.07570833333333334 0.08690624999999999
1 0.297 0.5108125 0.069125 0.08740624999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.10112499999999999 0.47768750000000004 0.08604166666666666 0.0926875
1 0.15883333333333333 0.47775 0.06354166666666666 0.09343749999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.368625 0.4944375 0.08512499999999999 0.0860625
1 0.43029166666666663 0.49431250000000004 0.07375 0.08746875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39445833333333336 0.48521875000000003 0.077 0.0843125
1 0.45108333333333334 0.48490625 0.07012499999999999 0.08384375
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.35683333333333334 0.4944375 0.08375 0.088125
1 0.4140833333333333 0.49421875000000004 0.06779166666666667 0.08840624999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.691125 0.488125 0.08008333333333333 0.091375
1 0.7505416666666667 0.48825 0.068375 0.09165625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.20433333333333334 0.48606249999999995 0.08791666666666667 0.08909375
1 0.2625416666666667 0.48603125 0.06366666666666666 0.09015625000000001
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.27395833333333336 0.4803125 0.079375 0.087625
1 0.33345833333333336 0.4796875 0.06720833333333333 0.0873125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.29129166666666667 0.548375 0.06379166666666666 0.07171875
1 0.33137500000000003 0.547875 0.048374999999999994 0.0718125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.5026666666666667 0.574125 0.07775 0.0655625
1 0.5559166666666666 0.574125 0.057 0.06728125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.622625 0.6083125 0.07358333333333333 0.0749375
1 0.6748333333333334 0.6074375 0.06133333333333334 0.07568749999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.25533333333333336 0.51025 0.08266666666666667 0.08128125
1 0.31354166666666666 0.5103125000000001 0.06579166666666666 0.08140625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.30366666666666664 0.5075624999999999 0.07891666666666668 0.07828125
1 0.36166666666666664 0.5076562499999999 0.06883333333333333 0.0801875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3869166666666667 0.5989687499999999 0.07795833333333334 0.067
1 0.442375 0.5988749999999999 0.06254166666666666 0.06778125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.5024166666666666 0.5403125 0.07716666666666666 0.07121875
1 0.5575416666666667 0.5404687499999999 0.06420833333333334 0.07115625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.4358333333333333 0.6039375 0.08029166666666666 0.07421875
1 0.49262500000000004 0.60371875 0.063375 0.07409375
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3854166666666667 0.522 0.079625 0.0811875
1 0.44208333333333333 0.52240625 0.06204166666666667 0.08128125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.5316666666666666 0.5379375 0.0805 0.075125
1 0.5920416666666667 0.5378437500000001 0.07216666666666667 0.07503125000000001
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
1 0.4845 0.4988125 0.06254166666666666 0.07240625
0 0.42933333333333334 0.49906249999999996 0.07445833333333333 0.07240625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.13933333333333334 0.47424999999999995 0.053125 0.06984375000000001
1 0.17883333333333334 0.47384375 0.052333333333333336 0.07065625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.40029166666666666 0.60646875 0.0775 0.09625
1 0.4533333333333333 0.60646875 0.05670833333333333 0.09684374999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.40354166666666663 0.6285624999999999 0.07079166666666666 0.09590625
1 0.4532083333333333 0.62840625 0.055125 0.0970625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.4015 0.6238125 0.07395833333333333 0.09184375
1 0.4514583333333333 0.62384375 0.051083333333333335 0.09284375
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3973333333333333 0.5621562499999999 0.08 0.0891875
1 0.455 0.56134375 0.063 0.0916875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.399875 0.62384375 0.07816666666666668 0.09090625
1 0.4548333333333333 0.62325 0.05529166666666666 0.09278125000000001
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3964166666666667 0.534875 0.08029166666666666 0.08340625
1 0.4560416666666667 0.53403125 0.06704166666666667 0.08878125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3955 0.53615625 0.08025 0.08440625
1 0.45279166666666665 0.5350312500000001 0.059291666666666666 0.089
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3983333333333333 0.5223125 0.07483333333333334 0.08265625
1 0.4547916666666667 0.5199374999999999 0.063375 0.08778125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39475 0.553 0.08329166666666667 0.083875
1 0.45545833333333335 0.5518125 0.06533333333333333 0.08884375
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.396375 0.51909375 0.07970833333333333 0.08009374999999999
1 0.4520416666666666 0.518375 0.05854166666666667 0.083125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.32745833333333335 0.50409375 0.07383333333333333 0.08453125
1 0.3842916666666667 0.50409375 0.06816666666666667 0.0858125
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39566666666666667 0.48390625 0.08520833333333333 0.081875
1 0.45895833333333336 0.48134375 0.062625 0.08896875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3970416666666667 0.47387499999999994 0.08462499999999999 0.07625
1 0.45766666666666667 0.47253125 0.060250000000000005 0.08009374999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
1 0.45583333333333337 0.4798125 0.059083333333333335 0.08453125
0 0.3937083333333333 0.47890625 0.08583333333333334 0.08512499999999999
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39775 0.5039687500000001 0.087 0.09375
1 0.4563333333333333 0.50296875 0.056916666666666664 0.097875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39479166666666665 0.426 0.08741666666666667 0.0805
1 0.45408333333333334 0.42559375 0.06158333333333333 0.0814375
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.39466666666666667 0.42018750000000005 0.08720833333333333 0.08449999999999999
1 0.453625 0.41974999999999996 0.05754166666666667 0.08571875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3958333333333333 0.49034374999999997 0.0895 0.0883125
1 0.45658333333333334 0.48862500000000003 0.06120833333333333 0.09490625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3958333333333333 0.47565625 0.08629166666666667 0.07965625
1 0.4545 0.47540625 0.058708333333333335 0.08115625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.3964166666666667 0.47665625 0.08583333333333334 0.07843750000000001
1 0.4517083333333333 0.47696875 0.05358333333333333 0.07875
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.395625 0.4415 0.08741666666666667 0.07843750000000001
1 0.45387500000000003 0.441875 0.05875 0.07890625
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.4754583333333333 0.45131249999999995 0.07395833333333333 0.07740625
1 0.5295 0.45025000000000004 0.062625 0.08246875000000001
Original file line number Diff line number Diff line change
@@ -0,0 +1,2 @@
0 0.395625 0.52025 0.08424999999999999 0.06221875
1 0.45408333333333334 0.52025 0.06220833333333333 0.0631875
Loading

0 comments on commit 07deb65

Please sign in to comment.